From a69d5c01d647d809e55a46aa82d55c636df020a7 Mon Sep 17 00:00:00 2001 From: Neil Smith Date: Thu, 24 Oct 2024 11:14:34 +0100 Subject: [PATCH] Initial commit --- .gitignore | 15 + 1.titanic-survivors/1.titanic.ipynb | 1014 + 1.titanic-survivors/1.titanic.md | 474 + ...ee_with_numeric_and_nominal_attributes.png | Bin 0 -> 23228 bytes 1.titanic-survivors/overfitting.png | Bin 0 -> 72937 bytes 1.titanic-survivors/phpMYEkMl.arff | 1326 ++ 1.titanic-survivors/sample_shallow_tree.png | Bin 0 -> 51186 bytes .../small-decision-tree-alone.webp | Bin 0 -> 7690 bytes .../small-decision-tree-female.webp | Bin 0 -> 8012 bytes 1.titanic-survivors/titanic.csv | 1044 + 1.titanic-survivors/titanic_full.csv | 1310 ++ 1.titanic-survivors/titanic_original.csv | 1310 ++ 2.markov-chains/2.markov.ipynb | 1186 ++ 2.markov-chains/2.markov.md | 643 + 2.markov-chains/le-mort-d-arthur.txt | 13542 +++++++++++++ 2.markov-chains/odyssey.txt | 10464 ++++++++++ 2.markov-chains/pride-and-prejudice.txt | 12901 +++++++++++++ 2.markov-chains/tale-of-two-cities.txt | 15900 ++++++++++++++++ 3.eliza/3.eliza.ipynb | 1119 ++ 3.eliza/3.eliza.md | 602 + 3.eliza/eliza.py | 252 + 3.eliza/rules.yaml | 254 + 4.image-classification/4.conv_nn.ipynb | 1164 ++ 4.image-classification/4.conv_nn.md | 632 + .../pic/Example-filters.png | Bin 0 -> 186937 bytes .../pic/cnn-diagram-simple.png | Bin 0 -> 28133 bytes .../pic/cnn-diagram-simple.svg | 332 + 4.image-classification/pic/cnn-diagram.svg | 393 + .../pic/example-convolution.png | Bin 0 -> 31259 bytes .../pic/sample_neural_network.png | Bin 0 -> 233702 bytes 30 files changed, 65877 insertions(+) create mode 100644 .gitignore create mode 100644 1.titanic-survivors/1.titanic.ipynb create mode 100644 1.titanic-survivors/1.titanic.md create mode 100644 1.titanic-survivors/GEP_decision_tree_with_numeric_and_nominal_attributes.png create mode 100644 1.titanic-survivors/overfitting.png create mode 100644 1.titanic-survivors/phpMYEkMl.arff create mode 100644 1.titanic-survivors/sample_shallow_tree.png create mode 100644 1.titanic-survivors/small-decision-tree-alone.webp create mode 100644 1.titanic-survivors/small-decision-tree-female.webp create mode 100644 1.titanic-survivors/titanic.csv create mode 100644 1.titanic-survivors/titanic_full.csv create mode 100644 1.titanic-survivors/titanic_original.csv create mode 100644 2.markov-chains/2.markov.ipynb create mode 100644 2.markov-chains/2.markov.md create mode 100644 2.markov-chains/le-mort-d-arthur.txt create mode 100644 2.markov-chains/odyssey.txt create mode 100644 2.markov-chains/pride-and-prejudice.txt create mode 100644 2.markov-chains/tale-of-two-cities.txt create mode 100644 3.eliza/3.eliza.ipynb create mode 100644 3.eliza/3.eliza.md create mode 100644 3.eliza/eliza.py create mode 100644 3.eliza/rules.yaml create mode 100644 4.image-classification/4.conv_nn.ipynb create mode 100644 4.image-classification/4.conv_nn.md create mode 100644 4.image-classification/pic/Example-filters.png create mode 100644 4.image-classification/pic/cnn-diagram-simple.png create mode 100644 4.image-classification/pic/cnn-diagram-simple.svg create mode 100644 4.image-classification/pic/cnn-diagram.svg create mode 100644 4.image-classification/pic/example-convolution.png create mode 100644 4.image-classification/pic/sample_neural_network.png diff --git a/.gitignore b/.gitignore new file mode 100644 index 0000000..462d8cf --- /dev/null +++ b/.gitignore @@ -0,0 +1,15 @@ +*~ +*doc +*log +/tmp +/__pycache__/* +*pyc +.ipynb* +*.sublime-workspace +.directory/* +**/logs/ + +*.zip +*.tgz +*.gz + diff --git a/1.titanic-survivors/1.titanic.ipynb b/1.titanic-survivors/1.titanic.ipynb new file mode 100644 index 0000000..6177d68 --- /dev/null +++ b/1.titanic-survivors/1.titanic.ipynb @@ -0,0 +1,1014 @@ +{ + "cells": [ + { + "cell_type": "markdown", + "id": "ce261a16-a2a7-412e-9cca-e925f64af0ff", + "metadata": {}, + "source": [ + "# Predicting who would survive the _Titanic_ disaster" + ] + }, + { + "cell_type": "markdown", + "id": "d42d5c7f-1d2a-4fbd-8fa6-9c92cafcac90", + "metadata": {}, + "source": [ + "In this activity, you'll develop a small machine learning model to make predictions. The data we'll use comes from the [_Titanic_ disaster of 1912](https://en.wikipedia.org/wiki/Titanic). The [_Titanic_ passengers dataset](https://www.openml.org/search?type=data&sort=runs&id=40945&status=active) has details of just over 1,000 passengers on the ship, including whether they lived or died. \n", + "\n", + "We'll use this data to predict what would happen to the two stars of the [1997 film _Titanic_](https://en.wikipedia.org/wiki/Titanic_(1997_film)).\n", + "\n", + "On the way, you'll learn some key concepts behind machine learning." + ] + }, + { + "cell_type": "markdown", + "id": "3229f185-f8af-4253-85d4-bd4d33ef291c", + "metadata": {}, + "source": [ + "First, we'll load some libraries to process the data, and load the dataset. We've done some pre-processing on the data to convert it to a form that's suitable for the machine learning process we'll be using here." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "70fea7d4-4579-4e31-a399-43f22fb16c70", + "metadata": {}, + "outputs": [], + "source": [ + "import numpy as np\n", + "import pandas as pd\n", + "import matplotlib.pyplot as plt\n", + "%matplotlib inline\n", + "\n", + "from sklearn import tree\n", + "from sklearn.model_selection import train_test_split, cross_val_score" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "fdd89035-5fbe-48c8-b930-4d2e0189a8fa", + "metadata": {}, + "outputs": [], + "source": [ + "!wget --no-check-certificate https://raw.githubusercontent.com/NeilNjae/nominet-quick-start-ai/main/1.titanic-survivors/titanic.csv" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "6fdebdaa-6376-4bca-a754-3dc890aeb958", + "metadata": {}, + "outputs": [], + "source": [ + "titanic_data = pd.read_csv('titanic.csv')\n", + "titanic_data" + ] + }, + { + "cell_type": "markdown", + "id": "086e995e-bd00-4850-a1ab-5bad4e6c5ce3", + "metadata": {}, + "source": [ + "The data has one row for each passenger. The columns show the different data recorded for each passenger. The meanings of the columns are:\n", + "\n", + "| Column | Meaning |\n", + "|--------|---------|\n", + "| passenger_class | Class of ticket |\n", + "| age | Passenger's age |\n", + "| siblings_spouses | Number of siblings and/or spouses aboard |\n", + "| parents_children | Number of parents and/or children aboard |\n", + "| fare | Amount paid for the ticket |\n", + "| has_cabin | Whether the passenger had a cabin |\n", + "| is_female | Whether the passenger is female |\n", + "| embarked_C | Where the passenger embarked: |\n", + "| embarked_Q | Southampton, Cherbourg, or Queenstown |\n", + "| embarked_S | |" + ] + }, + { + "cell_type": "markdown", + "id": "5c56f64a-3011-496a-a6b6-e1e39b2a7fbd", + "metadata": {}, + "source": [ + "# Looking at the data" + ] + }, + { + "cell_type": "markdown", + "id": "50732f5d-812e-47e5-9408-a160a698d26e", + "metadata": {}, + "source": [ + "Now we have the data, we can plot a few graphs to understand who did or didn't survive the _Titanic_ disaster.\n", + "\n", + "The first question is, how many people were aboard? How were they distributed by class and gender?" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "65a15408-a308-4bea-8ea8-6f6b22f449c6", + "metadata": {}, + "outputs": [], + "source": [ + "titanic_data[['passenger_class', 'is_female']].value_counts().sort_index().unstack().plot.bar(stacked=True);" + ] + }, + { + "cell_type": "markdown", + "id": "099b287a-e979-4811-8184-587878238f31", + "metadata": {}, + "source": [ + "This shows that there were roughly equal numbers of first and second class passengers, and about twice that for third class. It also shows that first class was about half women, second class had a few more men than women, but third class was over two-thirds men." + ] + }, + { + "cell_type": "markdown", + "id": "1086b10e-dafc-45b2-be8d-aa8726055d64", + "metadata": {}, + "source": [ + "The _Titanic_ disaster is reputed for the claim of \"women and children first!\" The idea is that women and children were given priority when getting in the limited number of lifeboats. If that is the case, we should see women and children surviving at a higher rate than men.\n", + "\n", + "We can see if that's true by plotting the number of survivors and casualties, split by gender." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "16728327-7ed2-4298-aa3f-ee085dc7b9fe", + "metadata": {}, + "outputs": [], + "source": [ + "titanic_data[['is_female', 'survived']].value_counts().sort_index().unstack().plot.bar(stacked=True, color=['slategray', 'lime']);" + ] + }, + { + "cell_type": "markdown", + "id": "fb96cde4-66b3-4735-89f8-6cec6af2e495", + "metadata": {}, + "source": [ + "This clearly shows that a much greater proportion of women survived than men." + ] + }, + { + "cell_type": "markdown", + "id": "b5adabf2-a30e-4c29-9af5-2c21d567c5e9", + "metadata": {}, + "source": [ + "We can also ask about whether children survived. To make the plot clearer, we group the passengers into bands of ten years each; the labels show the \"tens\" digit of their ages. Again, we plot how many in each age band survived." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "1b3f76dc-1b28-481d-8967-a61f7bc0aa5d", + "metadata": {}, + "outputs": [], + "source": [ + "t = pd.concat([pd.cut(titanic_data.age, bins=8, labels=list(range(8))), titanic_data.survived], axis='columns')\n", + "t = t.value_counts().sort_index().unstack().fillna(0)\n", + "t.plot.bar(stacked=True, color=['slategray', 'lime']);" + ] + }, + { + "cell_type": "markdown", + "id": "2c57cbe4-96a1-465d-a19c-a75bcab7039c", + "metadata": {}, + "source": [ + "The numbers in each age band are very different, so it's hard to draw conclusions. Let's scale the bars so they're all the same height, and we can directly see the proportions. " + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "280d65ba-2c1f-4ccf-8f00-4e8e09c1384e", + "metadata": {}, + "outputs": [], + "source": [ + "t = t.div(t.sum(axis='columns'), axis='rows')\n", + "t.plot.bar(stacked=True, color=['slategray', 'lime']);" + ] + }, + { + "cell_type": "markdown", + "id": "4859a696-1359-425b-ad99-27aa7cdb6821", + "metadata": {}, + "source": [ + "This shows that children did have a higher survival rate than others, but it wasn't a huge difference." + ] + }, + { + "cell_type": "markdown", + "id": "89f3b90d-eea9-4885-a90d-8ada47da3806", + "metadata": {}, + "source": [ + "Another element to look at is the class of the passengers. Was the _Titanic_ disaster one where \"rank hath its priviliges\" and the better-off passengers were more likely to survive?" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "5814e872-2786-4ae5-b43e-fb47185ca609", + "metadata": {}, + "outputs": [], + "source": [ + "titanic_data[['passenger_class', 'survived']].value_counts().sort_index().unstack().plot.bar(stacked=True, color=['slategray', 'lime']);" + ] + }, + { + "cell_type": "markdown", + "id": "cc14befb-1fad-472a-a229-4d4b02034602", + "metadata": {}, + "source": [ + "There's a clear difference among the classes, with a much higher proportion of first class passengers surviving than other classes, and most of the third-class passengers dying." + ] + }, + { + "cell_type": "markdown", + "id": "0d60bd60-7e07-491e-bb6a-141909a1b393", + "metadata": {}, + "source": [ + "We can also look at the combination of class and gender. Did the \"women and children first\" approach apply differently in different classes?" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "b90ae255-c284-4c90-ac6b-57a61e78c2a2", + "metadata": {}, + "outputs": [], + "source": [ + "titanic_data[['passenger_class', 'is_female', 'survived']].value_counts().sort_index().unstack().plot.bar(stacked=True, color=['slategray', 'lime']);" + ] + }, + { + "cell_type": "markdown", + "id": "359c5ab6-e850-47bf-adc7-4663aa67dc06", + "metadata": {}, + "source": [ + "The evidence suggests that yes, it did, but in all classes the women had a higher survivial rate than the men. The difference is most stark among the second-class passengers, where most of the men died but most of the women survived." + ] + }, + { + "cell_type": "markdown", + "id": "89ee445f-f886-460c-8f19-4fdb2802551b", + "metadata": {}, + "source": [ + "# Machine learning" + ] + }, + { + "cell_type": "markdown", + "id": "dce1b156-eff5-428c-bfeb-4edfa3aff3ea", + "metadata": {}, + "source": [ + "Looking at some overviews of the data can help us understand some parts of the human cost of the disaster, but they can only go so far. Another approach is to use machine learning to understand the fates of people on the _Titanic_. \n", + "\n", + "In this activity we'll use a _decision tree_. This is like a game of _Twenty Questions_ or some bird identification keys. When you're trying to classify some item, you ask a series of yes/no questions. Based on the answers, you move down the tree to the next question. When you reach a leaf of the tree, you have your answer. \n", + "\n", + "For instance, consider this simple decision tree, about whether it's worth going outside to play tennis. \n", + "\n", + "![A decision tree](GEP_decision_tree_with_numeric_and_nominal_attributes.png)\n", + "\n", + "When it comes to learning a decision tree, we start with some data, labelled with its true classification. For instance, with the _Titanic_ data, a very _very_ simple model assumes that everyone on the ship died. This model has an accuracy of 59%: 59% of passengers did indeed die.\n", + "\n", + "We then look at ways we could split the data, based on the values of some of the information we have. For instance, we could split the data based on gender. If we do that, we find that there are 386 women, of whom 290 (75%) survived, while there are 657 men of whom 135 (21%) survived. Therefore, we have a simple decision tree that asks \"is this person female?\"; if yes, we predict they survived; if no, we predict they died. When we combine these cases, we get a model that has an overall accuracy of 78%. The tree is shown below; the numbers in brackets show the number of people who died and survived respectively.\n", + "\n", + "![Sample decision tree based on gender](small-decision-tree-female.webp)\n", + "\n", + "A different question we could ask would be whether a person is accompanied by any parents and/or children. 765 people have no parents or children aboard; of these, 268 (35%) survived. 278 people have are accompanied by at least one parent or child; of these, 157 (56%) survived. If we use this question to determine our prediction, we should predict that the unaccompanied people died and the accompanied survived. This model has an overall accuracy of 62%, only marginally better than just saying everyone died. Again, this tree is below.\n", + "\n", + "![Sample decision tree based on group](small-decision-tree-alone.webp)\n", + "\n", + "Based on this analysis, the root node of our decision tree should select on gender. We can then apply the same procedure again on each of the sub-nodes we've created. We can pick a feature to choose between the women who survived and those who didn't, and the same for the men. We continue to grow the tree, splitting leaf nodes, until either all the people at that leaf are in the same category, there's nothing left to split them, or we reach some kind of limit to growing the tree.\n", + "\n", + "(The technical details of how exactly to choose a feature to split on are a bit more involved than this, but this is the essence of how the \"Gini impurity\" algorithm works. There are other ways of doing this, but we won't go into the details of them here.)" + ] + }, + { + "cell_type": "markdown", + "id": "322257ad-c294-4b2d-8cae-c52f09f25d1a", + "metadata": {}, + "source": [ + "We now split the data into two parts: the information we're predicting, and the information we're using to make this prediction. By convention, we use the name _X_ for the information we're given and the name _y_ for the information to be predicted. We also convert the data from a Dataframe to a raw array, as is needed by the decision tree." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "414d83d4-2fd6-4c88-8e0b-3905d34a5d4f", + "metadata": {}, + "outputs": [], + "source": [ + "titanic_x = titanic_data.drop(['survived'], axis='columns').astype(float).values\n", + "titanic_y = titanic_data.survived.astype(float).values\n", + "titanic_x" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "1e1610ee-3dff-4d65-b46c-8088c043f03b", + "metadata": {}, + "outputs": [], + "source": [ + "titanic_y" + ] + }, + { + "cell_type": "markdown", + "id": "6aedb00e-f522-4afe-893e-0feea9ea935c", + "metadata": {}, + "source": [ + "The final data preparation step is to split the data into training and testing data. (You'll see why this is important in a moment.) We reserve 20% of the data for testing, and use the rest for training. The testing data is selected randomly." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "2fd66638-5972-428c-8a4d-245d9037c34f", + "metadata": {}, + "outputs": [], + "source": [ + "X_train, X_test, y_train, y_test = train_test_split(titanic_x, titanic_y, test_size=0.2)\n", + "X_train.shape, y_train.shape, X_test.shape, y_test.shape" + ] + }, + { + "cell_type": "markdown", + "id": "9b073844-5845-4ee7-813b-366689459dd4", + "metadata": {}, + "source": [ + "# Our first decision tree" + ] + }, + { + "cell_type": "markdown", + "id": "98e11e06-7a38-4780-9848-28759b3b9c80", + "metadata": {}, + "source": [ + "Let's create a decision tree, and train it (\"fit\" it) on the data we provide." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "934ac139-d011-4821-9783-270b2ca43f0e", + "metadata": {}, + "outputs": [], + "source": [ + "decision_tree = tree.DecisionTreeClassifier()\n", + "decision_tree.fit(X_train, y_train)" + ] + }, + { + "cell_type": "markdown", + "id": "4e0a40d5-3140-469f-af36-7ddddbff3cd3", + "metadata": {}, + "source": [ + "How well does this work? We'll take the tree's accuracy score based on how well it predicts the actual outcomes." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "53c7f1b1-ad7f-4b5a-86e5-834ec02ba27a", + "metadata": {}, + "outputs": [], + "source": [ + "decision_tree.score(X_train, y_train)" + ] + }, + { + "cell_type": "markdown", + "id": "845ec839-a49c-4fb4-a51e-b4c1058aab6e", + "metadata": {}, + "source": [ + "I can't say exactly what your tree's score will be, as it depends on exactly which passenger records went into training and testing data (allocated randomly, remember?). But you should see someing like 98% accuracy.\n", + "\n", + "How well does this decision tree work on the test data?" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "12c6901c-3b98-444a-9603-e438aa601325", + "metadata": {}, + "outputs": [], + "source": [ + "decision_tree.score(X_test, y_test)" + ] + }, + { + "cell_type": "markdown", + "id": "5d826151-8093-477f-a0c4-39041109f765", + "metadata": {}, + "source": [ + "Again, your results will depend on the precise selection of testing data. But you'll probably see a much worse performance of around 72%.\n", + "\n", + "Why this big difference?" + ] + }, + { + "cell_type": "markdown", + "id": "2001fe75-6db2-420c-878c-cfb5b3631d46", + "metadata": {}, + "source": [ + "## Examining the tree" + ] + }, + { + "cell_type": "markdown", + "id": "d5521bc1-660f-4448-9caa-5c91ebe86d3d", + "metadata": {}, + "source": [ + "If we ask a couple of questions about the tree, we might get some idea. How many levels is the tree, and how many leaf (terminal) nodes does it have?" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "edf429db-30f0-4376-bfd1-27a2fe6e6fc2", + "metadata": {}, + "outputs": [], + "source": [ + "decision_tree.get_depth()" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "415ea655-1ae0-4b0d-a89b-3e49ce5d0c88", + "metadata": {}, + "outputs": [], + "source": [ + "decision_tree.get_n_leaves()" + ] + }, + { + "cell_type": "markdown", + "id": "4c287d6f-8ff6-4a28-ac61-70179e707b1f", + "metadata": {}, + "source": [ + "You'll see a depth of about 21 and about 200 leaves. And there are 834 records in the training data. That means that each leaf, where the classification gets made, only represents about four passengers.\n", + "\n", + "We can also ask the decision tree to explain how it comes to a particular decision, by following the nodes being used to make the final classification. In the \"play tennis\" example above, we could \"windy\" node, then the \"outlook\" node, then the \"humidity\" one. That gives some kind of explanation for how the decision tree came to the decision it did.\n", + "\n", + "First, we need to ask the tree to make predictions about the passengers in the test data." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "7f06fee3-870d-4401-86bb-3172a3691817", + "metadata": {}, + "outputs": [], + "source": [ + "y_pred = decision_tree.predict(X_test)" + ] + }, + { + "cell_type": "markdown", + "id": "7df8b192-d4c3-4a5e-aa19-f8ca75881a08", + "metadata": {}, + "source": [ + "This chunk of code looks at the tree and prints the details in a human-sensible form. Don't worry about the details of it." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "c743a92d-940c-4341-b479-62aca27df789", + "metadata": {}, + "outputs": [], + "source": [ + "n_nodes = decision_tree.tree_.node_count\n", + "children_left = decision_tree.tree_.children_left\n", + "children_right = decision_tree.tree_.children_right\n", + "feature = decision_tree.tree_.feature\n", + "threshold = decision_tree.tree_.threshold\n", + "\n", + "node_indicator = decision_tree.decision_path(X_test)\n", + "leaf_id = decision_tree.apply(X_test)\n", + "\n", + "column_names = list(titanic_data.drop(['survived'], axis='columns').columns)\n", + "\n", + "def show_prediction_path(sample_id):\n", + "\n", + " # obtain ids of the nodes `sample_id` goes through, i.e., row `sample_id`\n", + " node_index = node_indicator.indices[\n", + " node_indicator.indptr[sample_id] : node_indicator.indptr[sample_id + 1]\n", + " ]\n", + "\n", + " print((f\"Rules used to predict sample {sample_id} \"\n", + " f\"(actual class {y_test[sample_id]}, predicted class {y_pred[sample_id]}):\\n\"))\n", + " for node_id in node_index:\n", + " # continue to the next node if it is a leaf node\n", + " if leaf_id[sample_id] == node_id:\n", + " continue\n", + "\n", + " # check if value of the split feature for sample 0 is below threshold\n", + " if X_test[sample_id, feature[node_id]] <= threshold[node_id]:\n", + " threshold_sign = \"<=\"\n", + " else:\n", + " threshold_sign = \">\"\n", + "\n", + " print(\n", + " (f\"decision node {node_id} : (X_test[{sample_id}, {feature[node_id]}] = \"\n", + " f\"{X_test[sample_id, feature[node_id]]:2.2f}) \"\n", + " f\"{threshold_sign} {threshold[node_id]:2.2f}) \" \n", + " f\"({column_names[feature[node_id]]})\")\n", + " )" + ] + }, + { + "cell_type": "markdown", + "id": "f8f75466-b0bc-4143-b57a-dcec2976852c", + "metadata": {}, + "source": [ + "We can now ask the tree to explain its decision about a particular element of the test data. Let's pick out one particular example, element 10 of the test data. This is the information we have on that person." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "2f73741e-a6d1-4a1f-8f33-914d4af8aeef", + "metadata": {}, + "outputs": [], + "source": [ + "list(zip(column_names, X_test[10]))" + ] + }, + { + "cell_type": "markdown", + "id": "44be26e9-e44c-4ef7-a90f-54e337b19e07", + "metadata": {}, + "source": [ + "What decision was made about this person? How was this decison made?" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "1294bb29-b17b-479e-a680-a9d0cd9e8f0a", + "metadata": {}, + "outputs": [], + "source": [ + "show_prediction_path(10)" + ] + }, + { + "cell_type": "markdown", + "id": "c6c51951-40a7-427a-b8bc-e19222e26960", + "metadata": {}, + "source": [ + "I can't predict the exact details of the questions, but you'll probably see lots of testing of age and fare, all seemingly doing much the same thing." + ] + }, + { + "cell_type": "markdown", + "id": "acd97248-a3d7-4f6a-90e0-591e111473b8", + "metadata": {}, + "source": [ + "## Why it's going wrong: overfitting" + ] + }, + { + "cell_type": "markdown", + "id": "41e246d2-fc5e-493e-bcc3-313575e65a81", + "metadata": {}, + "source": [ + "All this means that the decision tree is **overfitting** to the training data. It's learnt _all_ the fine details of the training data, even the irrelevant ones, in an attempt to produce a good fit. But unseen data will have different irrelevant data, and that will fool the model into making the wrong predicitons.\n", + "\n", + "The diagram below gives the idea. The model learns to separate the red and blue points, and essentially draws the wiggly green line to do so. Then the model is used to classify the black-bordered points, and the overly-wiggly green line gets a lot of them wrong. If the model had been constrained to produce a simpler line of separation (the black line), the performance on the training data would be lower, but the performance on new data would be be much better.\n", + "\n", + "![Overfitting example](overfitting.png)" + ] + }, + { + "cell_type": "markdown", + "id": "9109b694-3efa-4a69-bfcc-8dc8c48bf8e8", + "metadata": {}, + "source": [ + "How do we constrain the complexity of a decision tree model? There are a few ways, but the simplest is to limit the depth of the tree. There are probably only a few key variables in the data that determine survival or not, and the rest are just noise or irrelevant detail (such as the precise cost of a ticket).\n", + "\n", + "We can limit the depth of a decision tree by passing in the `max_depth` parameter when we create it. Let's try a depth of 1, as per the example diagrams above." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "a7ca08d6-19eb-4615-bdbf-dff632331ae1", + "metadata": {}, + "outputs": [], + "source": [ + "decision_tree = tree.DecisionTreeClassifier(max_depth=1)\n", + "decision_tree.fit(X_train, y_train)" + ] + }, + { + "cell_type": "markdown", + "id": "efaa5786-7358-4a41-976a-6c8d9af7a377", + "metadata": {}, + "source": [ + "How well does this work? Again, we'll score the tree on both the training and testing data." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "fbe9de2c-2f72-480b-9545-012c1f5323e1", + "metadata": {}, + "outputs": [], + "source": [ + "decision_tree.score(X_train, y_train)" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "39ec574b-418e-4700-a0b0-bbc81ec82f8e", + "metadata": {}, + "outputs": [], + "source": [ + "decision_tree.score(X_test, y_test)" + ] + }, + { + "cell_type": "markdown", + "id": "d2f7ad6c-3d9f-44f9-9b1b-19e062dd188c", + "metadata": {}, + "source": [ + "Again, your results will depend on the precise selection of testing data. But you'll probably see a much worse performance of around 76%, and very little difference between the training and testing results." + ] + }, + { + "cell_type": "markdown", + "id": "42382080-6e0d-4360-b62e-09cfee175782", + "metadata": {}, + "source": [ + "This tree is also small enough to show its full structure. \n", + "\n", + "Each node in the decision tree contains some information about itself:\n", + "* a node number, as an identifier\n", + "* the test made at this node\n", + "* the number of elements (passengers) in the training data that are processed by this node\n", + "* the balance of classes of elements (passenger) at this node. The first number is the number of passengers who died, the second is the number of passengers who survived.\n", + "\n", + "In the sample image below, the test at `node #0` is whether the `is_female` feature is less than 0.5 (in other words, `is_female` is false). 521 elements of the training data end up in `node #1`; 414 of those people died, 107 survived.\n", + "\n", + "![A sample tree](sample_shallow_tree.png)\n", + "\n", + "The cell below will show your own tree. It will look a little different from this sample." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "ad44bb2a-ac21-43e9-8ad2-9dbc6c443d3b", + "metadata": {}, + "outputs": [], + "source": [ + "plt.figure(figsize=(15, 12))\n", + "f = tree.plot_tree(decision_tree,\n", + " feature_names=column_names,\n", + " node_ids=True,\n", + " impurity=False,\n", + " );" + ] + }, + { + "cell_type": "markdown", + "id": "fb0a91c6-23dc-45bb-b3bc-278b0bd7cd32", + "metadata": {}, + "source": [ + "# Finding a better tree depth" + ] + }, + { + "cell_type": "markdown", + "id": "b82021f3-7c8d-44c5-89d1-cbe1efc03ba6", + "metadata": {}, + "source": [ + "A depth of 1 is too little. A depth of 21-ish is too much. What's the best depth, that balances how the tree takes into account the data, and getting distracted by irrelevant noise? Unfortunately, there's no hard-and-fast rule to tell you what the best depth may be. You could make guesses based on the type of data, or you could try a few depths and see what works best.\n", + "\n", + "You don't know enough to make guesses based on the data, so trial-and-error it is.\n", + "\n", + "The obvious way to do this is to train a series of trees on the training data, then evaluate them on the testing data. But that's a problem because we're \"marking our own homework\". As we're including the testing data in the process for how to find the best model, we've nothing left to see how the model works on truely unseen data.\n", + "\n", + "What we need to do is split our training data into two parts. Most of it we'll use for training; some we'll reserve for _validation_ of the models as we're building them. Once we're happy with the model we want to use, we'll see how well it _really_ does on genuinely unseen data." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "fab4a707-fd07-4664-8991-2dd1ac5725b6", + "metadata": {}, + "outputs": [], + "source": [ + "X_train_small, X_validation, y_train_small, y_validation = train_test_split(X_train, y_train, test_size=0.2)\n", + "X_train_small.shape, y_train_small.shape, X_validation.shape, y_validation.shape" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "a713aa2d-a81c-45e9-a328-0aa54b5c2f65", + "metadata": {}, + "outputs": [], + "source": [ + "depth_scores = pd.Series()\n", + "for depth in range(1, 20):\n", + " decision_tree = tree.DecisionTreeClassifier(max_depth=depth)\n", + " decision_tree.fit(X_train_small, y_train_small)\n", + " score = decision_tree.score(X_validation, y_validation)\n", + " depth_scores[depth] = score\n", + "depth_scores" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "3aef3319-17a5-4c79-82dc-f03fcf006019", + "metadata": {}, + "outputs": [], + "source": [ + "depth_scores.plot(xticks=(list(range(1, 20, 2))))" + ] + }, + { + "cell_type": "markdown", + "id": "291a1fd2-9b5a-4c1d-a398-fecb0bea66fd", + "metadata": {}, + "source": [ + "Your results will vary here, but you'll probably find that a tree depth of 3 gives the best result on your validation data.\n", + "\n", + "Let's use that to generate the tree we will use. Now we know the best depth, we can train the tree on all the data." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "b4cfe40e-d1db-4993-8b31-95d2c8845a05", + "metadata": {}, + "outputs": [], + "source": [ + "decision_tree = tree.DecisionTreeClassifier(max_depth=3)\n", + "decision_tree.fit(X_train, y_train)" + ] + }, + { + "cell_type": "markdown", + "id": "bd3d2b8c-8c9f-4f34-bb2b-dc93c1035856", + "metadata": {}, + "source": [ + "How well does it work?" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "e3820cb1-b74a-443d-a24d-8ad1e458eda6", + "metadata": {}, + "outputs": [], + "source": [ + "decision_tree.score(X_test, y_test)" + ] + }, + { + "cell_type": "markdown", + "id": "fa4ae002-f859-452d-bf77-c7ae1594c8f4", + "metadata": {}, + "source": [ + "What does this tree look like? Refer to the sample above to interpret the values shown in the nodes." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "58732c2c-0826-4f6e-bdb3-e316a9d4129a", + "metadata": {}, + "outputs": [], + "source": [ + "plt.figure(figsize=(15, 12))\n", + "tree.plot_tree(decision_tree,\n", + " feature_names=column_names,\n", + " node_ids=True,\n", + " impurity=False,\n", + " );" + ] + }, + { + "cell_type": "markdown", + "id": "a00a1ff9-1e53-4f02-9e15-e7a50cf25ef4", + "metadata": {}, + "source": [ + "We re-capture the details of the tree to generate explanations for how the tree classifies the test data. That also means we generate new predictions for the test data." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "8555be61-c602-40cb-b77c-999622ba8df5", + "metadata": {}, + "outputs": [], + "source": [ + "y_pred = decision_tree.predict(X_test)" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "cdbe059b-d140-4999-b1aa-c9b139a2815e", + "metadata": {}, + "outputs": [], + "source": [ + "n_nodes = decision_tree.tree_.node_count\n", + "children_left = decision_tree.tree_.children_left\n", + "children_right = decision_tree.tree_.children_right\n", + "feature = decision_tree.tree_.feature\n", + "threshold = decision_tree.tree_.threshold\n", + "\n", + "node_indicator = decision_tree.decision_path(X_test)\n", + "leaf_id = decision_tree.apply(X_test)" + ] + }, + { + "cell_type": "markdown", + "id": "894c3b81-a4a2-4ec9-bc89-d6b84c71c4e9", + "metadata": {}, + "source": [ + "And we can look at how one particular node is classified." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "9e3f3635-79f5-427b-93fc-8329f066c39c", + "metadata": {}, + "outputs": [], + "source": [ + "sample_passenger_id = 3\n", + "print(list(zip(column_names, X_test[sample_passenger_id])))\n", + "show_prediction_path(sample_passenger_id)" + ] + }, + { + "cell_type": "markdown", + "id": "2a139b54-9e2e-4551-b74f-f65b0daa60b9", + "metadata": {}, + "source": [ + "If you compare this to the first decision tree, you should find that the explanation for the classification is easier to understand and makes a little more sense why each question is asked." + ] + }, + { + "cell_type": "markdown", + "id": "afd68253-f7d5-41bb-9875-0d34c78855ce", + "metadata": {}, + "source": [ + "# Predicting Rose and Jack\n", + "Rose and Jack are the two lead chacters from the film _Titanic_. Rose is a young upper-class woman, Jack is a young lower-class man. In the film, Rose survived the shipwreck but Jack did not.\n", + "\n", + "This is the data that represents these fictional characters." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "7d4ef216-519c-4f92-ad17-854280406e88", + "metadata": {}, + "outputs": [], + "source": [ + "rose_jack = pd.DataFrame([{'survived': True, 'passenger_class': 1, 'age': 17, 'siblings_spouses': 0, 'parents_children': 1, 'fare': 200, \n", + " 'has_cabin': True, 'is_female': True, 'embarked_C': False, 'embarked_Q': False, 'embarked_S': True},\n", + " {'survived': False, 'passenger_class': 3, 'age': 20, 'siblings_spouses': 0, 'parents_children': 0, 'fare': 10, \n", + " 'has_cabin': False, 'is_female': False, 'embarked_C': False, 'embarked_Q': False, 'embarked_S': True}])\n", + "rose_jack" + ] + }, + { + "cell_type": "markdown", + "id": "14313440-a1a2-45e6-8fef-9b8d0d193cb5", + "metadata": {}, + "source": [ + "We can convert this into the form that the decision tree expects." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "9772458b-2d36-4478-9121-e67991833edf", + "metadata": {}, + "outputs": [], + "source": [ + "X_rose_jack = rose_jack.drop(['survived'], axis='columns').astype(float).values\n", + "y_rose_jack = rose_jack.survived.astype(float).values" + ] + }, + { + "cell_type": "markdown", + "id": "1ac7819a-d9da-45f4-974c-a5f1652c73ed", + "metadata": {}, + "source": [ + "Now we can ask the tree to predict the fates of Rose and Jack." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "8f384cb9-78c5-4a12-9fb2-840d08f3d3a1", + "metadata": {}, + "outputs": [], + "source": [ + "decision_tree.predict(X_rose_jack)" + ] + }, + { + "cell_type": "markdown", + "id": "50c15e61-fd6a-4c31-971b-c909e4cdca98", + "metadata": {}, + "source": [ + "The results will depend on your tree, but you should see the result\n", + "\n", + "```python\n", + "array([1., 0.])\n", + "```\n", + "\n", + "meaning the first record (Rose) is predicted to survive (class 1), while the second (Jack) is predicted to die (class 0). These are the correct classifications.\n", + "\n", + "We can ask this tree for its accuracy `score` on \"Rose and Jack\" as a whole." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "e10bcc0b-f2ae-4a23-a88a-2e0e9387a010", + "metadata": {}, + "outputs": [], + "source": [ + "decision_tree.score(X_rose_jack, y_rose_jack)" + ] + }, + { + "cell_type": "markdown", + "id": "2cc5cf1f-1588-45f2-b871-49e6797d87b7", + "metadata": {}, + "source": [ + "You probably see a score of 1.0, meaning 100%. " + ] + }, + { + "cell_type": "markdown", + "id": "aafcdec9-b471-48f5-b8f5-43b21849c2a7", + "metadata": {}, + "source": [ + "# Conclusions" + ] + }, + { + "cell_type": "markdown", + "id": "1a201130-c675-4d4e-8457-b9c295961783", + "metadata": {}, + "source": [ + "This has been a quick introduction to machine learning, using decision trees to predict survival after the _Titanic_ disaster. You've learnt a few things from this activity.\n", + "\n", + "* Machine learning relies on good data to train models.\n", + "* We need to reserve some of this data as unseen _testing_ data to check how well our models will do on new data.\n", + "* A signficiant problem with machine learning is _overfitting_, where the machine learning model learns too much from the detail of the training data.\n", + "* We can address overfitting by keeping the models simple and validating models against data that isn't used for training." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "c686862e-c2ab-4d4d-b473-daf5c8131322", + "metadata": {}, + "outputs": [], + "source": [] + } + ], + "metadata": { + "jupytext": { + "formats": "ipynb,md" + }, + "kernelspec": { + "display_name": "Python 3 (ipykernel)", + "language": "python", + "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.10.13" + } + }, + "nbformat": 4, + "nbformat_minor": 5 +} diff --git a/1.titanic-survivors/1.titanic.md b/1.titanic-survivors/1.titanic.md new file mode 100644 index 0000000..51b5cd1 --- /dev/null +++ b/1.titanic-survivors/1.titanic.md @@ -0,0 +1,474 @@ +--- +jupyter: + jupytext: + formats: ipynb,md + text_representation: + extension: .md + format_name: markdown + format_version: '1.3' + jupytext_version: 1.16.1 + kernelspec: + display_name: Python 3 (ipykernel) + language: python + name: python3 +--- + +# Predicting who would survive the _Titanic_ disaster + + +In this activity, you'll develop a small machine learning model to make predictions. The data we'll use comes from the [_Titanic_ disaster of 1912](https://en.wikipedia.org/wiki/Titanic). The [_Titanic_ passengers dataset](https://www.openml.org/search?type=data&sort=runs&id=40945&status=active) has details of just over 1,000 passengers on the ship, including whether they lived or died. + +We'll use this data to predict what would happen to the two stars of the [1997 film _Titanic_](https://en.wikipedia.org/wiki/Titanic_(1997_film)). + +On the way, you'll learn some key concepts behind machine learning. + + +First, we'll load some libraries to process the data, and load the dataset. We've done some pre-processing on the data to convert it to a form that's suitable for the machine learning process we'll be using here. + +```python +import numpy as np +import pandas as pd +import matplotlib.pyplot as plt +%matplotlib inline + +from sklearn import tree +from sklearn.model_selection import train_test_split, cross_val_score +``` + +```python +!wget --no-check-certificate https://raw.githubusercontent.com/NeilNjae/nominet-quick-start-ai/main/1.titanic-survivors/titanic.csv +``` + +```python +titanic_data = pd.read_csv('titanic.csv') +titanic_data +``` + +The data has one row for each passenger. The columns show the different data recorded for each passenger. The meanings of the columns are: + +| Column | Meaning | +|--------|---------| +| passenger_class | Class of ticket | +| age | Passenger's age | +| siblings_spouses | Number of siblings and/or spouses aboard | +| parents_children | Number of parents and/or children aboard | +| fare | Amount paid for the ticket | +| has_cabin | Whether the passenger had a cabin | +| is_female | Whether the passenger is female | +| embarked_C | Where the passenger embarked: | +| embarked_Q | Southampton, Cherbourg, or Queenstown | +| embarked_S | | + + +# Looking at the data + + +Now we have the data, we can plot a few graphs to understand who did or didn't survive the _Titanic_ disaster. + +The first question is, how many people were aboard? How were they distributed by class and gender? + +```python +titanic_data[['passenger_class', 'is_female']].value_counts().sort_index().unstack().plot.bar(stacked=True); +``` + +This shows that there were roughly equal numbers of first and second class passengers, and about twice that for third class. It also shows that first class was about half women, second class had a few more men than women, but third class was over two-thirds men. + + +The _Titanic_ disaster is reputed for the claim of "women and children first!" The idea is that women and children were given priority when getting in the limited number of lifeboats. If that is the case, we should see women and children surviving at a higher rate than men. + +We can see if that's true by plotting the number of survivors and casualties, split by gender. + +```python +titanic_data[['is_female', 'survived']].value_counts().sort_index().unstack().plot.bar(stacked=True, color=['slategray', 'lime']); +``` + +This clearly shows that a much greater proportion of women survived than men. + + +We can also ask about whether children survived. To make the plot clearer, we group the passengers into bands of ten years each; the labels show the "tens" digit of their ages. Again, we plot how many in each age band survived. + +```python +t = pd.concat([pd.cut(titanic_data.age, bins=8, labels=list(range(8))), titanic_data.survived], axis='columns') +t = t.value_counts().sort_index().unstack().fillna(0) +t.plot.bar(stacked=True, color=['slategray', 'lime']); +``` + +The numbers in each age band are very different, so it's hard to draw conclusions. Let's scale the bars so they're all the same height, and we can directly see the proportions. + +```python +t = t.div(t.sum(axis='columns'), axis='rows') +t.plot.bar(stacked=True, color=['slategray', 'lime']); +``` + +This shows that children did have a higher survival rate than others, but it wasn't a huge difference. + + +Another element to look at is the class of the passengers. Was the _Titanic_ disaster one where "rank hath its priviliges" and the better-off passengers were more likely to survive? + +```python +titanic_data[['passenger_class', 'survived']].value_counts().sort_index().unstack().plot.bar(stacked=True, color=['slategray', 'lime']); +``` + +There's a clear difference among the classes, with a much higher proportion of first class passengers surviving than other classes, and most of the third-class passengers dying. + + +We can also look at the combination of class and gender. Did the "women and children first" approach apply differently in different classes? + +```python +titanic_data[['passenger_class', 'is_female', 'survived']].value_counts().sort_index().unstack().plot.bar(stacked=True, color=['slategray', 'lime']); +``` + +The evidence suggests that yes, it did, but in all classes the women had a higher survivial rate than the men. The difference is most stark among the second-class passengers, where most of the men died but most of the women survived. + + +# Machine learning + + +Looking at some overviews of the data can help us understand some parts of the human cost of the disaster, but they can only go so far. Another approach is to use machine learning to understand the fates of people on the _Titanic_. + +In this activity we'll use a _decision tree_. This is like a game of _Twenty Questions_ or some bird identification keys. When you're trying to classify some item, you ask a series of yes/no questions. Based on the answers, you move down the tree to the next question. When you reach a leaf of the tree, you have your answer. + +For instance, consider this simple decision tree, about whether it's worth going outside to play tennis. + +![A decision tree](GEP_decision_tree_with_numeric_and_nominal_attributes.png) + +When it comes to learning a decision tree, we start with some data, labelled with its true classification. For instance, with the _Titanic_ data, a very _very_ simple model assumes that everyone on the ship died. This model has an accuracy of 59%: 59% of passengers did indeed die. + +We then look at ways we could split the data, based on the values of some of the information we have. For instance, we could split the data based on gender. If we do that, we find that there are 386 women, of whom 290 (75%) survived, while there are 657 men of whom 135 (21%) survived. Therefore, we have a simple decision tree that asks "is this person female?"; if yes, we predict they survived; if no, we predict they died. When we combine these cases, we get a model that has an overall accuracy of 78%. The tree is shown below; the numbers in brackets show the number of people who died and survived respectively. + +![Sample decision tree based on gender](small-decision-tree-female.webp) + +A different question we could ask would be whether a person is accompanied by any parents and/or children. 765 people have no parents or children aboard; of these, 268 (35%) survived. 278 people have are accompanied by at least one parent or child; of these, 157 (56%) survived. If we use this question to determine our prediction, we should predict that the unaccompanied people died and the accompanied survived. This model has an overall accuracy of 62%, only marginally better than just saying everyone died. Again, this tree is below. + +![Sample decision tree based on group](small-decision-tree-alone.webp) + +Based on this analysis, the root node of our decision tree should select on gender. We can then apply the same procedure again on each of the sub-nodes we've created. We can pick a feature to choose between the women who survived and those who didn't, and the same for the men. We continue to grow the tree, splitting leaf nodes, until either all the people at that leaf are in the same category, there's nothing left to split them, or we reach some kind of limit to growing the tree. + +(The technical details of how exactly to choose a feature to split on are a bit more involved than this, but this is the essence of how the "Gini impurity" algorithm works. There are other ways of doing this, but we won't go into the details of them here.) + + +We now split the data into two parts: the information we're predicting, and the information we're using to make this prediction. By convention, we use the name _X_ for the information we're given and the name _y_ for the information to be predicted. We also convert the data from a Dataframe to a raw array, as is needed by the decision tree. + +```python +titanic_x = titanic_data.drop(['survived'], axis='columns').astype(float).values +titanic_y = titanic_data.survived.astype(float).values +titanic_x +``` + +```python +titanic_y +``` + +The final data preparation step is to split the data into training and testing data. (You'll see why this is important in a moment.) We reserve 20% of the data for testing, and use the rest for training. The testing data is selected randomly. + +```python +X_train, X_test, y_train, y_test = train_test_split(titanic_x, titanic_y, test_size=0.2) +X_train.shape, y_train.shape, X_test.shape, y_test.shape +``` + +# Our first decision tree + + +Let's create a decision tree, and train it ("fit" it) on the data we provide. + +```python +decision_tree = tree.DecisionTreeClassifier() +decision_tree.fit(X_train, y_train) +``` + +How well does this work? We'll take the tree's accuracy score based on how well it predicts the actual outcomes. + +```python +decision_tree.score(X_train, y_train) +``` + +I can't say exactly what your tree's score will be, as it depends on exactly which passenger records went into training and testing data (allocated randomly, remember?). But you should see someing like 98% accuracy. + +How well does this decision tree work on the test data? + +```python +decision_tree.score(X_test, y_test) +``` + +Again, your results will depend on the precise selection of testing data. But you'll probably see a much worse performance of around 72%. + +Why this big difference? + + +## Examining the tree + + +If we ask a couple of questions about the tree, we might get some idea. How many levels is the tree, and how many leaf (terminal) nodes does it have? + +```python +decision_tree.get_depth() +``` + +```python +decision_tree.get_n_leaves() +``` + +You'll see a depth of about 21 and about 200 leaves. And there are 834 records in the training data. That means that each leaf, where the classification gets made, only represents about four passengers. + +We can also ask the decision tree to explain how it comes to a particular decision, by following the nodes being used to make the final classification. In the "play tennis" example above, we could "windy" node, then the "outlook" node, then the "humidity" one. That gives some kind of explanation for how the decision tree came to the decision it did. + +First, we need to ask the tree to make predictions about the passengers in the test data. + +```python +y_pred = decision_tree.predict(X_test) +``` + +This chunk of code looks at the tree and prints the details in a human-sensible form. Don't worry about the details of it. + +```python +n_nodes = decision_tree.tree_.node_count +children_left = decision_tree.tree_.children_left +children_right = decision_tree.tree_.children_right +feature = decision_tree.tree_.feature +threshold = decision_tree.tree_.threshold + +node_indicator = decision_tree.decision_path(X_test) +leaf_id = decision_tree.apply(X_test) + +column_names = list(titanic_data.drop(['survived'], axis='columns').columns) + +def show_prediction_path(sample_id): + + # obtain ids of the nodes `sample_id` goes through, i.e., row `sample_id` + node_index = node_indicator.indices[ + node_indicator.indptr[sample_id] : node_indicator.indptr[sample_id + 1] + ] + + print((f"Rules used to predict sample {sample_id} " + f"(actual class {y_test[sample_id]}, predicted class {y_pred[sample_id]}):\n")) + for node_id in node_index: + # continue to the next node if it is a leaf node + if leaf_id[sample_id] == node_id: + continue + + # check if value of the split feature for sample 0 is below threshold + if X_test[sample_id, feature[node_id]] <= threshold[node_id]: + threshold_sign = "<=" + else: + threshold_sign = ">" + + print( + (f"decision node {node_id} : (X_test[{sample_id}, {feature[node_id]}] = " + f"{X_test[sample_id, feature[node_id]]:2.2f}) " + f"{threshold_sign} {threshold[node_id]:2.2f}) " + f"({column_names[feature[node_id]]})") + ) +``` + +We can now ask the tree to explain its decision about a particular element of the test data. Let's pick out one particular example, element 10 of the test data. This is the information we have on that person. + +```python +list(zip(column_names, X_test[10])) +``` + +What decision was made about this person? How was this decison made? + +```python +show_prediction_path(10) +``` + +I can't predict the exact details of the questions, but you'll probably see lots of testing of age and fare, all seemingly doing much the same thing. + + +## Why it's going wrong: overfitting + + +All this means that the decision tree is **overfitting** to the training data. It's learnt _all_ the fine details of the training data, even the irrelevant ones, in an attempt to produce a good fit. But unseen data will have different irrelevant data, and that will fool the model into making the wrong predicitons. + +The diagram below gives the idea. The model learns to separate the red and blue points, and essentially draws the wiggly green line to do so. Then the model is used to classify the black-bordered points, and the overly-wiggly green line gets a lot of them wrong. If the model had been constrained to produce a simpler line of separation (the black line), the performance on the training data would be lower, but the performance on new data would be be much better. + +![Overfitting example](overfitting.png) + + +How do we constrain the complexity of a decision tree model? There are a few ways, but the simplest is to limit the depth of the tree. There are probably only a few key variables in the data that determine survival or not, and the rest are just noise or irrelevant detail (such as the precise cost of a ticket). + +We can limit the depth of a decision tree by passing in the `max_depth` parameter when we create it. Let's try a depth of 1, as per the example diagrams above. + +```python +decision_tree = tree.DecisionTreeClassifier(max_depth=1) +decision_tree.fit(X_train, y_train) +``` + +How well does this work? Again, we'll score the tree on both the training and testing data. + +```python +decision_tree.score(X_train, y_train) +``` + +```python +decision_tree.score(X_test, y_test) +``` + +Again, your results will depend on the precise selection of testing data. But you'll probably see a much worse performance of around 76%, and very little difference between the training and testing results. + + +This tree is also small enough to show its full structure. + +Each node in the decision tree contains some information about itself: +* a node number, as an identifier +* the test made at this node +* the number of elements (passengers) in the training data that are processed by this node +* the balance of classes of elements (passenger) at this node. The first number is the number of passengers who died, the second is the number of passengers who survived. + +In the sample image below, the test at `node #0` is whether the `is_female` feature is less than 0.5 (in other words, `is_female` is false). 521 elements of the training data end up in `node #1`; 414 of those people died, 107 survived. + +![A sample tree](sample_shallow_tree.png) + +The cell below will show your own tree. It will look a little different from this sample. + +```python +plt.figure(figsize=(15, 12)) +f = tree.plot_tree(decision_tree, + feature_names=column_names, + node_ids=True, + impurity=False, + ); +``` + +# Finding a better tree depth + + +A depth of 1 is too little. A depth of 21-ish is too much. What's the best depth, that balances how the tree takes into account the data, and getting distracted by irrelevant noise? Unfortunately, there's no hard-and-fast rule to tell you what the best depth may be. You could make guesses based on the type of data, or you could try a few depths and see what works best. + +You don't know enough to make guesses based on the data, so trial-and-error it is. + +The obvious way to do this is to train a series of trees on the training data, then evaluate them on the testing data. But that's a problem because we're "marking our own homework". As we're including the testing data in the process for how to find the best model, we've nothing left to see how the model works on truely unseen data. + +What we need to do is split our training data into two parts. Most of it we'll use for training; some we'll reserve for _validation_ of the models as we're building them. Once we're happy with the model we want to use, we'll see how well it _really_ does on genuinely unseen data. + +```python +X_train_small, X_validation, y_train_small, y_validation = train_test_split(X_train, y_train, test_size=0.2) +X_train_small.shape, y_train_small.shape, X_validation.shape, y_validation.shape +``` + +```python +depth_scores = pd.Series() +for depth in range(1, 20): + decision_tree = tree.DecisionTreeClassifier(max_depth=depth) + decision_tree.fit(X_train_small, y_train_small) + score = decision_tree.score(X_validation, y_validation) + depth_scores[depth] = score +depth_scores +``` + +```python +depth_scores.plot(xticks=(list(range(1, 20, 2)))) +``` + +Your results will vary here, but you'll probably find that a tree depth of 3 gives the best result on your validation data. + +Let's use that to generate the tree we will use. Now we know the best depth, we can train the tree on all the data. + +```python +decision_tree = tree.DecisionTreeClassifier(max_depth=3) +decision_tree.fit(X_train, y_train) +``` + +How well does it work? + +```python +decision_tree.score(X_test, y_test) +``` + +What does this tree look like? Refer to the sample above to interpret the values shown in the nodes. + +```python +plt.figure(figsize=(15, 12)) +tree.plot_tree(decision_tree, + feature_names=column_names, + node_ids=True, + impurity=False, + ); +``` + +We re-capture the details of the tree to generate explanations for how the tree classifies the test data. That also means we generate new predictions for the test data. + +```python +y_pred = decision_tree.predict(X_test) +``` + +```python +n_nodes = decision_tree.tree_.node_count +children_left = decision_tree.tree_.children_left +children_right = decision_tree.tree_.children_right +feature = decision_tree.tree_.feature +threshold = decision_tree.tree_.threshold + +node_indicator = decision_tree.decision_path(X_test) +leaf_id = decision_tree.apply(X_test) +``` + +And we can look at how one particular node is classified. + +```python +sample_passenger_id = 3 +print(list(zip(column_names, X_test[sample_passenger_id]))) +show_prediction_path(sample_passenger_id) +``` + +If you compare this to the first decision tree, you should find that the explanation for the classification is easier to understand and makes a little more sense why each question is asked. + + +# Predicting Rose and Jack +Rose and Jack are the two lead chacters from the film _Titanic_. Rose is a young upper-class woman, Jack is a young lower-class man. In the film, Rose survived the shipwreck but Jack did not. + +This is the data that represents these fictional characters. + +```python +rose_jack = pd.DataFrame([{'survived': True, 'passenger_class': 1, 'age': 17, 'siblings_spouses': 0, 'parents_children': 1, 'fare': 200, + 'has_cabin': True, 'is_female': True, 'embarked_C': False, 'embarked_Q': False, 'embarked_S': True}, + {'survived': False, 'passenger_class': 3, 'age': 20, 'siblings_spouses': 0, 'parents_children': 0, 'fare': 10, + 'has_cabin': False, 'is_female': False, 'embarked_C': False, 'embarked_Q': False, 'embarked_S': True}]) +rose_jack +``` + +We can convert this into the form that the decision tree expects. + +```python +X_rose_jack = rose_jack.drop(['survived'], axis='columns').astype(float).values +y_rose_jack = rose_jack.survived.astype(float).values +``` + +Now we can ask the tree to predict the fates of Rose and Jack. + +```python +decision_tree.predict(X_rose_jack) +``` + + +The results will depend on your tree, but you should see the result + +```python +array([1., 0.]) +``` + +meaning the first record (Rose) is predicted to survive (class 1), while the second (Jack) is predicted to die (class 0). These are the correct classifications. + +We can ask this tree for its accuracy `score` on "Rose and Jack" as a whole. + + +```python +decision_tree.score(X_rose_jack, y_rose_jack) +``` + +You probably see a score of 1.0, meaning 100%. + + +# Conclusions + + +This has been a quick introduction to machine learning, using decision trees to predict survival after the _Titanic_ disaster. You've learnt a few things from this activity. + +* Machine learning relies on good data to train models. +* We need to reserve some of this data as unseen _testing_ data to check how well our models will do on new data. +* A signficiant problem with machine learning is _overfitting_, where the machine learning model learns too much from the detail of the training data. +* We can address overfitting by keeping the models simple and validating models against data that isn't used for training. + +```python + +``` diff --git a/1.titanic-survivors/GEP_decision_tree_with_numeric_and_nominal_attributes.png b/1.titanic-survivors/GEP_decision_tree_with_numeric_and_nominal_attributes.png new file mode 100644 index 0000000000000000000000000000000000000000..007cc6e08a7fee16076f76a9b85ef30092f6c97a GIT binary patch literal 23228 zcmX_nWmFtZ)AnM)-Q6{~y99T4cXwFa-3jgx++l$L!QEZL;t(uIaDu}}?&mx2k2!m0 zwx+wPy85c_>T6>?%`czblm}f?1_ID#NO9Z3IIS)RaQbw!`tXjK71aL=J$76 zh;R?DKYpHGp0gHBXkRek{E`(#TLDdQV<=+DimVi506OtJ9Apg)9vYeI5hMTBjQHHhxNX|<%|cTbR4d!Sk@+s;LMV?PKB(M|em zT&c8wDEXm>N*Ex1n8}oxM_nM6Oj5omnG5yP&%q2!zWEV}ZzbY#^df$}*Tr5su)KF^Zhd|LN ze4qT?w!$LgEpOxy_4atq=)R(R#Sp&KC-i?d@qZO1AF=$zisPA4f0fXev0fF*R6=|n zK$2+9ZXv(yMHyj|zm{i}U&3B|iODHPg(=ju@Wd+|ul_Zs15)pem~|zp*l})+**#@$ zw>O3}z&mQBk7+M=Vc)8#UaP??A8^ft9^Cgak|K2P2z4Dk)Pv6L#kKZVJrIbH{}&B5 zpCO#9#2i?hb=4xfc(dDgq_N6^MlTeIhh#F1k$X0f4M`^m88Aon%%WybAn%XKWK^pt zfF0rHCMCjTS+h;;K5up}VraJz;C){(o5sd`Y1fwG%I#6uFMRFtbSo=@!uZd^u~Gj* zX)Yc57mk3c22K-6Ue=FQScLQOZ=v7X=i>Z6Z2;?YPU# z5;K2M{tE#QYzT0{iO8OU3Qg*K8nzxa%;atH?3IVCg z3~?m$s97Naml69Y)B9Jr0vmI8SXb z0+Mnc!Ow#pT(FqZzG!aq$BmC;;y| zrNPbGn8Yk$cnF zE`RE`3?=#XgKyR_d!B_?L4?X@mn6cJMhP4=Vq}H3QfHjl8(DLHsSC${LbDli4_j^G zvVNI)-f7`5VszG5+NHsLg!YE&_6++M*Z)w4zd&@O znJvJivA_`y$GQ2t=jCRl5Z`=2Hc#Jo+a_w*18RgjUtl0u7w>-1g%Dl9aM8%LUM^9f zl$|4Wu6f<>qPwk>Qt<0Z# zvbad0<$v!#SXjX7ex!qc;d^JmGC-! z7juDY+E`8xx2)I19uc_B)cm|pP5J-LYINuw%V(?~oO`p?{a=7QChra}Z0hm>I@#vpOJBFz~^_EjYUI>D}SPn-^^R0tqunH!%5bO$HfcmRa|X!s4VH)vm-6@wbO!@KH15RVT^ACi04*{Pqz zzBz0yeWXjVVqEJ`_Uc6Xo9CxiH;v^`*WQXUP=u7>U_FnhvWJYR82{K4XR$>y` zl&+9&9<;V*D5r5avl23Mn!b$!Rz8_X*Ira#`%f3&M&ze{h|Yf~i6#P(hpju71G{Gd z>*5yxYaCi&&mL$_Hv&Yih4c-xQ zK(k=NtnWaZcOR=qvE;w;lwl01;&Vi!$@Iskp?$$NNK4YsNSCVxS?FNED}4C|wd;ov zj;h@7@RLz-l4@S1DdxWwT5u{_ANCz0QP`kk)tKUHSOnP%RaniU;PU#>P0wXm1=@cx zhl~;Y-6iUm1!nFZ7DoH0Z}X0IAGYoF$g4h>AU1dF!3P)oH^`id03-gSy*OIuV^W&0 z_5`FtbNmo^>x=K>8Pz%?-|Jw-mH)GUgj}U@I;qclVtW^7gD*^2qR0@MCY}3fWO1nu z<_~-5ua99UnuP0_~6A{JNd^El5d^=(A5WWhhlA0U;)Oue|}_A$e4m37I1t0 zhDc~*a)py`&ZYY=pVva0d~S#n`(02PLklvi7#pBvt;$+f>i6{Bg;gZ~myhS6V_V;< zLd%4{2>nQ$kzyAX1pqG|0e`QFaOz87tXEUVAK zjmpS7#CVDB&}Q~%8Uuw&EU6%YP!ZWe+#NRSxb)c!!*&N z?FHO^(Klt;{Yu_j0tmd+H#h^v8vXfLpdyZf7j5y z4cfOnCq&4*HYFID)OiCHU~!s~L}Frf_V@SKSxWjqwC_A-`>0#r(SAmJ zM}0da0EM0ZGcgpPG3D3jHn75FU5ua8isA?4(-$Bn9nJXM?!D1fZ^Y>KVt&c)f=u2` z`bGmMg&w|$y^tOCBh3Z=ElBID(absl$>^^`Ecm@*RP^6;kiRqX?AATKj6sTjG{E7$ zyfw1#@ZFs^jrIFn$9_6*-$=gMFCOqZtrUUBo1V&zdo^_5pnhV~=f6RVM2NtiCe_I} z``lUcR;axmSB8p@(1ZaJ<@+8sPJDlAbg+RS*D<^Zg-6SNblOF4YHKJy<7+H6J*Q^2 zgq^_K3+ey%qL^cb-1+vP-_My;jVt1Aj&N+>{rn=eZ=tBgZDt5TE)bXore6~=MXrf6 zMV(+ron^bPs6J7)(EMQ#1TB`Yd{;pd@RSdyffkIjw_W7bT7}NKJfw8QF?kY`Uv)ZI zmVcDs1-W9ymi|q$DV>o zgnG+`$X#n@iN_pfl&w=i&miO-73#Ei;wa&dNzvQ)&?>b9$4|nWxiXN6wv2ULk=h^I zlug9R-kF=iFhv4jxbJ|k*C&y+1bT*(R0lx;>#4}+!y_=b^->+JCs+4XbqE*q)(5Z0 zf~$~lqD&zVjh{{jsp4wH($e?`7pZc#F(E}BM!!(utR0E4c`&KchIX$=@N`#pgZ73R z^vv*9PWL3+UJ(6*1NqT9F{cRwCL*33k_jVtYm>O$qT9d-k1qDXMdpQi*?X{bo0+G)h7!XvQ>949buBsED^req5_-rMS+MH~$Q(eWDZ?w4|fei}r3@O(TFgH-wnM&&kofKvT8y%L~Ztg)g4C%JP(RWU>A zX@lz(F0zX1l|NG_!%-yyTDXH?q~`GrV!HzV*(hujwD^bIoA8EA`7=8I9Z+SA4V{{aA!_Y*dUyIJWk!5Rreu?4I7N$r+ z|Dpz%!y30R+D<(cde;?!qeY$nc`d^G#K*b3KurY zdIc5l)mGY|g}}jkpUdZ@VUU|6ypniqMJ%ka84^B~n#*hylS-{NYve2nO52o}dVN+B; z%#;~NHXB;SFmab8RR&X3Wk8A5qlkFO|)nf8r=Z=J}c%8a@O6QN>rAD6-Gz_IpFS^ zBJXQVuDCk!pKOPUa49hW!#rC3K}dpi5T4`%7R^VCn3O8@B^g)EF%c5Vm?0!I!PY;& zf#;#qNtmJ2ZY3~X6mIYu#C#Qtk*W8hMN{BEiY~NSeH^Ew94!k{8igb&$BnH+s!Rc$^Ub^Y2v zm3igcx~tded+#xD;j`{7;&-9@bIR&E<@^sTWTN>DgT=Js@08&F!(RS!puqG1F&UHfnSbw7I*D&dg@?}1)E{i5b{ z_`jyZ$_L?%w5fo953lm!3&<|EAT1p)XGOVeo`Ba#^38>HC*Y=XBC>4+QSl$+9oG>| z;gkAyc6NS7)PgV!cp9*g%nL8SlqaVsnOt<=Z@FnP(~57s!_erw3e}vt%j~2S*dwp< z&__l6)EhB&ZP*IT5?q;6_fYqP7e%z>YT?vYRc3zj4~})^YkYIMWm83xB?~sf7+q>8 z?MM&bh@Sd%xr3Lv7l}KkUx=;Ch~;t$eK>ouj=->|pIFA^EQICTqzk#j@CI<%7Bs>0 zZJu3t9jBe!ZXhg+SU#H?W=eHt)5XIGVFHmO`n)SKXXaw4Wnn4cLFd)JiE3$9M4;nD z%o9NjvMzXlE#0U151gj7ZMJ%A)X%5|2B}r}vn7KNzm#2pUFKVH^w{i$0q5!1bwY~D z5n_Pr9W3R`O0{r^mT6Ng2ls5RA>=wXdv~K20pH0cwJnVJ!8J#D<gx1}KoTeJ(F=B?4oQ?j=GA1LeKzjqe9Rr5 zIAu~+ntZqMKye%;=XA&3GE#tP-u%hUt-%X)qR?M3Q_I29HV?sD$B zyj}x8?MJcLtr;LmW6B+yxZ16C`8v3n^d@5fP44l(fb@K?c=C^whqfh@1b=8{Y0=!A z@7&~Q7us(myL+vkhl6xyC}zg0kl?yC1dR89<(z)7cFRiKm~4d5`I)_)Q>b5{2$ zSNXj@(yNbgK>n~9(L3s~4I|l&?7v!{r$h?)a?KtYhTA1*G-!kp{;K@mnOFaUJ(xya zX5}r0I10Mp5qrMGk5IP)(+nBL-f&ro+ltJYrp~6(UcrT`4qYgc-z=LLgqCjh6)YdT z*JR9CnfRSH<@ki3J5qjtx_`y8ATIWw)4)fo_l${cmrDUSKlV(Vo}}L0x0aIg`;$28 zxLPL{+bh^J;r6DK%YHe=Y|eN5cQ0GHCw?~SnQ2|dnIM?Kh>mzaPn7kP%g;1|^rlAN zpC@LsPHM&g5fz64S={Q|4tIBD41X3h68;DrkeSl=7GS?&p;ume)4WHN(QkdHhq!S6lfAo(&B zB5IP*E|JIv_iO3Ds8u;ljlO<&|dC!6*cNq~_lS^!dUwNy@)5CBzqd2G7vi zk!zbY&;`V_oGsE7GYfL)wEaoi(h$HzQps3S;m|uU(W8nH>?mOeV^}^0xm+iEarwn` z8{V>4!zeJc6>^rlmxW)k?__`SMtDob?ap3{M>S_A(R19j@D{>0!$wA{4LZy zYcuO=O~PYLCM8o(UK%@TZIKJ!Y8W%Gc?pc{k5c;~h@E}`ad}{uV*$5uE|?Iy!sLFK z3HU`1yxoi{X+9NoBuTSmvOV}f8BP0F#!zvLNc~UXBs6&oC*y7E=V7Ik7HS0zO?Ydy z$ZK*CB8)j>NFNHm+t$)MPwm(MhJdVEqx8VUS+t`RKcb~BrhKuQ^w|@YrVz>nNBFI$ zX*BT~#GPBb$yM<+Wjt-VoGFVtSXJ`xR^^KX6EL>EaEPGQ{}3TwzzjsVhz4JSq{>SI zu@TMNV5?3GDG{O=FW=34UT?RnkWFEo4X(tPQHnD>E1K&WJ;mPAnih5?1nsQeQ@lA5 zv^$eyHdoiV+k9=psn40n!^RR2o39_daFncNc&cNcIpX4-iQgcqyNjL zZT=`&XI*)_J_-rQru-dhOheK>2gP*s2x0PR3iY6a)UodT&U!qao>+$xkEm%1${7=V z=Lat#yhG*AIWsYUo%-4pfN&*xd*0f4pS& zCRZ~9@xD6}i0@2TKw@~!It}$GXo7Ce#I--ynEbxJa;%F~T&TVGW$Ll)0qa&9TpyJ@ ztEFaFM%}p*5zoXf&7yo3M4;t|bd4iU<8km#_+bJ$0?V4-1K#EKP=SqVrq-sh9~zH+ z^EFCUIolGEI#Ym&_=EJ$&b7BbW&Ukk{Gp2l_&cx$r!y5wdxCp^gt&a%-;-@fum zA3dwSj2vOxTd*6a0NJM-V1BHz(oJ^bic~?VT&I0l5Bt{D2*%Xyk6(+z#u zvjGbH0AAO)e9I~U97jv3gM*}lN3$p)QL&$Ih=$o}dN~PHq8cUx@NMnY;C=~KZ-`!^ zE`*FwTKDD{tB<)c%%T}*e8Ah<=428o$0yjU`Wx>T|GTh=wZ)lYNJ2*OR31vqpm}oN zG6JS%8k-qLHTcn%>n@1(x$lz#F8KR*=iG~t+6*Io)BDyJa*#c~;T~!vIWY8BC%k<- zo283+6G_r7ryjS_tkV3grOw;~8g1oelNJVTz3;3NR)50y8Rlv@hWN^;r@36QnwxX! z;&Y}SFy+#|kiP}tJ+e0}_hxFuz4&iF70^^Ao;JRHxPBgq0=ear~jFjQ$iD`_)a@z<#%Y(kn!e{Txa zGPQw3-sHTMEW*YOjO#%xpU1Y^lrr|VUtX-;PX=093&)5Id&?T%tLNY_vl7OYcfHK& z#|i$5frBp3^asu`54KsK9~721<>ffIBngHK(H!dS zek(kAH?KY;lXB-ZHl=N~8{vI#qEtcRjFqt8T3h|LMFDoloqx06O!kRWK0QwJCB9`ShIew(pm z|9eORowrs{&FvZZel9r5RnWycQ9&b4=j@{+I<9ghGM$})Xjor~dy}LQcaev%!^T#{ zeteUXpCD24&iPIr-o8JF$Or4`_ZbppGyI(?&*o>M-E>7oP0CEqCWpB75CoQ_aJdNf zCxN?V!)@p|WA-~JipKjW8*yAjzkTZdm2?zSz|{U5>Bw%jG`$HaqghmTe$`a5 z+iM*;@GPKTKFJ5!;%^|4b11@ysf^j9;i5uSHkbX+&ftF39G}Q@$FG3kku4>iLRmgV z!YQj|TW?cmo4jD!U2@P{H*3H7)UDaOu7OSLeYWPnUi(+pm&TW%&#--0)Jx$30laZ_ zL{`V5>l2w^t%uHH1<>b3-9TU{?Ct^zgDLj3_W=Fc)8L)2L4sbWC8DoMSo*#Ey3FH5 zlkkai!_?zF%p_BdyPYj0eBhjxe+JYx#mgh}OLtM(6hF5Uac$?aLx0`CNkr7%K_J0u zZ&l8fl9em;S-pZZm!EVuVfB)+42R$QlAJw#qFT2$)J3)3aou&jEnTkZXnvGyfR#AU zqT4zoQ#UKBd9Z4@qN&tJRq9l=PZ#)gSQNqw8N$Wyz0MwE z5guO5OQP{^1)lppG@$^o88>Ck)7HV0<99uj7<{!Xz}J(9H&S)6MDjNU8K5HVLc4{N z+eER@0xg&=p3uaKR3B5aaE21_cu&wZ2JVUd*qNq7o7`7Vn$o=RL@N-&iOO@fAUmv^ z1g=Qp{~Y>O549);A6oFJ?yaB>o2^hjA_~BrQh!Z^@TjAE^4#nz@z}Xfo@uo=H{%zy ztAq;*Pu;`y@Ma(LC+kZLVT%ud|Aa0IndoQ)bFqp$kTWEqp-(keXr4Rx>m2f%LcY^{ zd_f=*P1y##dTG+REu3M7x8Pq`rBdP2$rQkDArM-Hhc+pvacY3=Oj6lA34gI09&zh#ji1!_ zDJY03?4z>DHbAQX9@JlS5^*KH-Oa|I_?@!r(g>>c9Yugn;dm=eZNd&ME3d7^-gMM& z!{ec?o&Ndd@urPJFJHb$Wlmvi(z;LnraUZ43NaM?qw3gjlJ*>Hb&|nm^Zy?l?&VQn_i2 zkB|o+n6oqUGq14aZD2UQ##W;&)wHP&6Y91n({3}Z94!>PWEg7{`-K4zOmuK5BXdi> z9K6}>Tq~>Nxwo6oETJ$MHzFd%%BNpc3!_H-{SoWkgEQ9DxFFHpwp9tMTERYbjc2J7 z(4N|>9cAdU80f1J5dMUK>CvN`gKFZ>HFp`eP|iA-$X`hR;zR*}x*@%0<{iU+?_K%~ zef1;Guw3x-oS9uU?b7}XbZrGed!J#=HjMhvN_8URrLa8USon{?56isf*o>k_s40WiF0yUSea}P&J4$dBG?AugLgm&@o^aILaMT^ zRj~)sVxlomvCScXJIGcEdKdgnT)$?fbBl)_odjrE$k?UISn$Tq9X>{s-j@oe1Kv4U zp3BN?!;~43mFxD_ZHeCsp#R2!+^K#+Xr~gvv`TUaG~U*#6}C*6?1;cDD~W>>MLiO7 zP>Z${3>A>{W{&rDikE>Kq64P?3PAW(y?|&az&cZ)FZAGu)hV|qCnTc3O{yFQ+u36@3;d|0Q{{^W z&G4g#|2}5*bN{}uQMh~*9CyniYyIV~Cw>UTyXP=biZEKH!rtLY;-xLOiV!A!L!)!9#SuM)5@Ks$F3jh8&_)nLQ()61tXm`G0C8r z^&xIoNZhFu=s3ewg~=wO#+#t42i&~d1#`*Rl=Tp3mrPQ+25^b}WRyXUWB=CcS6@s8 z7q{`pf=-Hg$Q4^N+{R2-CYIjDTY+CLsGdRaRR$za`--IpY zd-RYTXoN-yfKf-=0N&!eg@E_{tJ3e)<*{(tc9G(v!xyJ-Dri;h7$H<>fUiE#XVDJq zawWFV7YlnnE@j-lBAe3CBWQq-2Z&gSc`Yjs{sI)7PIg~s;AbM3K_m7LSaqb_;gu3` zaKEo=#aBURbI^>|_wbCbpr_yPT}upH=S}+K{lR3Q`nHVo@p>2-MrS9HnfG)#;zbV+ zhw`IJ$|(mRFk+!rG%(3Jh)P&fzQ1FIaE>bo`l#-GHUT%St9WFCL1!NazM%+j0_{d_ zMA9d%f+e?9siNfehR}O|QE8|7UG9R&3a#Y}ev3m_W76py62s^V@YphaXT7N*9A+Ma zg}&JC>-I6snxbQ*P)PtpPvEA?efqiGy*zyZDs@xtGHmz6Z6ADF9miBAh}igJ7DWV> zz}Zk6=R|c%L;UbS4msf9^w~#Upe)<^SC?00u}eFPb)Ku50X!|Bu36hkCv527rAW(9q>ekl&>jeHZJ*D976FVe0%3U~3Fe3aF zdW$^d@5g?jTM$hkE8LdPu0F~MXmKXt#);>P#~ht4Cm+u{fs9?Q}1 z)6{|=pY>R$0&8VrP}k^i;sNPdxI3m>*1wetzpywx1PCM8Xww|cR6p^^j_aGokv{c` z>8zMk!|+eR@B8xj(lEUS!MhGZubSRI0nLN4oZ0JAkoh`6kk&S>Ux_4%=|jF~ZKv_v zS$>sTFb(lCvrNEXQ!sjDynQN+XGcNk6oBhP7v>2@yctrGSDar`8j%XBSXKPXE!wvZ zb6}iUt%tm^rQVhdPMCJGdF(;8s(-DjK!BufwS`ns3f#IChxY-jpr?9$CeKDM$4>?+ ztBz>V%9&|*mhN_x>gHs?H#4f~Y>Iu9^0W_32~K;*dq>R8-l z6V%yd&PE!zz0oc-)|Fle7^+{cF!~gCcXg^9e`tnY538C$*i* zOILh5N?qckb*SN0>3fCBJ?7Tk)Tvdrl~(fLVeFsQyhUfjVg+4?RM{P|ozkwDNJ zaqfWYjGvc>zp@pirdJQmbbd8~rz|EaGTrHq(Oys*fN4;_kzPudy%p81f%+7r9tTbb z6&#bUix|n8n~q;Z7_(~g49F%=jKNZUa|B`8z+A^{YkkS8YW_5JXuLsm9KWh=ZD|E8=`FNsHwU$gAEH8&qmbr5<=?kOs5czq?32tcSZfIt@ zy7rz`H>KsiDYJ(BHgjmkg{h1xC8fA<4}N4{LF&cs_%Z&ZyE0NSQT|rxxd+_uWXo3> z?WB|$2my1a@FM&xkaXpNz>?9sWOZ4&j*hfC1?_Vg1VzTAXSJG?)g_h zj*}qjZhHr#@Nwk=#X|tcJ~CWd4;({ut~T{gxZtPj4ydV1KgE=w2vZrspwDj^qn}`1 zr2HJzNoP(c8mVM`6qf_xj}Qm$Pl_uiRO?($74<@J`_SAtv5rp@X^3hn87?LC?<6CO zUkJ-*(H?09dCKFQ6wo>|bso)Z7jRAW0!FHfk;Q~rwTLRF05r^na@{=V9_s#-(4wVp zs&P@JmG2N2c-k@*_k(^9@!njAB0q6o*4b}&YljR!kFD9xp;;ZQoHVQP`B%hq0?hln zc{mwrh|d^G!yj{MyPzs~1y9zAIpHLxr(=%)Tzzm{wSCLCWd&U7e>CY$RPAA z0?R9s?nK)AkyUm_^7k%HuflgV6oCW$OCn;#gahf&zh4abkR+Vo2+X_-HnTQ06cqhN z)5=V3hBly)3H+sDCc0d+Z1I%COkO&Oks7ZKGdmfs#G^!?{f#oWTd>hj$)3kjp2Tg6 zn!M;Urn@p$7vB@q)9`f{yYL8|mUUVv6AW=_882Vj^we#?p&?vudkMCcAmWGP8?;%k z#DeLY*rClX1zQ~YB6KnOsDk`K93I~A@{}yL!c0a0W=?H|idjra%SwQ`#TO~wPZ5Sn z6|+Y^kD@Q{?CS6D-!da3h=ynW`ch>DoG=~8)AsN_ zt&F#2;kB4fF=s_7X$cS*9GDBjd85V}&Uq#bq;p7DG*pAr32>;{SmF#16oj%Q zIDYHidD92nIRyFBPUkG+J_9|yF}`$rb7{V|8WNnF9$*SK^oB=X<<6NK2B+2*b-gbr zC)wn{ypVKbCNeCHQ}KiinBljZcnj{6VvdMTdbeKd^}5- zeeK3GWF|p-lGH|4U9@4O_DsJP@?RA){-0{f*A*Mhi?>JDAq81<_D6m~vEx0B<0&u3 zMsbc9g(;{KnK>Eb8pMMHAH3#0&2sP|2~&NXUxMw*4xutuB1szrXgGl5wS*5qk7>n&Q3-p(BOKUlmfaNR0hB z=1olJxpl2@KFvA5Bf8Dpi2&h`M)$>!8|ZaK-4VGcOI!}-Hk~PHoU!`ox;*Y*dU8VQ=nQs!}V|(?h5HW6}qv#K z){{aE!zjLq;$&&Lu9!}hQbCe4F6&s_=rTCQq+?bUtC4Rk@q_#FP6{m$G(Iog+pQJi zvoG{7$bS5EK%HF&!!;p)ii9Y*gTo(PbtJg{#l_Y@&a93Z8bQ+}uXw^{ zsacf45qPEtqW07+gdT5#wzPAkI8i3h%|IcvSzBjiWy96+Z2;qi#;cT#O7GrLE?Kqm zTI_yo%9E8A{#9u(E!+vp3JxfYv-@~`lqM%@jg%_!dA7f&hfUg8>`{q>MUjRBagi48 zT9po%M_2euvB`7*P8_=s5lA)gYkP5*x7^hp3NUBs^GV5L4F4p%ANS+*hU3aFD*%p} z@)5}8)^kMe+ zcMeHYaVX&TR~+NBIW)zeCfp|Djy5$5C9KjNU4C$*vPmZ7Q3XFMVSch+S%keSF!PGm z5e6Z2uyNqyb5qWPk+g^=rv`Os{qSu@9(x3^dV29UtN0>6M;?$#OlJ?Tyghvi@NSNBN|>{&lu2a)Mfnq^M-<19S7HF^?xm_OMz zBb)1tTe#4YJ+*uVqzzth5enJA=&hOasRvvItT z@$SVR{RJMBYH?{$mPMl=2+QwHH@{1m^7#eX@aG{{zXE!t@5{+cS1q`n!bJfUmOQDl ziJi-rVP-3Kc-?PAtVFTb03Ds2?*PB1Io3Vje9z8B)L*wM z5y-rWntu>F_+Q60(^IwW0!Z!IEA)Q)^X{F4X(;a&4UQM;?gCQ#7ynp7D$VeURGd0I z*{cb&8r@_6bXOf3Of^#%5|BANL9c!nV6KnAIqzNRZGIGRsiXO9&1yV1-#!Rt%yfYIsV)?tDtiMKcu68Pjn4$+#}7I(iE@hwv^ z*^$`umoF|(Gf37AX)m-u#s(>d3WSKtjxseUzgK+ur8GI^OOXg{bGpETOrbB4?1$!d zgBOyM?HsUvG_B+(_3W6{>z#Zti$ z@+7#^n2RpiG~_KtXr26shpEZP-R4jZh(L{tQtpDZg*ZO{nLZCsu|+UC%k41=WaH)2 z=;qgywW?sQaO;Dc5#VOQ%uod?x9=OfM>DE?*EeD-vKT{7{7*)3{2_t_EubibiY3zX ztV1@CG?9Ba8Iabh`6(}}r0h2Xyb7*B4*Q4B^x6daiJzQnzkQ+f6FSGow=Z>!MjB>@ zZB|-GqJ!(o*bVl7SEl=_8|Qa|ZQP_;Tjxmw4fC<%mI!`Vgk?et8b`^$3ux z`Oj9jw3u0!AOA?A6dJsuiCqe-y)$=E9z*+9CB}QPx-Q&QeLnlFcNmt8rngBd=JZ!h zG7+%dE(WO&1TzNk=k%2tRa4G^9_aURer&I6TKH8p4o_!+rKE{`fh_ZJl>9xe;b)GR zzyKmwYVyQDb%9Tj@xQ~bfEFWwyevdot)LcS*ZVJdRKWQI_NlRrXlrUIT&M^lt`H;4 zPJEYmtmsWmRrj*X8nnJYnFzXT&aBk~A3nfd?GY9XAole-lK7uApZj6yF7XnFkN`$! zrTh}_u66_E#)FjWz9Qk`7oa^nBKg7?}h#Sn3L%CgTa)7$2F&XPT zdQm7bu|87v{{(kUwrI%{3vwF8EV)nAG^Zor*O_-Ubk>SE2_94`SLwm+CfluL{+ys& zr^@!Yu2Cw0nlm#ky&sjUPHWnaa` ze-UalmP{Iee>n+VB_uj8kw0G)b~zH^dK$>WlP0R@hg#y$RK1YVbKiv%wwG^ihO@R1@Px^7-+|R*vdTpg;_snlD5S9)O-l~VCXAX2dJ(_ zG%Fu{u!9(?FV}IL`kSnZD@Ds*L~M3@;qAkWAli15Fg#v)#adtB^p08Bl+G3orwc`T znIg>em^1T*+}GASFS_mN9c!dk^%jmHxb2<8eo!e=7CyoP>ve z7OR}w4k=hX%|iE)7wM}}(Wn}MP4K7rAW)IokP#&bQ9Ap&)oy$+v^OG-3QwKZT0nnR zHYYD2wQam&h}#=_ez@*Mwl)vHZ2I+|bLtk2XBvx~Z3P`ulPXHQF&VnW5oUskeZb@~ zGB@I=jsu)++GkI@T@>DYy?c)q$4eJ9pH&mqY5OOy*sz30o6KDOlED$FuHV0qgW@ur zm%gQfzqg@pXn_P;8=Min@!z30ow*gm5=-k3Zq_triC-+1gq<-uWttj^=wb|8{7X>s zhw7t-QT&L@v*(MMEwBQO3mGT7c&;efS7<&2s1t^m^?FpJl+0Gb%(SO+Xa~=7tgY_u zx<8*lO6?}0fjb+V<+F5dZpq+`u?%F+ii`L${=N6VhGBhK+PDSMWOnj*5%yrfw7<#MDD@j()Xj6i=AO^ zD%mx)m-XbKYHRHSvi!uVE;dzAs3qAu@kq_L4DhDcq7O48k1MLcMNaklrvRH>W+%3z z_DSuiHf${xXWZ8H)^Y*s74c1E%~nVKmLrX}#vL%c^R~o#1edY7UCgEsPu}>+=sfAG z#9qmF`W#luHk56V?dcf)KaaFF%y zFe|d^Lm(@W|IC~`EUuoGF@p@W#9yu#Bb@M8+6kQ5m=oBR?J=xPKRcEaFA2+3chOG?V`zq`B-X~oJTZYv7+Sf_2_1w zw~(D7?zaC><7Grq<+?Y6q=Vls{NOqX*Lr&Gb+D~$TsRqXZv46DAKBD7cdZ3_icvIuy->?;$9Zg0Zj90bMIN1)h&|rWZt@$&=0yF!8G16`l`+94OU$m!5{(>@d10 ze}~3H)969+vsu)xOw$u#gZ3oNVG9LNVZ-9U6iIrwU1VpQ`u;#C#4(*Me*M+WL=;0W zU@NG8D{J$0rEo^ihP0<_Nv``>_-4^p)6UO7le&^c{9en>MYpV0Osx$M>h*Zke(==l z?lKEItt?#dO};*O@+>?2`P%^|cAxP)7aa9K6d)Bmk<_IJ5^6QLu<%>aCfUw+|5g8< z{fUrtf5f4ub&0T9KX4enHqfBwMNF$6m$Vu2CEtq_%&I1$wbeYe>G&5g+2Gigd%6X@ zhblSgvlhO(a(i8UFC9LQU0yZ}lEo6RKJmX#J^B+z!shiDMhVo$?EL=u+y(cXEurkY zh`^$u?>e!kU(eT0w(iW=aNMub^g!Ko0jvn7&xkCKlDw(EScXGsElXkQVu>@+v%#`e zYDsmPph0U#%)~zs+I3Xpy;7YTAD@jro@l+o!z#hf>aO|G5*P`A1`%F*Hp@F+hjq_$ z6up{BZs;=;y9{Opd{I{*GA~zgnSl*24+rP1lIx!3Gj2RijPP5+9PZ~!A;e(kOhcFQ zIH9eG3PZi`$@g90fZv$sv1QuqBNav**A#fvK-4-HYur9hPS)Q>5DK`30TkxGbF!rM z&%ek(_8(ru>{QI~1G(15~YQ8mM5y?4<^*PK<;l_j>36zzciuZ}66bxl{_$0d9(ccT z?doNR!pq1TU3Mcr2BB-{zS4fs+B}3Z+HYrwiPzk$dCn@S`mJqf;UHJu1HS6!G zm1_4;g{8mjrgJzhX9!UZ2NsTO#oB1WNpLCzuXa5SSNmc*pM* zc~itf0(f)#Ms8!Ds4!L@>ENQr7qehB!tpG+tSOiz8r$ZEz%Ep7uJH`xR`}g_)1PUYYggzQA<-obG-lnx~C=bt{W~hEEmgCrN4eaQ^Bf^Z zk_1M$9bw%22?MPXPm9HHv=o8VCrF zAExQ8%cwBjs2s7>P;s7Xc{GZ>{2>GGO*zPW;kMUO^G(+XLSPU)+J-m)+R-^$FU}Ob z`D~u1M&?uLwWu9@K^QLQ2C-IG(Cp@V`MBNAaKf!4)XH%z+MDHf%=U^NdT{FFojxJ}4~(2q(5ca*$hH3K4wvN-8fCEVtU;(&*n= z!AslU)HPI1lzaBgledwDZPf}tpZUy^!cmWRXI< zTQwbv;00e2$n4ttl!VH8#x2K(#iJ+xi=!3;ZA|h4iGQ396_Gon(a?WFMbXL?7Nc@r62} zz4h{R?+^P1H}bR>8u)dYyXA2G+8tx3+Yy#|g;Tkkp3rQ}bhK!K;>u5sPPP8%)gL0l{2CQr`0otlD<=C9%vTT!`1dBhq1^hFHw&r}JC|249NVpZWQkSxj|W`$0at zx=`bg;qj9_pQ^F~-0ZlF&G#N9+hRBzqB09HTN^EC(w4)IC8h7Mj>;hmwkLd3K>7C0^oNIqfpohAPQC8Eo`-G5iur63Ctv6!j{l3YO1@OCIh2AWfRaxGELMl^GA`y1Qc zaTPWj*$F-oisjKDO;>w;AR)3D1#-KH=D!HkO&O`Znt8md_?u5HLoy4;ew?DL0ebb4 zxQZL8wobAY0%Eq)*iU|z5eO=)TchKpIUA9EGQ9>H9E#yTog}kijVqr$kg2$u>$_o{&*l9 zyr}Wt;h=MQ3#mAjKd0j}|k+{X6&8$sbN|BfSZ;JA`mXNIu_WhzVjt=jxgyWz*q)U9y>++ViPpb_C z178k&YHsRy=boW0IGj&1$wAR5^0UVi+XkyWSmN75qgpE(f}+>$t^60qVM2`HE6mnA zuAh8iw2`_{0JnL_wZ0wG0txmO;xYqtO7|dsLTU6|%DS@c|(NqMTD{oPwO$eB z+SjbMBLwRvIcSqdVVpogmcS_rgeky@n)RQ|P*GWbDTK3qXRp#&zVVBYNM~g}pUodh5+|{Sn@X5! zcQ8PL8Z*X{qxqb5Q_iO`0DRe9Obf`;0BJxOg;8>iT!_-IX^(-5v9qPP(FFK*D@_6f zF3tN4eZMLlj5Gr!tWG;!fy>>PNfw_TsfcxU&bi1^PcX*87)SqdLQK>y?6B44;|Sdk zB2iCe9_iPh>DF~Fo(WO?3yvIve`s{#hF;BMSH)~o?fQ0K8PhmNScIxkG5hoBq>;K> zn%E3nP0RPP1gmtE{ybQ^3CQeh088qri4Uj+>)4-7I&b~_eagihwPmTkMxBeq@QQ!P z$CqVB4-^NF3&zFJ7IvFYpk}?V@6SiQsD6P#w_fzt{O=nS#vl7f>cbq*WWYpnd5Q%n z&;d_<$JWP%Dj8TdYAuC%T!em&KfQ3Eio9-X7UUQ#l!_dwx*K~@<8%qsiT;-3NdJfH zCqXf}G_qg|VK9K$j{oT)NQM4BbKH^B1sO?KDHbPXyNyR;s=vENU~vYY-29zcOP z%tBA`Brf6M21oXsu7|Mewm%Hpg~~?eg%aM0t^N4!Jd^IVhFq5Uc02wYQ*kBI9}%wh zoI{{Lf`dA6z)ZHL?D6pL5b?Xm71?%;-Ai3eha%Hb-)!ysK8^lb!|vREfRQ0s z1)3izbLLucR=}^)Lc62IbpI94xySPM^DR(oiuFH*yu_>2xZ6xxBj1#Tg?`+dK6xm1 zT<@G4a*m~93V27|BNHkAh_Gubt%T*!Wv#0DnsFSUz4bX{@>~1lUgYjdoh16WeqhVl zA^uYu^IW%U@@CN_nJm2zCIJ-_Yz1p+ZbISYGQBO{DZEeo{DW(3lCNc*9C-!hW{BZn z|A_`ldRkt&Kj-P{#9H!ph$$QN?ISX%=dT=p38qiy`OA+nAXgL63K2weH9U_knh@*^ zzfO%^icheS{ccbONxYs_(-s@(c!!?A(mLf+Te8LgxeI-mJ>Qn9gXIOiTH<&fhKMEI zv2h2Q%?~%4C#|3Ec})xi-&%))a>8$$roAt?IwtCpvk_Nx?HEL;eDeC-ESW9`Oo?mU z8g95;Sa4nQSMyLtlB(aa-naZW(u<66_tmzdYv?khW>+J0c-wAWkrf>%$a+Vu^k5?pbN>MvqtTj(Zfd0+H1`VKfo3oYe!w+Lf->0uXhC#sbjb8OMaSQ*P-q!?vx>-l^}e@BQ2MDsq`3f4@}1KpZXO{+Q<%#c^BL0)?qJXps;pH&oTC zl~8qWvv!6%uuO`UbL`6IuNc~39WCu(Xu>@GFq-FvFAZ-nEeX*fWhwoX*#wx206EY{ z&G?&^QsgDC~XHwDde z1^(VqlGHOL<|Ly-$xA<%GETSMnDWt|rb)KDA89O&9B-CBX1hBl$lIvv=?hO8ASE;pl9d_dO&I^rwp#^jhRrF)*MjyWlL-A1iB^1X(vP_+zd zx8?kQqi$yncJm0|C7z*%YCotoE4+G}6=h(Bd)z5pzLJB@syuT~h5}O<5l6D&9#ADa z%yvykzyn2Z=%u@`V|b_h?;{sa?rp6?Cz3B7!zX$7{<&B06d1S;ySK6$`*h+5?Wshq61N<4l6#sg0#@o{Ze9=h6irI7t|Tv5qk|zmyI3iv7{(62?|8(Y7$Aeffluk_F>(@##((lvEvGoC9G$_FoE~vIb$9T<||OvuglHf z9Il7S%UWg9=F~XIzzOlyk#jP@a|-l5?93e&={!j>g8AOM3&@ z-GNW!<~_DsT~wExpvAAtR-rO>wa#_BTLwoFnwne49bd(qkH+cs21i$i00nNnd!g0w z#cVr0A?GpAxNn;VNM!Yr~KS%78A)Tofn= z-jmBwPoJGyLBI~v>9L)5XQuwyBLDCI&jT`zkjl=s!r{Ja*^@17;aRI+WF5KhJW!Rm z7E@lPdpfT_k^zP=1g?{+najQQAZ%POlDUrUp=wuODVV5B461F@|JCZ)EUr@OIN)Qx zS}U`pf@u6$QZfFXMN9R6u9dSts^(sw(*YG6&7(l+?Zh*JMn9^+t?sD&!f|f;CIhKl z)@?8JYyVcsc3I7*XU2D1R5}e)TsO;IeaUoZ4ZKjW*?lb3u}0f5W`#rQ#Z0JpzpjRN z3WL&&SaI2!tY`>vEO8sw-#EYXG!R+{AGr^DQ(^%GMy6R}YNx8)q))mnl4tDlyU(#% z7E3kk;51TdsN-Tb;RM}l^BalJMUg4T`NWLufbq*E#&R<|Mmrn2_l|BlFku4=N1*N} z!cXxGW^Tpk7tK2*mY)dAO-oGiuxfmPD>k2mK{qu8dD2x*=56mh6kN zgVyTax}d#>iNX`z86^>LMk|~N10*xE)p2$|p1{j=xJOmjXpeY;=dayzQD~@HoO!4Z z8Y!t8ftXLoBgP^jSod2TPHfdc7UZ9xlnjAWEC0;`#)lO(tm+Kgx%Q+SOa(I&=Nbma zy@*tjT*AgHYi3=hhtcpkvj$iyHyb+DE)+*~bAKt8u40oml=Jx8E_M)` z$%vt7CG`%KV{baL99a}L!7CJ-Ogm08X4Fs8WO{pC^$1CE^9ssyaDm5Swr#RAo&j$A zoeF7j1WtokMl$IB4fpE90U+xkLTvv8zQnNcr^(h-72%mE-K?HaNq;=il#<2tPeDmf zYXl$lZg6&lfs}j5Dt;4$)+K&i=}T(#^Ae8(QVtVc*fgkwsG`m01Bih-;PLyJfy8IA zzKilozJ$`^6$F`)VObZ>FW1&_BB{mOQK`n7fqI-_?IzZwI=}MIR48Pc7{CXvfG=$8 z#f&+8kq=&yxaPOmtS!fIz*{?jBeyknos>l!3oE7M9TAx|TPV9@&YzWS@`n&nzs# zBOjpARw6F~EliY^wSm@i=&liUP@1lmU*$(I!a4gzzuJFk!bS$4M_)Weg@LK%uX)VY z%zWRM09sM>YJWtHM#nxr=i!l(-^YK4)TA2(WXXUFqW_xHJIs4b+moKF=g&?g&FOJf zHMtJ{|LOlPm{gC=FoJDv%I_UIMQHF9?Qqbj6L)i>*5muhh$INzpo;RcyzcJVbW8=; aPe{tVDMbURd|WO7Kh3*Z>Ls_$1OE%FnMj2I literal 0 HcmV?d00001 diff --git a/1.titanic-survivors/overfitting.png b/1.titanic-survivors/overfitting.png new file mode 100644 index 0000000000000000000000000000000000000000..30ef52fda788311aec6c6d548fb334f0f884e060 GIT binary patch literal 72937 zcmZ^~by!u~7dE;92}z|prBk{$rJ&L%-3Ul-x=T_@L==!lN~A%$K|mDPAkC(`yYtTN z`F`JX?;rO(#|K@kHDklCsx~d``HYGL$0>OKxq@W3bpavoTU}1nKxc$9M;Ky$p zd3kktcUL!<0|Y|;*}~LxdH`}y86Ow7-kbS}?5-;I!*~sBTqXL)^>slgBBrlR&pq%I z`1uUS@VLxYdU8mq=DASyv2vl13MKL6{$Hr(tg;h?^d8>NWbc0{K{ID1BYry}Lng3K z9Cl9(ZBkmMMn;@a;(lcMNBuP1*FBKQA*|LFxV35dc}H8Dv`x^RPO|qIWJetH*ARY_RNx`A+Y?>4*Jf^(;ubEJ;0J`Ck6)0RPmG&S6NxUNN)D@u=cd}tno93R}maaon`o{XRu~YyTZljH7_QDh=Qux;Pip`&lSLbzX$kY z7WS}APu8-)zc`|UUfj*QiPNF@Tsm_x8gC$KVU3?Tbs9!@>(^-4eD|8qpisPL3JSUW zx)v3>`4C;6S81wif~LW9;g1%>Mn+x|5)%IE>vJpGo32j~c9=T1dCADg__@O^x{Lpz zpe4)azHyU42dqG&MvqtLL=PXbW1!0vzLdT>){@_;K{y_DDj`?F3myu-r-KeuTK<`~ zML|KCb{kd+pp1X_PH80?a=Ymra9+hy6ezom|jRJC(1k|jTlvcy7wX;4& zbWgz(&3bmo^Su3~IB2E+l}D}q>(`HRp2i*yzx&@L#C@~3u{08i<>h?Pn5SS{E?SUJ z*t}3^CLDSa@?K9y%r`ZshN_oY5c^`n32@TkO`9PXjXGa*$jIDOjE5%mu-lvaXd%D8~YCVp%jiVU& z)Jo>&Uo)RR0^1ZquFz8W#`h0*?YS9v!uTp0ysU(YPi?w0Rqa^);lqRO7>cF;=A!}g zF??yhp?Yk7Z)j-fzeSIJ1&e+^ydfxcsWRLOMrg?f4+gqpsU{me%M7@Ac-}8`MqK?9 z^uNJHfuNVVW0^!nCkS#LK73f{Lk!82t3d21rwaG~C%Jcf$aPf$$*HD`uV~v1W}*0B z9v}P@|94ujN%cO`K;;y{`$ew;Up-M!@OyGs#6j{@Tbp#w?g#pE0zD(uZI8W%!MX+YpNDTMe z#!HPHtCN$-OPf#i|C{FDi;sP;M0}3l1c!v&@KFLeY|5jkUw3S{@jFZj${YQsFjD9; z2hk^6wBOyE3$XdoGTo> zym1r)R^*%iZ3PP6D^29mlXG#YG$`>tT6NoXHZ1UeG{bjHwo>I!aNac(9E1{ei4 z{3$gpjk@LL)Ii?9BlP}%>Uoj}VOz0U=m-O+J5(}O<6uzQu*va%t9#X|U|s5TI} z1T_@(-%o%J30MyZj)1kTM-06KRt5vB;92cYRn*r{F(|Ribn2bB;3&HYZ4jhK?La?w`q!BmreiE9lRx zzSIHAZ4PuW=ZD}#Edh4g+*S!NBg%o>(SI7m z|KW7wGw1&yUZdEt<#Ll#{y+CY5`k*^#N%2NmkQ%#Q?}Moy|IQfD=+u_R?pj;&rj6v zlwxA1R9_Xp>53-Jsx7o5<4 zJhm{r+kP=z(0O^X>VQMq_VtOedzEQB>fhmEa4rpQ+0IMdc{JJJywBf(`A>!v%RS4y z5r6Z_Uq`|+Yt5f*Oa)p2O=-SEMgUUuwkX@3slU}^I;N%@Q*VLVS@ow_e&d7y&40;- z9Ypf#&6|y>XuI{nztw2bWV|eSZD)}?h}wcD(WH44Uy#!zgK6AvPBIW&q~pPOCX|m+ z9qZbgc1jzw6yq2h2mgs~B@3df5lfCj#FAVqb#U*8!xmyqkE=9{9xl10?~XfI_xO6t zr1W#!lV5-SEP)syFhT+WN6A6^Coj-RJbf5K5GjA%;TWM~5>}{XWY8f9!*9Leo(^c_ zEdR_LfmS?wcNYRy^!P`cpmULS$waenZJ8nqumxs;8S@I|dszEtO1TeEQ1&M*N;40& zWA-us8D^ofAUaoG&E|GMzJCsc4a5<>b-b)k6ALk~GiC&m;z<3Xk7BMKyT?+A3`%+3KxPDibP%@z zz4(+nPZ?S2Bi}94ZZYHO#t&+7C9Is#vWYW^x32XRX@B}n6*qh3%Bsy7`1wM?1{rD~ z#k$Umk2s-mFMWkKPSd{9d5KaCRF#E&8nY4g(QHdrJ{K ze1*Lq_#9eP>9ARe^F z0I4c8fzL`*QVn4csf+ziLiDyzOI7he0R_m}*>9;BaJ7-wJBztQy zy>xo|@4_^}kFElBA5x#CNTuTX@`$~cOsgY}57kAxPk{CHsnfmckeoM^#v!W@tJet) zGK(xI35kd?+FtNBzxLXF_mBw-8=K>_6$dG55ME|&XPex1SZ2lQg2f7AU?fYy9p25I zUXG>X)jtgi6)?jIX~>^%{Ss$xn4|iaTKx0$@lk3hg9Z*$Z9?O~k*w|{u#y!uE>Gj$ z*4gD}&$4m7@A9YnYU9=aF{W}lP15_L`_@?fsGPh!g|L0H&RIczdxN_vJi^h4LAr(O zDLXhVD>q_8XTQVyZd%2SndWZ3W1l)l;zz>aYj?X-n(E*je`m}>NELUc%6){m486SR+8#1x znRS}GCnUhuX5=|>Pu37IxhgM%%bptKw_NQ?$nS(xIkFwLl(oF|rE@D=S#C4Q2z!Th zJ|o{kiFAryhkr1wR0~`w`P$L>s!(m+$CL3dz4`U{qP1Fpo#EOyh@bKwm|`5lqi z%a>96n0&BV$=ZF)!A8$L#?H(cd_;|}Bh(ZBJ9TS_H!LW*@>87FV-*JX%K)9?U_&?%R z*U)O;il_5kcI$tW{FxSu>~KHs^XcOq5d^Uy5)UZeQ}0o6vb3 zo_$DO{}T@a$val;pcO85i7s`!2e#6CVoP>s`<}h^uj@9nCz|n4qt1EP-Nf~(tniN3 z;MQvc>AAVN4<0_01(_#>xEmW925#HxN~J-;uni@o`O9syrajm760DRCsrrG)k^3_o zzIEOD)i}!1`7hRI-e8)JQm)U99|?gGmMVH^Ex^zG9p2_+LU620U1TP&wvl1nUg%@b(Z) zU);c??YY)W5NVx3IcQ!>)#H%|mQP{Jr1+lez`F|=!Xj{gD}7wsmJ)}`We!74`z?~y z(4#&9$+KzK@SG{^qgmfQXSmcEu}_>Hgj&e<(>NS#IX+4jr97<*odW(_Dm~rGXJ;9+ zZF8Yjy|rbqFsGvB%@E`5smM{>7MDy+|LOtsGJ-DPR}WpF{Z!(oPe1cjQm1W!OmNBh z+T>wi4VoHA74l(t96qJCVXa)YGfFfYh$$yGy=BzcMwZ!dI@sG#w zH0ZajcA0S>_ol7_iulqHsV@_xN^@RkgO;A+$sT?Q5fV*0`#UB$TH%wk$!Dw^=*?(4iU??LM!0 zf^|`sT+aNw+||&(qz4p~>zGSK5=4%!CP5XfJA#?iMmpaEIy+}{$TMpZy{^PG9BOOz zFnL!?D1JnUnCmL}t_Fk{?7WE>azii779&A<$~TfZalmcu+E*KT@D%9rOhD$26W?A( znB3lETE;*;C+S<_ZEKKhr-`q$Fu5nNsJt1@SINFvUF-aqw?E*^=PI1c#f6MiPz}g& zLV-TM02hW>Lc&0qh<|VnIhCl1&94s(;ZsWy_|DRBznl%Oh!9XTv;Cl}stp84g@1NI zAhjq~dPDn%1*f~$b!J?GFtj3V-=hMgzE%SKL)&97ymr>*W_#M^jVf;JLSbSj?ul4| z$6-Obz>DKwpk~&pbu_A-YT35GbetR59C=xLSrdbc0h=3W5Ihrkzp$`?1UHg;mKY#D zA5(Fd97A_@x0FQV?=d|k^KVK=iXGH(Ca$9M*%4U|244HJ9`U7_0YnD2kT3fsAL z^%6o$R9jG5^)8EeNJ!WL3Kp-EQJu*5?|F`=1_#wM0xoTU?IC{Wp}R#OAYHkj-cWwio0(rn14M;?cy9QM5Aj$Lt!aUzB{p5x0$}lSK8Rf zvm*n?>dA5^z|Cw`)t>uo|MqHihlsU7E(?=Dct=gyl-$$tHq(0R*QzAr0;e?-6GEZRU6j zWICSgP0e->caULXH;GL3|E439JjS66@}^pEtNbP0f|y^>OSk;uNz6pR>)iKTg?p|? zwVMaYXSW0+7u=^V&41=k{jllWo!R9S9xK+9kE3Pw3e$P6%8FZ0niv4HFG|8f2+P{r z*Au(|$65Ksu|k(67}a$0SMS@qTe3tR_q-$&wE5CT`jN(34+v`|kIT_zVX@Ne-a!h2 z%FX)umGe&wlEWdR`_$5Y$p8dv9JL+!)?TPpP)_1pDX^pyhJaWoMITzc*sA zGR!0#iNsB^L9{VE6s6(2U;aQ(c^=K#1mwfam2kBhXS;=}^)I&T_nMCI&*lPK4IKXF zKJx>ppS17OXEYKR(4CObdv9j2vBf?B4OE!EA%s+8<)Y%0PkFWUD`_A5ep-Dfq*5jp z?;mf*X|i^PXk~#fq#DJq^`}~Y!=sa)X7x|fzPaS{`mjYM9|l55{6`H)@jahz5v#3v z=wYK(i1HbZ8!GRfLC5|p*vFJ4qwm%$%gf~eovTe5wY3DfXx=8k02Daz(c7Lg_L2U) ztET&Nc-xxuM1gzQE-`K9Px&j@2QxVPfva|@;WMAN{;wL`Hsnh5SK+{G$NyFYh2aLx z+$Zjk%*E_{H03i~L*Ls6Ib%%*ix1uaY;vc1Jn9Y=OXAKlzfces{dsRRtdQ}_l4%_h7^mP@AgfEwc`5aKy?XDkQ|yds zIZf2tyr-7BPqc@MhUI~&d*;|oopTPub+z62fZ(;%m5A3ax|5-^=(9cJ{TZDHbZd>! zIAoN-YpyCZHxKF19lWZY*1WSFKJ_FhdA*$Csl-`s_5)zlncF?Q`23ZJ5ac?ay) z3M@<d?I&__#@M77A`x^M!dMqed-h%@{MOIv9j8}Y3AQ46Ycjc~t@e*Anx zmt&Uf9QO3NG3njyp}f35Q0#pFnF~%hd;@`*BEmT~2$uen0O(-lXU=RRiSsq6*{PsPnMha0E6` zx)lFg4W<0+=3n&7GZ7dLR!{^j#|cx71ETxFwRgAcr|!Eri0MWB4X*J8$C}IE7dORU zmsi>w@XEJ+MFU&<=z!sBmas##Uy?@KWh<5$@1FcpI^PypA1NG(L#Cw_6D=7Cn253H z?=})G(J$$mn`_?uFcd*Y6sgO$EVB=T4>GQame-OdnSgeF7ve@O{AD{DOu}h;;WAN! zx439}?({D1?AaNBLwl_+E~mExOT7j zVmtkbWKbNbG3WaEVL15VT0QhEQ`T`vM=%gDiSbmcZFB^X5i=chG61EoZ!pHuJ`O~> zX}mM)K4q)6Lmkm%=K<@biMn1_16BO(iH#~npgF(b#E_yw%Rh+}wjr1V7+Gez)X?KA z8iyQ0+;QsuhPJkqvP-UePZfw~Y4sEu!Lbo%qM8a>l0q=?D3AX@Swj`7iuah@-l+;2 zdJ1kyq9v&qk|#dfU0qMdAV-X z=XhOKS2uZKsxHfk^yG`OPQn8(Hi0h;oF+>zJ!~U;2uaX6TRqX+i>4Z8FIA`swshJd z1PFRi0V{0){~{0gA~a0=V=sSub#k05Wnq7!bFE8?@M6DMfVm_{G!v2B=as}nh;+V{ z+V3h@g`tD9|0x1QmA%(`H>*y?XDX9@Rwp+P+aNZA57r2rJQ^?YNf2y&AB#K?T=3$T zm>Ar#GLt=Rocs5)72{~1%uHcaYk@xw<)pB|DqHh`dC?;g!I4 zV~Y)H2lj7F;%KF?@P#o%VeZj(KaY1kADTMf6)pel-Jyb-FNHBN?-~FN_#F<^#$5OY zaJX}tXA(`S2D2M(RoNMzGkfstW>>t%x-_Bk;5|POxheH3%)_#Q@SvH;{yI6vk~6k- z*%_bGJ7Vo-8D1bd!OmWig9R%X8`Ij26+0K9V_^7H-(}WjIQUBuZMi=l5iyeN_BXhV z7~VLZtU~JFGB}aQ{#22K_=NyN0|0CQ)!&~K0IZx=>>^wHNTD8NTUO#G;(xsWGmW0vXSsQK z2dk+te)|bN+ws!aek&$H!B4;yyWHKJQRRP<0(hyper+RG6?*+>6^-|F%K?)MjmO>{ zJu<;2O8iIX7oc><)#Um)OroYs_&VO58q_U>o4Zebf5i#*yrm5kgbrA_fZ>*#_ys)h zwv+C5ACt$hPW?@*d<6c=jOSdQM$XeG?-!coIqN z{sqeiP4|FHSKaIC`l4%dce>s+d|#*0!y!f3!M1M9vDS4h-O~k$`B2+E&<3F6^*$Ik|PP3s=_JbW*@T(UEC8zTJKO$ z(Ut4oWI_WoKyh7V4bPA(tJ39an!6yiy;l#DOke9;%jnNc*mLu`>3d~oy6*nKh=`D~ zP3o+@aJY-I253e#sN08#t3`8?qeUdq+k#j7zI3L-TJ(xrctO&(0QwM^pwQOAt<6w{ z1MQy3@XK%JA(!*pFd0Dg$YG7e6} z1sWVNGc=|;~xcFx~lG&zB)u1_U-7H{{l@tBcnuxOYV$Cek1W)-N4O?U<*zs+&pXkR*|K%FsIysXnPJ%qE=?EL#+lx!FWy(pft9| z%X;+Yr{{NP8dDu1{-EwkIjyi*n44@qo)bOf-D~{l;X(IjmR41@TdeaW1Otz8|L<>0 zUSudaVPOruw#&Te`1B$;Bzxx7;Eza7VkCxrhI%apVW$E^i;MuuzrC8j&i8D$o86)y zq<>C&pp==H$e@hLTaWCSbR|l`uwN(W6%sNL)cgdkZAb)gSlwvLv#H1x=c`#NdQIB=yjRA#}vEjZU(%*(@rY9RW<~}`R1g%#HeYAsr0e` z(hQtsz*F3NZ}2za39>o_SWxj-Y)1&*V6~l2-1ynXa0Gy<^A+IFm6YZ?37~@M#;0SQ z{TP(CbhLWWGYdBq?Z~NVz!9!5_a;1Iu7`b_{$ZnKZefAbyth%1$#bkEDgat0tPd8u zM#@ZDCzhK2ehWPv!He`LVzw+OU+>%1JmCamJjD)rrS3d;Yh+%bdww-{H_-P*Alk6s zu3Eo->Al26rDgO5$D%p*kEy!mx6VxLOWaD2-}+5Z^Nr04?9hTnBn z8L-Y>V_A73ho z?TlTLN_1~e%0cFnV_^Ru=mM{Y)Q=E|RuaznZ9VvoN#ITedv;sA69iN}{*O7p_GGo% zUOf*>xm8i&cJ@^^{g$2hG3nJ}c5Yt#F-7?r>o+Z`?zk|FJc$NfAXH7Du2_|orU>Ek z$t-_gENl)95rZ20$0JR6K@=1eeW@aGpj3?i^y!|Axj7>U|7%lrWz3S2OQ)5+k7WI?LnnmiUq@?th=@6Ht=cUo^hOJVc}}?>vA$%?T=tm z>_=>SoSWKKG$PpoLckVuZG^U7=bbyyZX;^rKo>`?KIojP(CwQ`1I-$70XLTwusP|n z%nHvv_**p0rbY%XT#6as=G>z$tA$he2+bN9z8LsyLO~X}nA7 zL!E!6V`S-rY!b9*c4a;5v7i&+pej)9edp~9 z?qB9imLskAD@Xzvut3Yv{(*J5b(tMq+cToBjJ}=6t7dO?auMPv#7PPo6-Eo-z?&5A0=E+cN>Os#5=p=1u{vjq;mi2` zVX4zVw`lLwf|lotx~u54)8hT=bS7m2C!Oa0r_|s(P{|VZ%|d*zk>CEbs%-GuI~*5l zxsi~+nTRtv8vb32d(ze><8!*L7d%9nw`%Fync^v$l)9izP&svOx3%Sehzo|PSDph% zs1;}%;T`~-KgPI`Cry=Aze|w>jYoi2px}u_3`6#)(7cI%LjP!f2OtNdc5*Q5Dhl(#4}OeShD{#g#WRlZuK8S!wlH z%nRF3$be!N7e}$lvRZ$#&Y3A){Ierd^O7DJdHp3#O-g91@qx;D%O2A`{pL9w4Umgs zpZpQ#12JqFpH_06^tMgtW{dqA#nAs`^!oO!mG?j((`U0#GoqDb?bP+;Z<2DSNoToe z%Vt1a2dK}LD1fMzqXcez^T>?7-WoX8=S{#H0hi(p8l0p2=a{|U`(;cDMZD$AcjD-& zYY=64loIC8qQ&~?`_F$IbqA>ZT%b3{3E8VQD8D}23sZq0@%Zk%2a0w7KKtS2{Jg2L z-@%i7)%2)Q{mNG1R9@PgtI8xVN4Vjk%KLabVp2H44Q=+5`vW(isDHSJ91cA$5be!u zQ@zfaeu;L5-{CWlovAL6y(r7c1uvvDxNq@$AHF`_p6n!2lhpXS?*?0_6J<5U*#TL-z~6C3acUAvOR+R(?hj0o;#} zh^P<%tJ!lzq%5p+0|uB$N43pIVkV~1Nt`o?Is&b!IL=XLB#FKVlHKQ}rjQ@HT%c1T zSHU0D(UijWN`P*9A(StvC{0Ia)Z^;A>MVHF)U#!KFYL&pAeACXw*j3Qe61;o9rRh( z!$Y_yu2HRUtVkyg&|`Notk5_D&=HoGN$SidP(Ntb!|bsLYUL*V?FBbEN1l6_SGKv} z>(NwHQ)Z9(Hk3}|08pKBo;g2Sv)UhMCuwq?#~l9LtYb@RoWM@g?d+dk6tyiPKy-U4 zseFSqz$|~`vyZ@>uTX4T<^xvv@ZcjDXf=B8?)g&Br=_NvJKtMRKPJ5k?=WL3D)MeE z?g;++4MQ5@^C`)IvEcdmR1XehNjET$=Z))e@LB$EaqGAmz zUx4Ju;SEMl1Oc7!2&Iti%kR>zhdX@|%?WDnORY}}cb3JQUg+=S5Pg}>h1LqLKmA5< zdbBl8mLITP-yArn2}M#IQ<{+DuzFXiT1)HBN=rWHuWED~ZsK?-eB$CM6B85WXP@`n z%CDybZawXp1XS%8r#}p4^r~PEmOZT^gpoT~{Z-jtl_+;ksBqYRvp)03 zIu6-542o@k28l+u9cHK9X)%8O>DDgJ0gM6sf`k(?e1V&DE3jz=O^>MYGvWJX?df>F zF4j3204?(MH*vm)-X1Kr|I31J=fyaeuUDPjK@Sc*grF)P2@QbGIUFgUy4geTzs-$s zI=zn@CLn$`;6z*;o?BU^O>_X*)ELS;Li#KAK22Sfh8o7GePlH?p{^m9-?fR?8lI>x zKH+9vFtXk1(|gn`Udd}d<#g-+iAz z-K-vrENsQZOg#1Fd~YV&c#)NG;YYB|Y!8QVsy2zeP$4_R>MZ)Yy8y3^Jbv%jW-!Q6 zI=(hDooRPuiJ!kY4r|ooW}HEeufhqGhW*?pW%9gPwNIK`6#^$d(Lh6yFcH675$o6R>|gJT;gy)?L1| zwAA)-)|x~2zuJjulP@xcJ0IJ#fBCTIRMr(SEX@D*aU>0eRxK0FS0a*2F#XS$C%8e4 z9_=3(oDP>)rULJ9YG*L$0uBJ`3TlWa_osFovPNHlqmo9_gf=nong0B*wijT}jB<68q>qyLDwx%IUw9%HLva-956Sl>XsQ z>hnx#|0ySbZ;ZBPsBGrj4=!COOo*D!UqgILIOP8F^?0BFQ+S?riQY!ajSYiMR*uB| z>VsQORj4RSRVI@3UNyJCqry;xQUxlE$$)Oi^v^2|Z-Ewfi*KXfUlsja;x2{Wbb;R2 zMW?pTxQ=h}jyNBY)oE~H07|)y7P%Oq6`*DU&ld*WZ0G+Ui7gYx+*AY={(|w7ZW32*cRZ`LRd>0e;yk0K2_z987lRl^hG_ViA;X zITp&jIy;wFc=K(y`~9A)4v~?AO?v;6n-7MJ)6R*ASNT=}`Fm@l<w#}?6j+8XtU+qco(R_2MG@g1A3;h8PI%EYi)L*sr16N%z$hEcWayW zCG;!OD`js|L83Q69%+1S!$3!EtWrv5P%9Yst#>BY$JM$sV+8BeNYqt4-LTH7y@Zs` zq=|j`ukA3UHkUj1xo*o}p%uh;=B9JhX}(Is2%w9M%%HtJR6xw;+I3HERivnjf9Bb0z}>KIk2B|=U0oN~Vox>(XNP~*#Av*)Q z3_<15k=ISz*|h`QPjhDy1ZXnyZm_H))8PO?EKUTU_Wll?jD7LlUmdXlN#xnZu|ZOF zoqR-EXT)P~D6DasOKrUHXdR@JO@!7}y=0u~V*q`9xrCPm-hF9|9i*c)&_C~qu-fk( zIteo#7q7$*badw?B5ZtM$~{LD2hS8K6+K;}LXrZ7e#DT#n*C$PfaVRNkCiI#>(2G6 z_ERJgt3E7aTfzN{nK?Yi7)S>8dC?SRn_oeQwI_T9^gJycmv=eGW;xyd-4x%o`4OGZW*PHdm7tk6NJSV3D_gGi?&R-ib4`!u@&?)oe4NNCCxo(syE7L@YsgCt z0I5{b*QeCb(D>mvlVa8x{upoosAy=-o18*Iqw3L-kq4W`1w`8(`-d7}WX&h95Rhcx z&Om!dVU4Hm1YgvZG~i4{*FxYazU6kcy{7o~Zg z^DSzh2^J2iY}A^&6cEv{}b)_#{81g2!Yl^28SwXX3lHq3za!rBn*mE_rqADXB;hoB>F z>#dOFA=dF80U9Q$c;=V%%pO=^n$@>)?DwzDGJ9!}E!st6Z6b3Wjs#kTIw@kVEPw`a ztbW?wUc58-)>+8*!SPXQD}B-DNFlq*QhCfxGAtiZO;{qYBHfUQKu&j-yo*s#2CE|0 zPJed;Eaqm$_39|>2eNu*{mcs~HN5XRho`5vdqNiwgn*rSAsQpJT||fd2>`5=@7@@l z4?3InChP9&dj?6Pnf8IkF_coOSLdFtpe0&l#Mt3)=)HtmZ-{$Hh=kPF zJJ2<8xO%uJ;LP6M-j1yz2JD7oW2Kx;{{2&j6cJxoV$F`kyWkkkZ@#&|~V-45wdPwNTg z$al+tx%Hu(LXDho0|!rS(&k!+rK?ZGX;3vxiFDOO!zQIN2gHPqseUae|6?eHe*d_O z+Q)F(Z|fk_GF-bDevX_L!m-ABK#DW%m9y1@b0Tjsnds6{QggAWficdXY1MrEjsO}Y zi#9(DUpS@!&4jcWxXr#k0oq<(qHyUeE&}QEECYWXD;6{W%Bh;tyN3je#;5+-KsDR_ z2(DCT45}aP5$&MQJ|gvSbkZx-!o0mel{~DgD1p({ZM{FFMRqC?E3WvW>7p80P?6ix z(Qz-z3md|&cI#+J;SoEjW|wPW5v?zFTkitEePfF$4-VeAehLcO&biS0M0LPlOP%hp zm7~8eDfd_VJ=mGBP-HWhBcbrLp{4oiNUPjb_}okz@M8*5+4}d|;@x9#q@^Wl-U{_b z{9g73&Ae*Rn@?2De)8VEbp5}d#FY-p0dKn)$Np}wXg;@a3>Esra6(Nzfd;=L zk!-3%mKWH$V61_PlMTY9TT;Hcjn~@^XA`L&4ayl5l$5`9O#Hj3U`?`qehZur7MGU1 zkNQQvNc;Q5`(D2KB!XlcG`(*QzxQsqsiLu*J9Amuwr?02Hg2lOOYyL!6&g8OzLdM- z_w@jQTEME$v^^Mod$u_hBs*Voa%^TAgaA@vF79VQ zGxX~BzpL@zH6ZuuT!&eerOaEN%_KL_c(?Rpy)#RJ|F0KdO5yXN(=@*}9|S;V9{}Td z1(QK8PVbr!Qq)Df&kXZOQ`$Rc$#($YMBdCI5G@j)rI?}-{o-$nS*5l^&%*b~&aT!>cSra*7WO=0pE8VRfQ=WO%%Aw0 zWl+cEa3^=F>RJDv%Zu@ClK>SsoM9&5g0(Y4-X{Qm^1}PI(Z$j)rg5{LT_;n|)r7O7 zG9B6&GE?UpZ%{UXTV}xyD4~epNGvQy4!%zlZG4Nt9fdU1&%pgY%FwRAd|dAv7#{0# zwgnP^Bm4bLUj@a)+;jOT$*AgLO)c6<{ama$X$1Ryu9lnBlp^b2j!JxPM%y7a$&3aD z4PEY)Ge#jUu9)KDVv_(9&~LAr<}|m&#|cduX|mT0z;|MYM$`g$@+_0nmh7lf>E>em zQzHU97FL*Vi7}wD*uih#xC=}Ss1+XyK z=n++0urTOa>x2gMZXR{#Of-?asnB436eZ4}F@hUKFD;su+{X76P5vDg7Q-~D!Z+>@ z^hL3d=+BVoSV+-HQi9T9I)0j{QL8uu{EJ#CQ|7kcIHD>oGm!u2=+}?6eXBA=g|)G? z*du!3;KbofdT!oSL0^2EQ~T|KN^efxp)QQ@$3Hymx&dHzDX#O-mh%elK0G5#A`q== z&A1eAn}F`7hXex@NE{CUzyLTt9QgL?ivJ5;7pu6WJ+zzkQv&*>sG}ez`T0(X8<7lb z4j#4`U&@o!q1BK=5^6mbcsU|lCvc*CXkx4~Y>Uf$CmQ6eBuXcS_sqM^EBJ~%s6gje z-)uH~-*D^UkGSt!duHCG>ZWs0-TGu2p zQ+uI-`U*$rfh%)Yi62ZbU{9>!j|l=HzJbB;+qEM_zyh8tRO{c<1Pyf6UJWNs8IDqE z7GKD80qM<|a8|W?%@FWhV(H{8*z&t6r0>W9f?I|DkcM2&O@?jgZMFh>_ydv$a<5IX zhEN#5KL{T_*uJc&55Ob9Vq~OGRyTN%JtiY(|2FjYn#dl{NyXnFdbV5~9v-d5}8Y2m? z&$?P!AY(9&ul`KaB}rAl8d2CGKI%}eLs`BlYOk(f06Lr7pci8eajo9~nCf+9hcGZ>s{o!ar;^(P ze%q>;9uZsPlGZJDQ^V#AZHp<8YQ5qKF74oAlzRpar5hRskoGZ%oWtAD$zZQHgSz;8 zlWV8fM;q)vL!W5BbFjVMaC*w0Nr!0jjnHv^bkwvV#I*HesqxNwuQVs8p$39~$Fh6> z{{4HbbrS6}QSt^^>OXX&M-23_Pc%WdlU(!s@!BVOzSs&b;j8I;;}+$M`;u(i|DNK$DuSr&VRb6#76;H;Njyw-9+L zcPOWu3QjBS_pY|qlQfp?>e-0R7k7vMhpDfQs`81tMp88tLxt?ruq? zI|Zb?bT`u7-QC^w&Ha7reb?)sF1^n@^URz%v(Mi95ND*KlaNqLk2dq!yj(<8uIXtI zAVR{TpkDv7>?7!1(?bh><+Dl^}j6PvS);t8r{k_FGlxMK4 znrUc$M8O^M7eQ}ZCWhT_AJ}DjR1RwrdigP+lxr3)vEvW94>L2fDpT|UV=KF0(LP50 zT{SY<-ZL+q{mQ7~QJ3(_@rLOYFB^eNN&YJF$AH%)`9JYn-*pWRO1%jS4ej&$wSh*i zc`iReok?GHz~M{%W^KOG=^v%4CkoX!gvUk>(o{3D?Be9kfWs<>zhW!YM^1aGx)O*5Mom~Zxr`>U8voI3;DEF|@qj`n z<;S+0*I$9l3>ZKT)ac@HF7E#NIOXVIf%}j8+ju(PV2ssK(hf9poe!xzaYx6!m`}}4 zK6kwNHmaMg!C@tE(DmWyd#1|70$mCBy}ZboQ8Impw{Zym^dvk4m~_r-6QY~Q(ryv6!u>Zy82%B@!GGLhIZvX+ULN*^5EoeYGX)V;jFa+K)^e3yhX;lO@aLD_d_S zuR@OyxJM4Y?71dX_PIc(F_i>N<9Zi6IUAtd{n%><@q zkoMET{(ezNlG@+N{Yx|gHmZ)m?BO)tZjhZ?y^|D&Em3-e3rbLP=#rOGkb6fe&5$>_ zWV+yTr*fHO6&X--`YQNrAKShYQfw26{z3qae8{Pol&amue+@6j~Eow z=H(UdE^0xC%~0I@6@|&8HtRqVk(``-b!R6;I^X?0?e}bWWksX6oS;B?e|4yMZ#$@* zis^W_a_~K*$9=ojZG#wdJ@yhlEj6{)>5u>c1^b3krKx_m$;+_6y)$h0K5tBSaj~M& z)$R?a6q(l*fjWiKQ6Fz^ibTO%Fzf9zm=Pl5SZ8whcrc=(9q+3K7V@1QYIipT4=0I=Z{NO{N(6_%tqO!BQ&d3RBpX?09MY*^McK0QK$r zk}7O9ZqriZ72Amfhdw?bVUZhQ&tJ_3Y-Z8v2euvFWvW{^n?dDR#K))ao*CI0uZVPZ z<<>o8o}NyQTSl7P30lG`#m07THqWH{te?gV&hlR@(ak2V(|3J4g9f1ApO=zfR0bup zw{^ftY7S2oC(S~r6#l$!>+PEZ3{fPEsArUSf}VG=fFwdApk8Z7c_4)?bVaR1=-g8N zH82>j6QWUzqL(~1q}K2(36o)Ipm;V|$qS$M z)NcFL0WS;($H!gK-xT93Nw>K$U+p*Zx(4~wpM0bZipV=mKC6fuJ85kbxpH7gcH!z{56 zyO$@k+p>*l7dz;X3qQSFop!P?$uSi0yxHUd7$YDGWr_8=eXy@}8f0pksIOXOSj!e3 zJZhHB5(-s0gC7|jL>Cnm6+XM#$=l_35c?tX<0Wr?$o6nC!H-_PNeUKr2SO|cD+-?8 zuVcsx*L3Xz$xVZ5M~}O2Z?4?eRfJ$Yc!qxFW4upX{R=%0EM$yeSS3I)VH0Jc#aiXn zQtfD|q}dB$1vA{GM%VEjb9Hs~LWP2C7Y06ux6VV>a);Lo@yBAJ%JJa^N+oKDqRAX? zP3eX;GP0)q)8Xh^`YgBSmG*1-g%F$Hx1vVm-aJH-sTTE*_t;kG*x-1ugG+ibAW0yV zx4n81MEPa*1x6o(hG%6x7 zC2-lU!LyrBv4uMBjQ9dk13_ndd;80mFIRTQ^9vtmW_VUs_M|ivxONo9>tPfN6;=Vk zZ)Qftsr<(6fK&ke)!K53sF-QLrsFWlgT^6F@&==RnR9oSpRw0BmhZ!Jo%kfg1l3&7 z4_Mc8&f`-Kp9+V=_*dhp(djUmM5$EgGw|}UE+kCYL({dZ6XOSThzv)-rGTvzIQkDPZ*UOhd- zQm!E173clKqt^^aZER3|q!vM=#p)fSI_{N4#la>Mn6IxKryhv1AU`MsO!QQ7C!+Z# z_iJq7>^9l1%?QpV=pEH`Z+>bj9uSpI+K`A7J=2o4AjX|(@*Z|hI0*#MuLI?eEOd2{d z3I%eZDkdf-g&7rPWmzD+vRN-Jtm&gfg{>8#?kCwg68~_+618|C!)x3XYu+)Ro3d_U zZhdMCg63-y!)TZ-SwqE8aqUJIW>gW_GBMSAg?B@Ld7X!(XkYLbp%<ST%J5w0d zrHsm64s#$G;ri&a?Cam<4r+CFhQbHHqYM{6T^eFMT9V^o#}Ps(L!9CvaBhpw4T=;B0$)r|V*`iEH)@tBBm&*7oG0Kv9bv{Ky7=G>lQ) z)uB|)?98Y6YSXqLb@FzwG z`b+#3;hQxwc{dt0LX$UHef_Zxmtx~CbgMnzO{V%>wvI=1O=e$J7YFA_6?0&Nxgt@H zhG#08nQ85dV=~1YNI`Nw7OJxYrbi?BGRX}Eibe4xP8&UMVumR}P+J}2Xl^R~g=gv4 zyItsl4LxT@+GSifHH_|c!tcth^++1eU!-ysTVO%s*&IKFHG6vhEgXNj4IK&Gg&RLe zw^jf}dRU)>gM-iQ;-!p?Opft2-^pCHrc$AhE_3uo-CkVDoa^+}LZ`VR_j3@108+J5uC z#gnje2)MhHtWhpN6PTKhq=Jr8yc~%s$7+d9WBqF5hpoq{UI$`z=7%EmTu@mKow?JT z=UQM9H1CkqM&Djv>2r?bVXgfNXTdhReGD5z`RRNrXmjQ5>}-2fOu3OHbT+M`J)b6q zP4lGWDZGb^wa_W0RV=A|eSK%<2pDJI^V#@RIS(a1NVe!Xaxc5_eUaekQ|cwgGlHqH z^qXT$wJuP?;V2GNqG#Ps6BD!9qD$qmJ5U;kyc6sx_9grFrrr-F*Ys^7}D>3mFQWvHT#u5osP*? z;VMAj0wvlPyun{V$L#b0Sx3axC2`v7Ge}c>c>3IZk(iC;E%T;uRoKxUB?u4GMz*Vooo3{a*iw3|>? zucc~G!6>-nQelUv)YVn0(VlMLo*t)5tyJn*8lMH&ED{SKk>eE5Xd)PVbOWgj%V)(t z4`>o*GKD@RpVFRkJ9-1(C8f>LxpQVguUQbaMBL0w}cQc;4Zvgn^X zHf}`8gFiyl`?_d^!?8Z;06ui#bSLtcv*~K~V#T^h{LJrPI^KVU&PmO$f~d-nSrc%j_)I6WX%_H$H<;<_QKENaVO!J-T6~EU>ga-k&^)?pg9Ww`tp#{1?!K z62YS5xI7-rVVmWTo44)T-?A7vF${cVVZ!AHE8T^V4{rPr7r-vR+$m8Qv6_F?q1cmG ztZ5vl3k?P&2q0p!g4GIPw8$L()#6&HI7QieywcYtLW-}Q#a~UcsR<}9BEVfBLJ!D? z*8wv=iDT<+XWq|;++0oQPbA4;wpx&V&o>+?^TzYGqBlEttZEFk{oUDJc|~hoju9b} z!-HDuc4>whIZ@flQ&2fw)yD*0{N*oLaOC|+{OwZz{w9W-^HpK>HH}=@qSR7uK$!So zv_bu!1zAjNY=bMj@oYKaokfYJ!Qr<{?{)vr$l;=}^h~Rq3HFZ>Xy@2kr*U}8N{2pa z9K0Kw&<1J{8%Ia>P$GV}*c47{HNDz`^39JpM@}~EpBGkGLDJ)9L#3$N-#em0# z4`g_+j{QUXcqZ%mdgV`cx$y3ACGT3p#jpTRD{ zWzc3Ov(ANW6?v-9H0x$C$)am{iRWdtEhBMi{@)0({f5M$li6^rJh=h+9fska+-$6L zhP1M}nni_DGQJBg@21HDEe_nVRB)R#UuMN$%f9lPN@V}7VLqjuHxGS4$bUhQ1UWOV zlZ<>s_xU(Aw6?^Ac3a7ZUuv1OmAyrHX|lptM%V(#mI}PACe3zck*u1S{_S&Sx?{}L z&XRoTSCr#bx9{LFwgw9%ge?YsBsBVhM~nCDEz)~U#mYGQbA9*q8tQ`s!!qbC4d2+< zIA;dfeIcWxOP$*5clphAe&iwYxJ&8`N-&3yWrILhXlZq08Vm(Rd%feyxJ;=5@>gNQ zz5OMDs#tdCVXCzke+4YeA2`6hj{Z)-+1Z)L>EKTYqe^M(hVgrWfUu8w_k6Y}diwOt z^#i$+`&>k}DInosdhXJVUl#b>$U!Z?#BLF?`}ix4Mkq!k=}Zl}sXES%K7y({Km!;w zZWy=rQNwUQhvDLSFCHs9v9A5LyRG^elP{d$8H0*~k`2OxNEwS^pUvr-@Z=cFuU{*h z`2uh+b<9zjquNH9Sw+m>H)#!D-M>w;e|&A;F?2#Udb3m~_qUm@fHx%hHdOUtaoo6d z{uuvB`c(3hm`V#lUtHDAK6C=ZUA$hBSyT9&p33H;Xw?6<00+v74wc%39%TM<1+(Nz zl2i=B8tOj7UDmMMpm0v7SLRHf@bjlnON$`jyR(EI109S=#6*4`L5)w-{lvZbI0{Ee z#Rb)14%h~++t}La+QYlwHkbO|y3TQzwaf-9Tu_;u+G;ez_A9sh2g}xBHjWW#q{=_1 zf@P~q?)rdzGFP<+4(fPcI7KHoy!(}aF(?WCamcsO^@#QJ(Ujyhwl4)RH#?q* z7ep8Pq`eu?OrI9KJ0rur(Qp0;2RD8QaZ<-(?Kk21N;AkKU~;w9YG>gMA0OHe?d!ibCJi?B#I~4 z4`7lvUbwQpkUSJpL)BE_y&U7HUTpajfnGvO#3}9jJ?G6blWo0Zgvf8%<6j zC|`#OPahm|e?s;yo^eRPeKu0CPORh*E6L83cFusch_P@_HSyOADbqE1wbAN_s~-dJ zvZ3L!WOER{RN`%imLNL;`o*sP6|EoXG0RnIxt$$7MDIc25~t!`287#=%+LPVrvUR+ zb9}cowtxA6Ssw!hZ?$qmIDDGA;@ijxZ1N^mKspkuU3jfy#=bdxKeBF~#P{FYz3)pw z&V(=yq!oF^Ud~&8WEv?xs&XUx62OdZKCtMjZcBgII38@tai3aPKWnJ!0cM z7bqxnKnK1O%wm08ZwxdKZ{|mPkLG^WN|}+kco|;gJ`0gMxZN&<$n_0QA3U*=ct1Tj z>`zI(0h~@Z+;9rdzyJ6$pN4wrnjJN&no48d0&Ln?xGAepP@6C!=pnKzU+q2RhL2tl zG&WK6HXwiabbH3+SeS)(F_5H_O(*WgCmy1^P*)Y|66_a;FWZ zN>M$2qrV6L-Y5KN(8n|;JqCvql}5~Xi9l|QcO3TpXlAi%;`qORt<%e&7lUN$5YY&t z?MAIY5NMADQOC#+!eFtYD-`~HU~uTya?!N{eWL}nDYf|+kaN-~u?ch$5)loia@(_* zDs0_ucj?X@+zX$c!`qaX8H+?L(V@HxsPQ*1^b{uV#P>XmM(97;3W*G&px1p!u-Tx3 z&+u>A{#@c#`us^LN*cVMG%0c>!eY4R0I~8F)!KSr%U9;N)?v-&*GG$J_$&c-n|)B= zI4z9`0TuT*kUI^ea>pd%8IJuPHE{uq0-RIe1&;&nAEs*N7?r29ZOqz=sHw8{62s(z-f^wnCJONS&IXEtfn@eD5G{cx|H!VxLW6S@p!+d7 z?8u5IFbuAB_7!bIml^o;oep>k0M)CyMfldYF;my|8`!Q4WriF$wn6P6(m}zzJmooS zvpUT4pBv{n!l_LIc)6D)Du(s+8_~KVvfv>2Mk@wGPsS$@$~}!iv!<d+mg~?{+Q|Gzh(@lplgBe<{_EY7GP7zOIRPqj2akc! zqY5NAH8{Mi6-L$vmKNiS*S(ZA*kyh1pYZXG;tRenI;8l2xvI+&2J2wx1DJ7>OCBTb zc}R%2Y&A|b!MXQ8wUYQ|&wI=Q7W55Wa|uF5#`?P(*}h(}%kvD+tEBHuEdVYUud_Gq zv=@9h@t@Tn3~8`^!?wsD=ZO)gT+cl>1I?`j=$DlqUk^@|j1;|Pvv}!w-`?yQDmoD= zpe)mkY3FpZ+pS|xa!te!d$w7OV+p>#sw9|!8HZ!OnskEU0UU>mm8$G2`myJ}I9hJE zi$5d+dEed~O_cQK^~I^GX2B+yP3mcOhGJK83al1Rn&At2HGV&6x?YmMs4?ip{Hvun z#W*0Ttp9!lfZeGPjX5R&0M^s*cyqyWY5%ZAXtGFv%NX={znbBlX{!(F4BJs)9$xX+ z8(lE-Mo86Py*5HZ-|HCjMrR+$D60yr5p55!F1OME(ZP-atPY(~DMP!d7MBl^9PzXF z*T4deR!+$V0Aj@QH@vqkh07{}# z8Uo*2*MzPHuMN8aIAQhAq8LsbuE9pl6bv5(yxv8VSHbLDo*XsU+?KDFQF8u}RD#V* zHh!~kpkU?OyH)S#OPB?6(_&48n!l|wf<9@6UP;Iw1A4xYy#v z&)|askP*K#l$(bo@6RrNaVP^rIE_LNReU2cI0i(CJppD1681WG<))o-aw1O;|Gb8L zJ6>tkfcnZJM)#Daj5C(QX!0NfQ2ZyM(|*-@brKf3MR6-(Y%(zG8-vAW4ojrv=Z8?? z#s-}r8gP57yk0d-Clg=~RXnBo>Us@}yZa0j{GrKShi97|0&&@6X^nA?NMF8uiD*6= z%S8oV3Y?*xot=hvKUO?3AR}hO!+f&TCmNkOuR($-K|TFI?R>WLz3&i%7&d70c0=th zUgBH@dMqq}ox^I0p}f>NStZLJcKHl2Lg4{kbaOAWVY1`?uC5?v{VuBX6ai13>*Hma zZmMxB^&8>2qsPDygZ^?D-zD;y*$pBT9@o63@0)$p0IU%Dx+Z@m&}f0}R9cq%!+I#~ z1++#$_Zd9r(9K5djrpds)@E<`sZvsJ!|!NpinrPET!j~t4bIl$@pPuxfXS@e7fZd1 zXE;~f;2s}&?@cL^l4)YTs~%YrA(FqV#tCzG3FnQKt0A5cl%Q=i-gHj37h#QQdLU2W z%zHULHmp(m^4J?bt)b)Om(7aoT+n~;4t6w5^5>#yYO?{b!`|#@w(A|AoStUcthS4k zT}BbxQ+`hR+GKKtiX@O;07V0htgRtDs5kT0EpOhxPahgh1{nf!JyGgsjq(&Z7#^JB z_BllBykni9gtrz8FAe+fx{H(oFZbJKlQJ9faftV2nKqL;aEdbBEN@PYRVrRRr6QxJ zv~LtcV(3APgInbNGibKn4+>2kUzQU;v2f!m`&*Pmyg&F;A1c}URXc$F!-noL*32~Vl+ z9w(ERZKeo(fhJ%d?yYC4`fYe>CGkOdz8ICa=;m93P#@V%(uvK^GvYtW{*p_#n;Us9 zH@e3!&~H^v3Rd82f|3PF<-v;5zL+h1X1##3t;mpNu) z0VVi`tK!AwUYg>_A|i?fa)Cg_PrKGuR@UgY3VZwN{Xg4hFS883UcNZPdC)GUh~d2X zkN5LaXp;{x_wqQG>MBB$L0xPs#X=p;qMJTb`h;aP?XgJ0nfpi8P2II*u|LrK_e~Ph zW}$2S9CUM}3V}r%&`Aw3qCLvyGtots&y&pZdc2s%b+EP7-5twyan1EmPW1PO)AqW} zB@qBkAsDn2rp6=&|AnQv-e0i9O<*iBjz?=3UA9uh$#LN0L$f0Tu)B+HcL#Z*+V0xyhAU_E5|6b>$$gq&8A_Gw-rrsE(q2#*CqLmT#G!76K>~ZQp>x71dW^46OX1XNbKh6;9^T z*6J&NBsDW=5#sAqH2etKsMu*}q9_fy$iV9EZZA0hZ_kGXspWo$^lra<_YRNGg(+Vq zBM+E6n;tEL5|MSwqtYAgGCc$UUw*qh2XIEzQ1M0)DxtzWrNUmjG7hhi*%?wPsQ3%h z(O!7o_$fr)& zk}EHtlp38;xl4|w_g;x+ldDif1%(C91d$QRSoq+(-Q#e;V&SbutzB3d@;yQ6ycxkg|eP4vxSlwNVUXFFqGim(+p`%4q zekiSGNd+vJm+T-0WclO-lQ^C4t}6(>&2ALn(mb4c{rYt);8Q2@xt4$T0Er&jJFeH$ zuuGN8&%D7g9l$9*LbqxwPcP@D&MJmB820X!A*^@J}4CP3*$ z_RapDHoA8${HAQZqF8+U0isylWj)U2Z7Q4ss<QBe`ti8_%0yG(${AG^(1E(!J>GMWPS zS7vhzGBW<>@{o$R4JnPHhaP+G*LgA-KqO+%!WQJb@eUE6Bj*?vmLR^0I}kP=_AGD@ZDW|K9HCTC7!xpNj||uZiEGL#Kof1 zM#+=TMJ!4!OEHh$?L%6?jwMt_Ds+4ZN@!{7HkV)DQSVZ_!D4qohh8y7+;zsoGEbV5(#ejgk%cZ4)#d%dE_<$Qz0p=sYwxqQ4*jAy}!=tGNV-!(Br ztxBAIDf5_*rUpMOrh%9s0?~PSY+|23+cs_?gN38t1u zuj%K*B1Fwu@-?I#IMyx-+@xK7i~?d2orE7OB4E<&f)+AhKuK83odAu#fNt*kK5h|Q zDdO_&g8+1`#m^Qd_E8<}g|aAK=7Rt*j)_?l(*$_k4=hS-+l)0wYORX=J>$aaXG~rs zLpj%n8(U$E%SG0ONOwJK+Law?%4Zsi?$~)?!5b|o-<)Ei^(>SADJK3zoDrmFH(o4k z=ID<|_>`&8kwk)#c<&@FQZ|x!UtF)B)Il-jbia$0eDw4K$61n?49U{~R&%mdls<(|1*AR>pXX4Wo zQPTTlpJG1!k!8%`ewUT{ZJzXCkF!pTU38o)>Po&T{xRTVeVyukM9%D6tQy9lM?oh@ zd_>{o6-C5_Ktg0tW|OxXd@I68qaawd`Yhe)3$m57CKfjqd)KwKwRoLCPK3wf@MrJZ z4CJtP>A!Dwu)BZ#8B1@3NQ|zAs(-T>VPcD-f8IJ5Z_?a6kWBvi71YG?=ATpJ%Dh0< zV^9L#{}loJVmYnNnZSE{bMNT3Q+#*Z{t1A!qvHGSj_Y2`(sg7Mz*?GCy^4_07hf6|y{y z)avIwIiKf&aol3A^$gZ}@s=ymCvYFPXdS&Bkm6w71azfaj`h>;+_TAXQ-Nu@&!ess z=D1g&U^L6F-Q6kendAX9oWSK?*y3~XGYQW^>1t98+W5VR%j|(jw1%c+CMnc9lLyn zQ#J>mbbItLvV1{wu3K9$ZOSnf!-W> zw0k7jFuJR=ZZuOv{Ei5n)z#Or!bwt%zF5r?FUB9P(j0X#+2Ak{oWs9U$b6D^_fZK! z-K~VA`OndZNl(8ihl^A6JL0tdI;u?;T0A4#=MvtKc&|-R68rY;CA-;#Y^)m~I^Y7z zZ})287Y^`A0cAeep~y~3Ov-Vfp1Y5kbUiea@JB$unRLnvFIx0it>v|(C~G(zCuMwE8- z+;->Qm)*6wh+6u$O&z{=tLDc2xLcH&*#NagYe~3~p?AX`f>SWaIO(o(;BW@arFSO^ zVn~+$YVv|e5gd_3IP=ux8oMO=#1VSSQ*WEI$jLQZxXcxus)Yf$4D6JMvxK|v&}JPV z$X0zX_+nWo50w!qHlY9Q#QfK#vksY)RlIfDr-MV?CG8Q3Ct8L8CaEhJHUEgNpg>0? zxz3!Q*@r?C{CgG|CZqR$)?ETnz8Lb%1-GEaoDs_{?aofySZf{Adn3y-iQA*Kn=GBjPI?)283+GMe7kq3fK2qyR9;URTVte@(>?U|}*&nynqSoWusf*c@ zb-`u;j4RDI#GF>|0HQc#(-KUqxxSK9B*F}3>Ph4sZ$(L^$XhMfk~fi76fft0E=lgY zDPrtEN|LqV=D<~}^5+z7OLi9!#2nQZWt&*8Yg7GEU*j}uoGL@sz}OG*4`=WcX<>I>I^UJ-l$%E!Mc zYfGzvY5&-Kr2{q&1&8bWSaq*6-rDR@lMpfS z6=@B4@QLbfFKm;SRmVDmt!W&ym4D667>FS1wu4CM@_0Foa|(KKLaieY4#t278^FV{ zmzg5JHl1$O!VL;!raSjKM3|q-?c~0jvNu=y)ctCAk3|%f3PTx^Y}I0mABtNx(2y<= z$ehtuJp1~7qSUx#yXfQ`gIhDkYyihC#d}nm-L;PH%{it_7yfsaz8Qw=Tc&6`d8dGexjhHr2jHnavs3Dk{SNA*vR_4*qr8|v&j8=cq@P}}$7WJ`T)8zoIu8pNXo0S#}X zOz@~Y3J7EDGiQ;C{|cr8JUeAl*~i>VfNDH+MJc1KX7~PrN)DAbg^teT+8d;TQ0oVe z+t|)rAXNDWkN~+u{m~Nr0LuCGo#TzRB4HK*`Z&f6-K2xhc&WSy7{~3}tZf~n9hzGz z#Er)FmN&BfkCInZ_AaCi@}|QDa_Rz%YHa$C99A#0wsm`jZfseKwR97uiW7x|7z182 zMt}LB3N0k`wxFav6xmSoq=L;>PX9n6`d)imY)$@h7zSiae|8mPMQ$ZV$7=ZE_#Z}9 zY`wMJ;NjsLR%h8rvCR}=J_hMV4`IS(- z8k_iQ%7qsF{qNtP@l}8Uz5&!eLQqEz=oGaDR}7NpjF&v~b1}=K5hO#mHqxSt4F_vL zwzLKyI^};rBi|W>PN;wpc;IQ1)Yah477B1}+or{7Y@0rTaYwhNET-eP+MgwhKW-hO z3rhJmdzL#{nBw3f&O3e5csBttzD@d_)14^|H-0Gb9H?Bcew8-stA%mw2`?zc8ks=# zLVfD9={d!7;A@hmjn^Ti3~AD$HCBr%O>R}$mY@e9XzVQY<`~3Z3F{1|&`U<#p47QV z7Ryxp(|Ka1GfP8_9N)~%5o(My8tLBB8l5f+!$wPUl@=c7spE%(AKs)zzvyK5?`08Olr7Q}0 zhAo|}$+mM|pI!izBg-U-&DBh+WdFbir2H9Fst8&oE2-MKbjyxjb4|sQh?WkE5b+Ny zAzgaKFk^h$EL(z`C+)B89SjIDKE!AQFzelZ@~>1FhD+Agbx&+=j90yxMMV>Dh#L7> z_PfXfdO+0@E64KH6Ad}9=96CQgUjZB@)v7I!TN5ja67lpr=tW60CEdFyAaoMSdF9R0ov%a*zzx{dzuT!Htgpg8!LX#>^})FgO+zd9vbU#n&s#I zxzH6SE8Q8{%nhfi$E)u`T#_xd8CTVMq9N$F#$YJu(P!JqsNuSu zy!Mc<9c&v!Cm~ij!i_4e{f4{5*A6)HTqip;YE3_Q+s1k(r+o8n`$yVZSTrAt~^t%0v+ zBglM6l5Wp+PjuD=k@@&_J5fwV+t(oXpzk(5X!A$%9$$s)Ln>_430!=F!bz7GZ(cyHYgd{gpLO{!*iSMKr_7BRtm0$(I*$unkM};Lr z@j$Bozx`+x*L$)sYa)I78&|!my=%O9P)*mky}F=P;#_PIj3f%4yOgSNcWaFa*OX@n z=t&1qu2@lE607d1p3B8c8s(ttWu!R2uDY(yFxlMDJM_z?rPl;zRO!aLq$1%f*UO4i z>3z69jP*Y2-W3GP%17OXz?~2c*&Ik-Mv;jv`W}l$3gA*wa1r9MAu*NKvE7D zC07ff$J(fH&hkF}B$8kzA~yY?~&5u9{Sb3hOY&C@`4#MlU5@>PE)ot(DLsq_>^ z&#)T*qRws|YGp_pCl(q))ZsyWJ`3uB}n7k3_{Gk(T<93#RHgrWO%s)QU1#kx8%P4?) zK)WlqHzZjJvJNpv!gIG`zh2K_od`yBq0OX@DRPiHN3+T?Dn0gbo3E8wr8T^y05x{N zYA9@Z4*KjrF@Lt{zdzl!xLB`W9yG1ZdGN?;_~3GL)-UPm`1LD1$UK!=aDHnV;w>a* zy@&K+JF>oH~YGD9?6e#9an`pQFEQ@zp@{-LhOc(p-0m z=_<92(4eRM%5cv2A~xldR;5SXZgqE*ZucwDdDCsZEIzuRI3st;3K1~bfpfnEAe90% zB@)zODpuCJc9y#h=k6@O_>H`C zEXQ+AZ-bgmzeU04?S2kNz+6?uV zdoS8b7?7EIQaGK%0mJUca^*LAVYME!rPIs|(z8mLFaZGucfxhRVK7r{JnyS0^)(;J z6}17h&m_N`F&V$aGqkdf8X_ro>+G}2X%^MajxYb0ezHlfPKU$4eLW}9{qcjh)?)u= zB2wY-jG4vE{00A>tGf62V(A+u{rKIh>t$bRtU>SLT~=8LGoNBz#Aym6y2O3_36nrj zv*>o|YWl8}lUL+XBhE-7U~|c-Yz8=~Xprd-Au=C#eV*8|O|v{yea{t;fTC1BkQw-z zd+{85r#=jo6ZdBARNPI>tq ze?HxKVLETPvq}QLj>b^X8)Fku|-?>7{w`+ga zna2;PPYomiJyQmVC&F1-L1c^+BC}JusKsiAv)7L|q#h@}tL-Dksi`Z=-dX0#{mr!W z;KoZXu`)$ZC6DNKH4r=AVwM+pv~oD!ud^+DW0;b?*xL(j1v3u(jElm%3G`wxcRV+& z{f^R=EQgJc+hr8Bv#iVNO<2m0@ZP`jylb6$E54^t2p@)vZ{z`*Yz#vZoSE+?yw z?>csOw8Yc?Z!^PFLDcKklHIG zSiRuEEgm>#cl$oU?YTSv&Stmw$%EDRZ*eTOu7=)OTz%YJ*!1H3Rl(;9t44I=Vto0{ z4n66Gf?_>eu{MTq7(q8^POvptanKM+91NNYNI$ifqRm5y7l!@T)B{mF8jjmB1Y1v5 zl_Z|PEx$$M$-8RSXmjP#Ez}rjb3xZDtnMh{n!ZGq`J4bewd2Q5gR|*52%oWfM6UK} zYdE>LT8VDUp3=HoC_K`a{i%}^-9k;15vD=~);sKy9Fr8!#eZd^k_x3C=(N$6dc9Qd zZaxK88D229waD;bVr#^cJvB} z6d8$A#T?{3g1YDfs))E=`l5f-e$jJ`5m(p|6rsvrxFC$#x{=JrJOF>RV9JG!i3!^u zuj++=k>M@L*exuKAFp*Da;e)E(AD_!#Hr|ql<}sWI|#zS1YN#Kf{PM4DlGf&2K7!?=?a|~g<7?b#J0|s!_5KK zjd_sn)^I9*-3Cu3=b}>OO9d&JDKpJ69^(vBJ2CRjp-Xh0U43Y4qL4p?8a0dw!qrkvUYH+a^qVdLbsD_JbQRfyKscziFL zpI{NMI5kxC#nuIUS!k+a4-ZzNmeHP5-t#m?u2Md2-v1mdJY;-ZIMilDEVm@oU%^3u z&T4j%XX%R)TD`06)bI7_*I@*Hkr&1HeE(}fIfm39;lF^!Dwft*%bmfN;fz7OgAuP2 zVEgqB_C~|$QpR!RydYuE1{mN%y<@-LI+y*FY|rhw46uP5-xL`*{UDG$nNrg#ODP^GE zyN?NUyn>i-jcYGx87bnRGB(a7CQXHU1F?>*n1h2kcF=bZ77pDRK_(65bXObm;c|AV z<*fsiO468B^9)G4LE~q&KMTShpsf-}zr|F{SPM)~I;UkzIKuB?DIQ^(v^W={-0r0d ziKQz3{NtKCypO2()h8`cw`Ht7jzOosl&de=Az4km*pOe;aJNK`UAEG*z$=j^DEM&2 zx=@P-Zk<8wvf6c348m&Q4Mn$^0S8?;1)bpO&r%q2T!W5&Z@VAkiIdGHL=8e4e=H-i zpm$oLpL8buaUk#Wskzc=2m(t2A!n95#>vSGVs9#~E?FZQMsh#syOIc_-9LDEgsc|GrZ?=aof_GXX8oh^e~a>r1sX44e>(i!tFf1n|2A)jL}aGoMHElst`49C~E zPtfy=kdVn_Ar9yhjDIiS6ZiRKle2I6!g#2C|B-c}#!L)hX!V&D!p!7` zrg;6`ACED#&QN^mq$2XSUxJ0^t9SSQW(T*B7*$%!w>$p*DAfyGjWx=((5O^|1V24~BoUgewkDQLj@|nE z)a>=imY^J5ebjE_I790i8lZP7z?{h2A?4yq1T>1%6<@d2wF$`#-FnMyD=zOg2X{4a ztqXdm-8yyO7b)IwSN{KK`l_%hyRKanP#UE3rAtz}k?!tBy1P^9MpC-FyE~;jrMsk& zhCTVNe;;{oUQ6-MF$Ez%c-inlnaZm2eEb~4qMSl~`4 z!Gf!0KwI=Bti69t9?J7fhjbA|BwyT?d7bc<*}lp3K|bQDY}Z3=JlXT~$FJliSFoPu zC*FuNSVlgVtQGI^eXj(Ow2n?q;&$P4lR)&r+ImHkDA)0-fQYs%jLu+;gL(&!Gn_2S zm%nmRx(2=m7^DOQ1Z->)(_3}=Jaf@$HSFa7H_e&iA%XCh^?q~QXXtC!SOZnI%z*sz z{BHsT&WkIwYZ}{CRKIS(VS2cZA2N!sQ>E8%ONfc+i5EfraxviIM)@R z&WXcu;M}tfIqCgZw3bg;ri)LnwP*KqF{|pI;PKv%u*$nf0(Mh&cD8c4rV5KIIL1#; zPfmPDE;Oaz)?^BI;}>zAlZzW~!v@mJPB=FnIc;3de$|+NliIBbunJ6@J&}%F$j|FK z3kPXi2WT)fYC;8jBWqGV9e6z}j|Rk!T8>gKY`9T+p-<+g4{eH$Q;Qk<3lfT(e1<*3 zKHEC*g2;jnY3FArux9hK9F~?|P~+(}EANA;Ay~5U=1NN!y3a4CEt1#C^Yj1(7v>}U z&F40HdU_B$s#qMmczXx8_5xsa}6ZdLg2PEJ5%a(bu^DJ>Jb7 zsNNuniR9#N_H{GuEnP(f;xEGn<4i^oC5zJi7{g61Ee=3sJ4AF2_62}6^{G5x_G{&T zjHmDyZo86IeCnN=aZM5EEg2ZCyuZJz+&qM{+^k`Zl4+i?u%d!b%We}kD3{^)D#JWK zewo=mVaxb*`C+Ola5Mt(=HnDabhLN=fkHu)8SVb#WI!nLkI?O`w6K}6j0fIJsuntAqiWiAkBvoERWW{6!=(AQ*5RFs zNvDZ|kv}kb^BOaxe`+OgYrVyR%?6c7_oEamOVGW%@e0`?(60-=G(;SeJ^yJUmw;F2 z_^89|oj}Q&oQ_voJd|(omkb!7pco2NtAxf0J}c}g(RU-=#7VI|(OxSb;&uo*sB%?2Qhv%Trp2mlyntCwm|iuc`TQ9;?ec@&7iCJR zdNoNf5yAUm5fLt?tL4!#0?zVbZ_BUe(JAda`lJgM35f- z`aepFXHYSF6mKuxNz|Hl-v&SS^dLB(0=PO!} zd^O4S!MneIEHMBN#@9gr{Yj;cp~BVF2xL*fAR`y11UO29&QT_nZH)PBW4rRjyZ45E-2)H7Lyq z)snxZcejA+ zq=>ySUIxv)AaK&0D-HMmT~tH`!np>F3EFILh}lS!JNDH=X&c}))N98~LxyRW9)$%9 z90rTZo5>SR_CD*`8bjv>mFk|2d>L3;IASfqlhp0&n(vHo%yb=!9XWKi$ql^bDaa{H^8FKG|%gEq33pTH;MO~D94xR~zv6x%R7 zePTZ+cEOgc;vs)rV=rxD4PN6AdiVc9b)Ze~3TE}pE6zD$y)U|B1I zM{?d22za>fB*fn5J7aozU_)v{ah+tNSB=^5ct-Td`eeTw_U-CyhJ?QEE~P~TQC=&N=*yQF*>tW?n3xnPwRLr5 zpeq7vKAc_MPeYaGNa+Fwsx8xQ&cTXlwim1}m`C9&|M9qW0gV`^hjJtfZ%@ZyB;Fu! z#;9fz-As#GkqgVV2&u6N_YJkcw=u|b)P`(wCFHS`3YX&M=z7+YpI+j)<+|bW!yLr= zNj#y7>snX0>vRR%be!~eF6?*#`pmkyX#_i2+N`gHG|??)%U+Up7s;!VWxmeMIEsyc z#^Y}RouFYPy3mK-ntsjI>AsJBS6K4BT3j<~jZs8iOrzH1 zEmI04-5@SE^6^MvxGKiiP^axb{>-t!5NH`>65ARZN188Z(>=#Zz?EyP9TDlyY#xn} zLHw{Ud;U?rmO?s{p7-|oRuf!C{bV(N?Qy74D+4lCHwzC9R&VLk^}F%QZOykJbCe}G zs~n&$B3X!`L62Q4>ZM^Bs`p%8T&w~-k++nxH_Y~y^w(8CmfrbRKfKS=g_y+I zH|r$tGZad_aQI1+*@FlD-pwReato-MXSR~UhVb@!&jz_?j_VW)WqEoRGH_K`+>F)a| z{p?}4&xOwqJ2fR=|9Q65Q2p26f}I4RQTT9!)=nQ%1|#rlRi2bYD%tJlu& zpbd*T4j5S3J;M*&i%M*0rVq0+Htq+hM|Mt5WK>k*Ec}K82q0k!1c$?79-aIpYf41v zpVit*Y``QhximJuvDtNKP6L^4NBB?e#(<6bwsQmtI7iOyd_0K=5aD}E&-LByxTAO7 zcgLUQ883%L#|L=P#}H}vdk-X+ITx{|TU~niA%6}TsV8et8E-q9usAAq;3GVaX8lRI z>#C}Q>f9U9ppnWLo2S|?;lTI2VIS0emaW}VNz$sdtVk1X|6l9dEGwVabWb{2PW%ry zN<8vMb2Fz@B5gKco=B%s{QFM}km!LYLYZFYf1aLyQxuqXmk`=eq=N+S!)rtG%T+ym zL7=9}QjC?c8p1+KdKI;DT9fHQNQWZ~89v1uj}~Z8tEz|a+;ON)<1Srf-5t)JOw9XW zU%Z?|S=O@5I1}A&JV(twelcfh{i&p-s)HTcSym;?)96)9TA?$v`UmsiO=Mhk96LjzPCgf4#%|jrz9z93fzI zX*s1X^7!fl;YR2<<8Y?dWD#GNVs zpgR-{Wzk7?6MhX1i!`5fEZ)%sAqP`#{D$@ngTaLeI2bS6?>0)W$vn~?{Uh+lq*P7z ztZr}wliw>t7SrKe(oQ{Icq16dcwrm;u3e-juAY+$za*AocJvBU(f7ECZeBg|#kb^2 zv@y0YEa>UxVcKOKiyAY1`0M>U(p*vZ`xof%6b^`ig58A3{bK3v$u#%- z(x{@|xG261HVa6q1{J~Pm6ek=?71_D#i<$5>|D22g^5uc@P^;(uAVy&bNiYb#wI1x z<2qK|RYkQ+xA6zGHOXirz4HLA+bpf3W}&kY6OK%nnu%2JMAMoBDuGTOH0&-_l7lBh zx-0{RMj~!cJ`JMs_Qv$3 zBF!ek2WfF2SbMR}z1GZT{JA$)tP|eyW>OQCoLofHp;uK#RN2HNDl)*|zob55tUV7~ zAwgXw^!e#ml8-0XYc1DRD(c87+`64WnH^$J0&@d43`*sQr*3NHd& zT*MT#2$~I0l$1s4pD3guLdy~;RK<;69}>%>t>1AtfG~_LP>g5GsC`hSrKEC!6a*wV zK=!{9La#`8bzlE^6t4WM*n-(UY_UG3U039^Z`I>iUB0MQGaV-pN^9iQK_YJx?(m$7j9&`NeRNIplZs01V} z0wfY6+ke=|OC9H4xq;n=y2Hy}su^zJYmZ83u#dGn3bD~sjU&tQ$nN?5FTW6P9|JfD z8LC?MT9l{2AUKE9m>5P^dKPOqiLH|#pSPG47ct5IQ4y4FjU^Js(`hAwY}lC^W2vb$ z!EF6E^#wNL_t|TfAZ<;`8bKNp^Faf;XrJ{hAc`(6Ej4?(n6oBpYa(?Y`&;F1WSSp3 zkngv!vayF}524;md}hgU5$yy*zFh|avehLVi#b0yj4WN=ro2@gOJaD-#DznE zO8HZhU93gPdJ0_`!gG*k-F!XO{YwchOCGYT-MAyV#F%tT5LB!Fqop0)Rq&7VuF_niV zoitqQYRl)2-*73}d<70&S0tjvRt0fX}S@i{jWI7t|c49gXF@@Njf zN|bjE{<7&_h~7MgC{lm_eSZ8u1Ut*3g=f(S>~6qDe&y8lk&;|NLt?P{;a%;Zj^#k{ zWsg1?bsP<%-eRt2VL`3(@p!l%3jE5oRW>4v1H#!T84B0+35xx7e>^!KB)urEjCV1; zVkewS2et&FQnbHcYKmjwNSd3XH4@VKpE0HU8wF*Vl~Pc<%39pb;DH zY(S|7W^Ibu5%qCc5=J%mMsR-=*+vXYG)y!#-CoIqu;Z7&hft+ABC9oG9eq@}(Vlb= zmt_VHP5++@Fn&Xq5?M*E= zrLFk(gy=TCR!GYij_1&{mDK}&IR$mJJFn#^yj7W(d>ftWtH;*6JF|M}^W55;YWnKu{AO~7Bj`1j8QXd#V^id5~R!@~_PcZTjB9xhLkIfU{Vzz9dq!lJB+!o>@}N0>8p zYTBeJCDmXy0;qrImzUGW%Yd`Jy3Yv za_vKD1Jj)4#={35E$y{|)#m@U6Uxf*0}CCyTm9hxH1u1j?3cxOmgg z=2C!Li*g!+T31qa)}Dp{9l*rE{BtFk!|h_c`ZYIHXT8bZAB+ssWg5(h^g6%;K+O#t z^y=#Bl{WV{l~UEIY@v^B?d>W@^0>nz*JM)@8bckz888CBl;e!zhq{`DD{Q+1F#Fm9 z2u%fV*BFhU@Ok2IJwqnMH@_mmQs6MPwC+*$nk}M)6;tcMz)X4~16-r5lK2@Fs}Ry3{3A%n73Qz zCPKO4`JI1=PV+kgBnGfy_kahY$9nJ5QZk4R|Kfb4Eb;Bg)!x;0zv~C&6Oib*e-?6} z9#r7_N+32iaQG2PkQ^DC2jPWXhNI=?+^^I?7Lof7WJM>IWp zNayc4QR_%`ia1s|?#tq`m}RNxyFNcSr?A_OPv=jcG6dOakR&Y>Br<=I@HVevyFSkK zsF1Ow`UVGL8AsHzg4n(IF&bW=X;cOOM1SiuD^E}n=JA3e4i3C6Y_PP7?)dDme*e1| zwSqG>;p7BRjRGk{(v&Na&?t`@4_^m+M$_tVK29%*JaL}0ux5OZ3lABYJT0Cd_`v1- zok2`!UsgX=ZuuCvA|Md*wc*(PS7iHEz71`V_+MbYe6f4sS!st?tAs1R(Ij$y`ZH0^ zw}<;A>ic}7_VS{&VmwzU3`_6f8FzXtWwAYge|g>4Sk-jpG8jbwaBquxF_{xDm&h@N zUtI&J1C2p^h~)f6AkgIE_SO{S(0UNAYG`RO16SAocs=?+9RLoz$cVTsT_YpmfYl4c zAlSg06-2aruwJhFaxFHK9B#jrm2IPNgVQxAm!)MJ5{(t@dQhTA!APUk>y`N6PCeew zxAU0VDzfcNuzHtog0+ejPsGEM2LArf660suuOLJg5VG_EEk<;ySIc33_x-GD+*rF8 zbjpK3%+|&Z3Dh}vej@{ftfp89h?V z^>;XxY#GlY738CbF1qT57MR0rJ$nkI?`!Rw8v+6aW%9&;#~>OVghm;lL<3pP!fYz! zFK2#8dph5gj4iXkJR&|ZzuikoxY+DS2~;0MR8&P|`mkqYD(G2 zU9*>aN8;q@h$7X2>n(k%gO?_-+)4&@2JajV zW)PVb>6L2OK(#${pmd2lL?s3e76wND=4dYd4mqC*m3hW)g;$`MZG36@$Npc_k~zLK zE`oyRJdai9(rh_~)qm5j5M}FBylPF1!u%h&2@vQ|nUsnhcT7oQ6JCSxY0H`qZV^=? zCb46F{`?C5>P>}0ePiQ3_~GJd)MT&1>$9#7iCp$j=2sWo$lm2!gy?#17sxv%D?KPt z_>UcDYpJcCWhOvd&cjA>(gsrzj*rc1PbMd-(BEXx;+t3qeY6iw^z?Z}Y?GrlOcvYQYFImi<) zIBRF+Dyu9T8{EVPTNBn-E#1c029+_WoTdlX;>Zy{G zN>tW5-qW{{WvASI{~RBW4iLhue%XB3$mS7A*vFO&m8W8@*~l;q8i&gri6A6`&+gB) zrW0mMHRS8ww*<*YJFshL<9#Aw14kHhX_23Ev&*Ds+R#->yQX?Ku4EY$iWPe`)tW&^S(0|^}Lf8^VKa;t!W>B_c z$!@b!R70L1UdGA{Vd~s93W} zPDPh5bTIK%^nE_-3h0fW$v}2Idw_9F^GsVl4P2lf-~euIZgzt?OG1h6?B60NGK_GQ z({UVWxk+o<6iS$<$^zPHO{pcZm~>AG*8S#$#r1W>)HLbDzve^9*^Ix#M7bVm>xv)L23%Sm2 zzdw^jMaSF8e<4gyBzoYkk58VduWS6rJ^_-ec;0drK_gVA)fkm479E>Jb$YjuI23oYRTA{jx*x0}O!?7;@CBE2k z`M&UgVr&BRcO-++x9_00NQF@P)LA!G(0tMWRn3|UH#u3@i8fB5d!embxUyBbALi8bnj z51n$Q%D9Z#8so*f0EK^~WtKpcESbhlHH4upCrKhtZrquAjEog71`q^#yI zr^2K#+Ip^@-d=E#zImzKJwBpgV~c|oI*4881ihmZxPE6mU_>DA&`Y~o9x@FQbI~cJ zhzs|d`J2e5tTX=rli?8H^trjcovUiSksHmo1weQ1AFy9zL1Xw0osA!3|HdMv*I0qVxwpx*vk zu+%+RBB1bvXJ-)de9mu1*c;@2z5^RzQN{Iuv{k| zTT^j9B7NAr#tY4fPF;uUJO34YTF8$`c_QJM_#AfMPpqoFzM7a&aJ!!NEiC*}$Q3=@ zrI^ciqTBQICc%{(mMmNy5{bR(Zx*n!qSf=h!2r&{;9Zq9u6aX8p+0_e1kJo=qs_Bi z!N4^e+c!prnK+n<&1?&5=G^ea;zu9?P^21c?p{v9jv^;3YI={!=Q$9G??D23j;yMv z^4B4aLxhexOpz$c2?v+{Bo(1r=%n&;I)F>QIjf=r?GcyV21G_i2Kc}BrP$8P?PJhE6AAxl@jbj~7m5vwqWHs8*^`q0{QNB}EZ%A7Ma66|eX)(1a`PGEAeHdm9i> zD607S;z&wL!hzeo0POvqE=L$XA3v3qm){?iRyKLw(gTy{oE8ry2(uo27ZE*D?!k-7 zOh?wVvU;i2Kg-M0h0!&NR&3`N9F|Yuhtft|a_@;Sz{>kZp zWc3i%PLl+CYVWR*C>9{l8-Xg4zG4vlWhd%7wh$(`ET3<>bpl5oR}DLJe@cbpuJJyk z%37L_ykKp$DqjQ}z}C6y7uBzQ0jmZz&1qYthr+ z9|#UlmEERbLVbwmzmx8nnK(e%+if|c={ll2!bgJNY*y6Z5x2ht2K^XYOwEedDz>jy>E|GRY8+L%XL| z&s!TdTg*=1I&!dl0X9gE$vDSH$UCHz_V)v0>{E9HuL=9+L9Q33CMGowyOQ90zDYZl zV{^dD1{D)?;NRar#o8Lq=?rfR=??%d7Cn&KeedX)93h+E?xZ;gg01qO=dMPjk^1`W z$%ualho&HLbN^4@n$R-5jo)WlaDLd&no~Gl(;$*;_#Hk#nqnI$p!R`@-fSfU-H*7R zKf9{F^`76}PTa_Dwr))`ke`NlLW&Pd?o0YPBu;nt;8ylbw?sfEgO{Ot?}BscZsRiY zP*e2vR8S@<8GvP!5j=#W|EO*7b=E=+eZ6|3sCSz%9>RAl!LMOH`RRP*T3CT?0W8t? z$eku{7!~xzB?1$zzxC}`c{1R`VYD?^&iQ-dt{p=sJW6~a`GxE0NVEK_r1<770`ez5 zdt*(ZXsPWvo-<5m%tw1$K1^nK%b|twwBj5)1;~ay)e{RA?P=8ufW~@7kMHUlMCe+A zhj}?j=(}-xIt~g;XgtTghZGnWz#0?rtz?6Q3eEDj0S{YPeAIf{@s90*OQmN?(-ly@ zo*yp2mfWB~D6km-3fwLy^3;=MVPDi5&&gCcSt%f2ivC3RByyF&Nu4(c7=c($buB61 zjey`_rCJjifEX0WmJSg~Cd@MGN%FW*uqnKSNZRjHxL`GxfEzL2Pm3SFWbn*#}z|CZJqA4n%AMmOyNJ zH>de>9rfFY08kRH)$Ph6npll&1&q`w$>>}?6?Jv>b6|Vmu-OBhu+(*Z?NlI}E(w|~ zPKTY4snh2~K3)~e%cW&OS6Hb^a9|196vgnNahe6Y3$YeZQj1rpjEI>HW!itBE5<-G zQba{XmFcu%N=a3lB(c4LiT8x8H@fyC?rDqVwJ?r3h=`g&%f5{7AbjD`?am7;y}-;=_{t7W}nz8 zETXrP8gBVgQ(MdFsd{2uNtbU0hc>?hKSadH$DBZKnmF~iBKacgQOtt%>*CB*85DG| z{3--x0|Ads+ImB+$?h8vm0m{ArAA^dH*>xrg4d!I@^%~jbW?6(Sbvpn6#>1>{&=3Q z!D>kmxabtgXTNV~Xh8q090GD|n2mm;2nq?o0uGi6|!HhI{)w6c;G2#;5P z4dCrgw2~w?)J(z_|ntxkTjTfqi|#HfwD|HO3?7S651w7?gq9#HL+= z`nslMG?A$zqc9ZY_I2zH{cdmvMbPYYLtLaO%rpM$mME$?N*`1O_ z;Jzc^4`LAOO>p$1P?H5MI0-B^e6mKy2bmy;D;bvcwMAmwTWZyevy%Fut7osvA<8sf zPfQ?zjjX&mKPO^gi3cLtm5s;Ks1DfzLC)P-Km=(YX1+GwVn08KapTz|kC?8!sOfV2 zhfj+Xo1ukKwq_!S#yZ<4qNrt!3J7>kcK>(!K;;j zl0^SjXgomwW~o&p%6B5n?bGb4K3nzvT&JFmWmaKZRu5R{^#QSsI=D^AB|{?n1yDY{ z0Gp*^jamwj?Z!OpeLVkT9jj~Hn$b7vCrd0Az;T)ocCBv zJIv-Ur)s@{6tsET9G4Ib3=Dv+BVuMo1&m&CK!b@+{npQZd^7e3H_u{+H}^uNUZDmv zMus+5jY7{^Q)<-eeGt*FURiTw4+z2N@3_Siw~6hKh^cCWefA~$LEaQ}YdZ1@ROnW0 zes{IXjl5mqkDH$>-R=3M3+tWwr=}CVJ4lmH)-bQqn3Ui)=9%wyAtE$CK33+6PsD0} z>{?sPxY!;<`}CsR8nTwQ*8h{IC|TP>4i@0&NgSG zvlOha4I0DJ6hP~)7HNxfZH&`^KjP!#1MY?0hj!h(_D%UHQaffNC+ghxs)}qQ6G5bM z7jkqsf#B)yXl3t13w$b+As^aXocy32H;>OYRw4bm_|8Wr9x77_wPoFg+sSrM)hTH_ z)5)8Z=hXE08Pl0E2&!muR?<`Nj(!YRJOa#JBI?*5&~^w*T(fe+v3eP7H>O8|?JjK> zT@n8)8ozGO7mp!{_>VV*q2sQHYKf2f4NCHeiA^9@v}t6k%?ic!zkk|t7G-K5FGqK7 z;8Itwt$6uL>pTRv+WN6KNZ|Ql;|w_*6L#InV`FFM4eER|52?2-9Upz;VS`l3^UYrO z3&9q{S#@#f?_;xW1DIss;qL5v66ahX(X--cci8itP`xhRUFRH}txhzjsIILH^ek(l z#HorD$Li+=geyo$p&g;A9GY766lOo%i{kFFUi9yupYs8uS`aKBIfC+3c>d^<`P1U% zF0Zc9CUfu&wYxY+A#5z5;Mv|-3F6^s4clp=Bpc-0dKn@@8n=`V3ZORw<0O^Rz@4HR z{m>p%0Qomw2S{3kIqawArlxbyPF)>Lk^0nx{essP_Jy5$m zcjhA~Vc+4qd1Nsu~SZ4aAUEIZ^@_vbA?Qhz;1Cv{7kL9}ExV1NaNY)_ z<{z!)Q)+gJaY=Bi&5?+upsEI{>$XOZ-{hRdCM5LF6v|1+$`*j%F`iyWld?GQNq;r& zDyQ1VIG>rkdFVDS%ajnqaUFwJZZksq&L?a#FE)+j39%9RJ9(#nDU!XwV00kSd4#Z# zxwY*9eZ$YWWJU69Tif1+F9CH0{v_rnzH1R(s01xfdq~Keql3BN_t*cJWA?S%;bscD z?=Grr(l3+!K16jsXtC_62{uNpwCNA5LdMF%K(2Zn9M6A!3MLIRQ8+U(~W!W7E<`>&$10w40egY8Z=VE=*U#T_Kqfb*7vufSf8BYV*?&9#0CdHr&EECV8M{!vsvgQ&`M%7V04Y%kN7%H(tg2 zPiSbpz%}q3M7V;<5||h17@jWxTlY6hPymwSFd2zwK>O;$LGWuANdH)_|8}ID#E$%M zgZA=R?INhCs7NdWx2UlB1FJE~!Lrhv#)f_kA_lgQ%5&z?s~j^^mW~)lMz7D+v~hRNXNACt zs%p;jCrl}lel}Ui72G3?>y>uTUqB}?Q?A7h#vd^Yi;`(CZEbu|gL6O&?{qjFs0Jei?wHzJ8CE= z6s|~85KA}+dY2pA!{(2l{0cJZIWYX`@HXzzvLRoWNEfRy(ykg2=BTvWpmaRDTIZ-7 zIHAhFGfNQZK$+1V3zh2lZ@jroFcDpI-WL9b&i>iVs)g%Q;Hg$x;78;QAEYb~1`Z?wuD-Q) zPx51}HB=m&q3`b?!JB9Vtb{)dVF$FM`rQQlToEM}A6fnVd1SLF(kP)2_WDIf9<0_cc6Q$reI{El&{?~DG_p}x{_&k6ST6MbKuKaIw3z=vIvts= zX@432aF0egH&NQt3^iL>xD>PRy|u5W{EL@CD;pnMGN$}zExF{$OZLRYSu610vjZ+X zxa{*CYmHzKc^jahDvn49wfNp=7 z_GvWM)RA_ux&w!)o}lX&D+iuVOODUWlp*#Dr`vqcGGf5^fI7kUL5v#P1+9#RlyFdl ziZdj2PHw&)VC=sgQQ%w0rGtfoBLTjYgoJzirE>4-!Eu|k+L{>WAA>vYQu+z?&QAlf z-(AttH8gs#o*AwjEDIm19oe5cgn2U35WH2C&CL8MYB71ov|r-1Rj)e6$Ac`7I{7#* zj(!~QYRxxLMTV)cxY+^~4nDU_#M>8H`U(PMfIh4rKso>`o%VPJ$-{Xb+INZU(?V)I}TPPk{}WTtbh0%_eM7( z!*cR~IrAi#RCsuJl6c&i0M%AmL++0L*H-4aXwFMzQNqy!zf6kZ(Vp#^U%|_{P3K5L zY0t&>P_DcpJlzGN9KHB|$Fb?nxi`@O)*!$L0pAs@w&<)&v|)j8-GT%Xr}|A4H5l4`3ZrfHUtI0=GR3%DFE zX9!2uOd_4uq6|DfNzOaZ5r3G?0|hiWrEMH%5vvHz)ogVBxq~A2ANb(bQqIS!wf=_1 z^E99YTu47ZBJ~Oe#tncV@Q^4rgNwANr}XPs6xhF=awEkqL_@=VT3d}H{Cxv(k$ljB z*oc?rU%njet0;8vNI!^rR8%8-aeeJ{ehn}3)ceKo(RtP^lF}r!otF8arrw8qA=>{HOnYh0z8hd%SB97uY=YgSG`7TQyMvP_Mo8fmLV616s8B)Rx zejfmxgg=x>21=w_14DPg2Y&?DA62zzE%|4w{xYfhuRhsd^5TB{$d7s}@1OuZ&wQ~e z7lk+hhX;)J5r7;5U>AH;Wp#!FGzgETUgVj){Q+NUFMG*PSE#Z@#m&p~F7`@-+478c zTbfg!I`c=6C6@x@upM@8y&tki5@=nTct! z$v$`dmJL%NhEjf~$lY3L+TX#YB)VyIEV~NVlq0!JAC}eAY!YUkr825`9sXr;jyE8) z)ktFV>~3T2Rdm0i8v8cz+Vjsm=8JYVpH|!E5HzY|8cP#*d|pNF9+aRB>8}w^5C;5K ztmo!1K$x>?nR@nI@mC-r0jU-|jkfE1eW7RojE3;^eB@cI|MvE9V{BG8@InVyKdb2X zeu(_*-iVe^>NWOLK}SeuwOa`I)m^WICD>`Urg$clh44@xUMtK_N3BK%D~%3^*baPF z$r3|0`=bg2cNGc}rK*4?8A!JV0f1DktW<=Kfzc2CM|(#{L(nctnrs82uYy`*;HWf> z!kKNSUpqHcJIk#_kHXU4&5;f)Dyz5!8AY)zpE|0$Hq*!>e>B9AMNDYo)`3E`Kxw|r zC$EoIebb_xf;9}9nCm}|0gaGBd~AGYLTu}F9Z%Lj>5oU8? zTdu(1nm1^vhDv|%|Ijl=^D`Z8g0MGDL*J-*?Djt`Ef`)Z@%uX#^rz5|*Z%N@+0769 z?1_>*S;(d5F#=raLFa4-cwpgfV`IZ&J{S>Gsg%EOYu13YB7&TbeC#{*vxE*r}@|)CPDblpD3|Z^3O(G4d zhYrhHm6>}-@v`QlOq-CZYN8RAZ8GlPs)k>uNVI#JsU-BQ;vpTyEH4{B)c>Pq0F&AK zO6J&vf#D^LTpjAMwH5wXm_pfJ>)jbc$=0sez=4(gO}BZJ{}?|Y1>L#EE+OJ|sg6xl zXvWE1{Py&Zj3nB)6470+u9-}=xGs$8Ni!w4cezWHT2mTEbcmF5tm6IO@ z(vUxa%_FG(P8LMeA#X2c^21G_FV{IEXJQ)3mxL46a4mCGm^sz2ER@_CI^+O#h*=3o zP}gY893O)?V+Oy^Th|JF`4a&sT~{C7dRk9>^_tC<24t|}Bf@ulJd zs|6J%reOQrU1i?>>uvhATZ7>EcX&(T?vnIojP9Ec2i|>|$;s4*{Z__>y0|@>TV^Us z<;FHy@>F+!&+Mk|CgBLp^Gj9RIMO(YXSe_3LeN;6ye7rwZ_q!QcRqrMxz+cDY4d?* zwfI^~0X?FUm-RFDJ^y%sGv4N|)TWzfkNQD=E<(u{b#!7(*|Ss4!KOmy&*BmiZ@}vb zNa6uR`>Tf=%k&CR+(GOB-`mX}hJkpdN>BBM>2Sr=dJ|@q=_o`l+_M1!_R+qxvDU1y zN9Lo_jyv4B)ENEsO#k6Fe?Vy|&DGx6Ht<~E2G{8}$d*yl8ob=P)M@g<3R@C7#+@wj zsAz48ARrZY9lg`2ihplM`~GVGYjAXa<^As3H`#vCkO5P7mx2<1OzYmyRn^tq07uy| z+C|VjnHl+98DnaULP$5?`demQRt4YlnOzMv<8$OvlE!&5(#v2V!G>>KfbSV(RMaFl zpnfNiO_lw_$NE-#FAFVpe{?z@32!WRM7Ng9Xzk zXUEJP*2dm_Dcs?OVRBw^XMo{*{3?&G4YM&ugN|NQ=kSoWoBERYxhJ!~9e0eHUHsm0;pMk8fv{x0($7HzB(XNSfe zQ5p~llQa7oerDYtJR+#mJAurS&lUv6#X-Q3_swX)%Zo*M*mPv6!x<02RBj-F3Z!@F zn#JBO#2NHMxx#erWtEuIg9!rQ9!5KN@2L&UM}}K|h)y9NPYOKP?)7Ez-aXDb)YJyB z7>ioGU-&1pIc#(2XrXevgNYogTg|Ll_M5jr@rq|P820)1FlyO}_OQT}s^2e{gd-G8 zo4e&lH3E2aJ5V(N5zzE2alHk9gvjpO5J|N=05m>8!3mI=nu)BWQ zuDJVSrLy|zOd!ap0rL(O*9V{Q=6t&OK*^se=Lmt?54S2{y9!d36AC+1r_|W4 zJOdo|?SX;{#`eKD<8ODsOT;Vgo`hNOpGBDedRTdH^tiJ~@#WE==(P}pJ{)&;G@Q7( zysa&$BQfghw#~cb7Bvq3H5bTJH977hfdga&bYE|MpXIl`H}+>CFmD8sq6Cmc?}gI6 z#%+~2WW?L83~44PRzn^IMQ7B4vCho}_v*AMV}kq4P-bF!%{p`sB*Z|`ReFu*{^$al z2UN6If>KQkmovtl+8U&!CCBxVh=~ydtZx;RB-Z9=th3 z1RNY3EATbTwHg&ctS5kmz!KQEB0Mc4G}36kT`1>boL*P-?|)7}Km{U?ylxVlOeI}R zK2zHt(PjDouPYwJ7l7>7DhfUrYa4g+{PBls&zl0p-{TKIU}>0?NE^Dc`x zmb2yjkH6j2B3N$LA-w=`GC1AafcA>d)!j>1u3Ce~GyLJHY|x)&Qh~%$95Y z>gxLH0rsg*z9aEv2p_azFrU2>s_2E~)A>YwEeJuQ2BgRagGh*yv#4O59{L@Epw2F$ zD>h_1Z|5MSLbZsDuoe3!+q8cj%iXpd4EJZ4jz+T&{`_-AR5#s@HzjxFFZBEUK{#Ar zETCxhVC6DG_8)FB$ebNgk6{%^V%!~#BFYw}cUi$N0>Gpokc0Oo76y%t(?7P4RrU4x zU|4@cx53+8a-%rG+|&E*ucq6Jwp$e;oAhMD80Fi&lWtdqLYPV+J`0T-4wPf(_X%TU z#^EzhdrZterE@yoXkX=ja)4nZof`#}1iu;+Dv@60Inr+XLqMQFsj6t}YRs?O7mSJO zn(qZFhm*D3Gbi34?v?s@p;GM-|1uE-#5jO((t&8gXt2uy#QA&>&52H5){UYJ-_hLc z?B z-j|n`#ob)_&Jb!P{fBGcSI;wD^)_{mo1wxpqPNu+Wtdhde|<)wd6mng|F1&{FCSyH z)LeRrajcpu6GMN2I);4WKlZO35BHw8aIz3?a#n*BDeMLi*tm{rEPH3#h?SDMZ;TgC z$GximN7GeCRkd~PbLei6?(UE-B^8kF?(XhV5Tull2DwN`NVmYDr9rw&Lb^M?#XH9L z!(V#GJ$voF)|&IF3F0n6zu)^q!~WL-jzl+z#X&(u?U0IM+p#w3Y&?!2NAF9Y1) z;qe`ORjFJ^L!>9mLHU{gytxyI=jC^>o%u}{Y_?=De~ zm2H5CF0uc2*S}rr~;{KIg^m$5&q`HNoikD3qnW|6-q=v3dBL^xbYpj3gD( znjnl|?H^*V@dD#*cz`0q-TM6|A3+7}?!!muSn?&8k$!^F7GB1s`Cq!&u~a(!x=c7^dUpl115w~LC3YJkkc`)D~1$fUrq$n_)@3DC4+5pa~~@$u5| zrM!MI^9iAEaGq#$Mt`aHb`Ik;W72q$3KiJUZ*_Hv0ot|&su!Ss-2fl~n9*lDQHTlD zSie)bGL`)5E$JrH6oxNOUr(o&vClT@UEBkoc>e3)>m5)+?g^l@O;8?kn-gmaRDSTD zAR-n};8ylm1l7%xL4Y{kJMFKPfh?YnGGqGzsq@R+Zdqn`L7;oi4+*rjeB15zXH$<_ z2iB$Ix<^u-Iquos{+cbsNbA{>_B@8E-pK$E&Jh;QNXn?Fm0oQ34}!@obhE{~8oSlr z<-1LdLV3L{CXx?VKbQ(RO+j(R$QMW3l0qm0-h7m^;Do7gJlly1Nq`gET7{;~0i43L zsnY{=zO*k_2>MRblNrS1VpE1nL&p`-(cvWt5$_8WP^qNkc!@*O?laJkpNd{;&ljSo zzz3_7O@a;pmy}e&)s-8lGREE-P61~X5Q9#DNs!=c4F$%yzkA?ZWW27b76$X7uE%Zl zh1*SxGn+ax`fUD%ylxVOb#z9`JB55JCQ4N5rRBu>WOvOONWvf#_m{yW2)%tsgR-VB zqFq4R;9(I?I0z}@`mMwH#U8xFdy5_`1_9C#fM|+dEgp(&ej5u9?<6bovnIZmZ>s5{zTBulak_|`H|%8;I+^E zlA^?Xgq%3nW?=Ej6Po#4p>Md^iumBA)C2?b6|6`Xv30s7mALC%^iKEbFC3cMvOG-P zdPId^gu6{aaS47H1h4*~&y#xKz`_d0t}Y2>YflrvEL7H_WHZ#gKDM<_TRmwh^Y#5i zlbXD@2sbD|-S`M8pYc80!UVI{ZNPN~5}9?2q@M4#R{x7@;P0>ln;M`mvW!V5I+KJF z!Yzj9w?Mmb+Tx>9KJ!$OSpHe#>^Na@!MlH=m6<@bnOscA4WjxVf>=md zYp;!G?O3hrUcIZ+QH~T-Ddz|BZ~@jV%d9Nw^`FjvG+b`J7pX2VM<^jBJVsXk8RdKO z%aIHj0j>vOzf*c9m7Kponq;}NcYq2w9E}QN@#m!k+uC-r7+2dbTTWT&gZG zM459%SIGof#4gz?1xL%pF)|j~n&VAmlEyLC7gzOsovkv1C#a+;4*m1m|D%=9iXm?hBCB2Vi!V@$~fv|kk5E>T6- zWRf1+v9PdoD@~!G$_}lqeYwBTfc-o?1W2iq?U_=)dSOiIfl9fz}o4qA1SK5 zF7eWeb-C-s6BP=sv+}7g$*+Rn)ms?0!Cmhz6j7}-W0H%&1)ecfYIX%#E53mL_YXF2 zlB-;K=BpI?!?9v+K*97>b8fX_q+|*f`Uo5A7|3Qz&3?%#`g6=j&~Kt?K6ZQHLH(ZQ z>x8d-8GWL1koQn5VoD%u#W25xZ?(SF_>e zw+qDq4D@*jH5iw~3X7%HnuGD;K}fc&6}AgloA9qps8;D)oUbR`_-nkGo~Uq0dc?QJ z5m9yumi-nIV`DMEE}&y%L;`c7o;^`HVt)VKMBj+{dhdN2myWc6g+jsi=MVrjvG}C@ zaZ*p5l>bxzrMUOL9R+Ny%Yfq=-WL1Yp+1mtG$;R9*SFbHDs;}lRMlfs~vKmo{%cFS}s*u$Nj zo!mg!b$+x$1stvi64c2G1v?&xY~2L?+85ayMByv&e{HZi1E{Vq1Dd*Y&xDVc)t#0K z`~~ijepS7Cy#Czr>Kb)(#Onz(B zQD2kj8A8&I3c$871j1UNE{=+e>j8DsX9kyk4Xs-^*aYRV7hE6(^|@Q``;*+RrE8K5 zMh<2OAZ3(_de6_(SeHkg1##!$iznjAq09a;L4m-;%QQbK$tKprElM@yb@XvK!E&!l zOF<^*DljpdB(~oclbu8~owtoBp5r5q$LVHWO_@ID2Xgd-SHHj9O4j1TN7e?0YjT^yAkUyQ zn1r}9SHpBZui*27fVUqQ{cPxsEVau&y4CqiFpNo+>JQ-SC08D?Joz(>q zpy_m@ zNc^tO0yi2IM2iNXyHk@xMBZTU}kf zeX^hs+Wh-ZtkqgOCGX>!xB=MCOSaO& zm0Njv_@G;6uaeVw`=Q1*iVz$3TKH8{`mru<1FHL6MVDBgT_}h`RIiX$$E$QCalIE( z)qqDpfaC^E+s|o?mMHqYC3aQwe#bpFfT{L=1rhT1@854BPmcik$y3-qm@X&dH2zhr znYS&{5W|P#d+1Q8>j)1&ENbTGB$y@Uhi5aA)sZdw?z<^#|J+>DW2!b_^wy4!R&LWH z6-2W9&^Ical7$&pPjDsg>3msc=?v7-JdY5+yPv4Lco}R75q+}mwQWg)%g8i zPkam0Gr3i(+j316))ZPkK74@1cL6glXeX9#KQi{DG#%dr0_XRC0K7#(LwlZ<;D5eD z(?CDCGq~r*zWsBksw!UGRmieU`$$pFl0GSpj1ZBS4Bn!b+p2c{ma=PF7Wz&3?A&sB z{C85~e}9@IHCcNuC*PDc1`v>FRfiS)7=u8+Qs7!1#M9Ip6WeZ}N^7+ciUnhw9}Fs= zY@DS_e8Oie_LiWi-(7Ck^*c%%s@gQBJGN?Y`>aqvEDt{|d8`Y_5k%RlEsVEynBVL;W@|w@<8}K-XEUYpwttpV-^C z_iMHR7GkK#L4HE$lzVd+GBUh|1Lx-dYXNjBO1$Pt-*RACEz4+Yp@Lg<)yW#!X9Ekz zc0Mb3OUd-k`;do;iSdida@7p7_1*q4V(G5tw%(bPdo@2ZC8 zNM2i8e}*)wtA|(onQ+U@FPs87E!^tSdUIDtbpMY??r2ugkI4TYsog@uLBITJw2 z`U~gZ*F@^vwrEHPbUNu%z--AcehxxVRkMQda=o z1+WI_h|F&A9_}KM_a_>4QJHPWBs~aUW;ndp9ZJ@I`)-rcq!H)(U(r_6WlaLyt88tx zj_=>)WqwmOG$4=U>NJxp#khGpH!F9S8@%!%6h!^^t$N;Gm&yp~%lW@Y5$QHcwBA5? zx-d#GKlx*6T==I(4?(^IhdIu6nyWSbmhjvg$mF02xEN| zAE`pdLTWE`$5RF93a3%C=1Lqjs10bpyg5Nn>E1Ybo|G%jHc4T3;i zpTS}GmNunR@*aJW^UK3>?g3G(BwV53Ab+&CmZs(^7;@-)f6bGalym|ViMOF#!onm| zQ&XQ*{(}Mu1BhyZ2b}%~fH8pv9u?$H5|fbF9gxnTYvBIoxqE?IkMQ91(hI zyoL`Q!^$?JACp#A2KU*XrES!^oSd>%YzW46pySnLsuh%gQhc-AU8G zMwM_s+zMzP+t`>!uK2hAr_H^&x*7^5#y!vMf~1)=gYW`SdX^mtB!0JFn??c$KX|?` zSy{39akqZ@dV0@`1fcSr#U?%g^nL)khI{~@f!MG~W}(Gg+%B}ob6>c?owKa@ZTfjF z@WFx@b~=83LJ%)-(Xk9Tk}rvg;aTMTY$~O1R8+8ml5qzdu%It6e%b+GO^uEgI8sce ztH9AS{Nf(E=oL&_Qs&s^&_G83*<}q1S`B%!pmZ|QC9auCQ2dCc)bjGbF}=@6GVN9)}R%lxk|a8ZZaCqhx5o0fXGpu{hX>?sC|Z|0!_#WW~P~P89xt zy@r&GjPB)20uYsZ(dX{rflEjj0dgjv$0h^V;Em$O?^sneGc%f>MlF#5;I8UbQc~J| z-vI#3&Z()oM-_0z3keIqX13W2*JbS}kqh95ntnCl7Rek#y4qqSiusb683WXr-;0Xq zfaU2-#mhmjMA5{A3Vdk)dvNaqG!qk(=dW*KqDD)B%82bvNBi79eYsYfJ1MV&VuN#N zG^(och&bo=Hue`;D7D?4b~&7K*5~p*&F#I4bkncQ-BXX{KOaqujVT?13R zjjuu_Ed0B_|FyF-XLWToP`$;Km9c}rvOBnYMFC6; zAeAIMHT6YcVBqS;20T~;&)vzlhnbPnmFtIU(^Y2P62qc*$dJN97%~-vO}nxW12aA7 zP$sYbEL$c@tgUTmxw~Q6KjYi_E?VFTqDE>obFzs>e5P!5`gbBJ>GOI^dtbK{Z)PoX zyX-w-B=T%aUe*|HN$(eXjUS^q+KzbC*1R&_x3-D{b~r*UKL<%GB_$;)A)yb59rvDo z1>Myzn$Kq7M9W+ZMxc@Wdu{3zmTHu5=Hh})28^!;23;Wc@+-)-tga4ENg)K#5`>M7 z4JiHqWQ@_<+j~%0>F?ykF)%Qos;wQlzHUwcz_i+0f}WlpW_ETNJ3AIMG&EIJ)zJI< zKmr1SZ^gwZetv$;%*?MqGv)AvZwdYv`Cy9V&YuEwAbDEd+|+uq`DjD^o?lEb%tLE! zVk_sN^z89YiE-kE3B=39Kt;uLf)TdTZgsduA`iY2KSDw!Eo}z$g!^fNMXLG^>hV7F<^iG z;K^d5eK;B(>@r|r*kLLX>;BOxMeafXX>M$+4DY9+%IW#Hi14z$Gk`w4++Zg)A`-|t zL31}Wzraisa{|QQ0KBDRU_bA9$}l4%(l9$wqs)qisJ z@Q?;7OW?4=0#u}ss3_YM?TKD37ah@fL^a=x*zs|?3HtCOzolcD=LQ^Y4BV?fyz!KX zy$LpGiBP32XJ4U-uZO!@3V&^_w}rmiBQ1zyLL#JSfRE}EK<=if@ZpK^sS=!wjftI{ zj7<0xSX0bRj48Jy0%vWNalt72$e~0FLp70YrPn5GSKeQSS#eNyQ%^{f6bgP14t6~s z<2gC;piKlG?P3XwmmD0JV7r$$&%{=ekdk(GbmTp*fpde2i3$AluAZKP$8r5S8Uuqk znOH*dr=p@pq;EwLifoIxYA>ds^zRf^Y!bOgvdqF8D!EsaR3O-h6pLhu3hB*CEG&x~ z7JYCZu^qO9Q5BW7Sjgi!QiZMaUBa`*O~O{FbrlsA-&a&{4G8n@HG>yO5U#w+Tx06w z6xZF|eVYR#tmA)fmKWKEzxw6;fI)bqQ%f~}H@21x3Jebo$;eqV7G~>z{Idx6t&*I% z1oDZ^OoQV?adE8m$s|1i+TN8s2nU6Yj9`HS3(!|7H;tULHTCt*f_IFWU8C5eYX=5* z0Kzy!Y!tk=7*GunP^EbF--l#^LJ89@eeIA(R4_E%_2j=(#Re9Z)Ay1Pp#bfgJI4fj z0J<*pB8`2Ml7tuz1;9iE#(FiteGbvl(RsEIr}5cf?cFr6u?mTXOs<{y0(F-~&@nPZ z(dB6vm*-zB`FE*^y_dl7uooJ538%*lWn$vNH-k%LOZpVaj<88xO$8Z9ZeJP8NxC4Bzm&LVgKMwu zOirZ$Z>b8aU7D`Btt|>2UH+{knM7<{+=3R7hX<%dmFXa z2#rlV;sH$}ql1A@E;HL>m4X(_Ry&+}GJz2eb#N?a#Uy?_+MN%S%6qNi3g` zm()2B6BEM#@5{y@m!p|#_V1v*ij5yT5$Eu$AuWUlf`_1TT&*b2en}keOr%U|k_iF) zVlR**;!;v#vGkGIf=$Y9*oXtvO#&F0bxBsasu^*0Z}$Zs*nY`(^oF*aC8)Eqg)u0G zu7n`(HiIGQ-GPh6|3St%GhQ$)+B<|5-fAio3^XjPorN8>Z*wk~o5Ka(6!>4wE_e6z zBZXix&~smuYo32^#_&)SuGJG#dX(F3&Jj!!2&q$wKuM|*w`G%dy0;s@=xlJJ>S;Ac;_t59?gs)sC z@u8uR#rDykkZZ@mQ$LnDlk?7Y`W_(Czsa*#qG8dqM&rq+pJFUim#sDkkC z3uEk>n@j5Hh0WkxcW^W&Nle2###F6I^ip`a59SIK-zCUbrfL#K|F*E%jRgPc!PADh zqhqY#N+A9VPQ&LLJ_tGD&mVOlTen#L`#`02puHn5LSk_pA*W2=$*ZZtfl8n^KRN(wy{S0=ep8)uiU?jLDRwpjy<| z(CEP2U|^fskYTw80N=Z7R_6vW+QQ>R;!3TSAdC}6+!h!3uD_hh@RZ|lIA0OX0 zAix4llO^W2C$K@z-a6e#kX#>?oHJk}@H_pB%BYkU3Iyeq%atto|J5VKI9CN!VOL#r zA{6DY=BgmcV>_kvM$0`Pb#WwJmJgiz2$L5+b+ri7Wl-x8&8J_Zu88;6{EoymhMX0g zi^prMxrq+eEVb`1?>x7(QqAnoiK56_^(rU%I)B3E#x@$p!y5r2d4RAdvF+yv(=mY- zsqpdrR5+KOp1hoND8`xjO}=L_ha3OI5Hi`{-~XKR2xf`L-^P<+9xOKDgHVmmXLHVG zs)>EwgiN_+xXynKm3R=yx0WV+?Yp>+H!VN8aZqRg$&sXG0|zjyAP_r(aWD zeT*v~V!)P%6O)z2z4!-@5e|B&t!ZkcO~je{dt_|6#RvOYNv`dBF`~74){XD0sYdOg z^m}8Yi1MlErrlutQHJBdgnrQ$HSOg=icXq4{rLD$OVyB)>Er!$Tj^#01U^951K3|` zZhmX|RZm(Kcl(rqg0Wh$XPKmDooZr=s0 zk1i0715d&L$vuBEV2FS=!W1ZphKY;EnBnTNB~ z*Ei0#iY{;b{_o*tJC_EpKR107&m=Lz|!#py3aZY2zn$5MOYof%G~< zGdXW*z)TbKTB1-&SRVChYMH%5)LypWI>4?z=^laUaTEN0YWsWQOKiU#hi(?*%6!e= zNa8W7u*@|myL01GMI$Wr@4;!<4EQ2-o7@W&uAYfVAdD%{69q)Cuj-bCL};sogzM%` z(a846aX}^-lEA!q5@?4NKV6atQh!n4k@Oa{Cw;(hE?ycD)59ujX0a-c$!t-b00xw5zo3itEyr@y z9eRzkqr9vWW}jZh43IY+_cP_X#-l=J_x^Rf8cEy+9Otv&Q*bayOIw>(!dL)m@ht-J zKJz*qwsBH97A-FQ0v|vB+)J>~aQ&X-G$W3~tQch+=x$Nuc?y&mjC9u&R|E;ng6-n=U%iaA!F zJep1M&gS2;wT%}P`S>GnB=UB_^Y!8w_HiP*4>ztsR(#ubn-qfl+q^9tV5ZBUs3Aac z{UMJ%`2)B5vuM+J< zul|FeqUTV~u6(~u4nIs{`c9=#>hJ&sG4w;NGz;O4uet`K$57u;Td-Y~vJ(dm31XHA zrX@>z4+d2aRnI@e%b`iJD^;a~S)K9#XTp`BJ_LWvEA@*V=!cJd6pk7Fmy^tkT!SgX z*02}mO;=I331HaBm$WqIv#eJd8Y7sGUJ@Q2?^W`HngK-$db*@Dw0c0G#I`m=k@@D{ z;zS102wdeL9z%r`$-3JJp5Qw?uK0Gh*DidxhtGg7QUjZ;64?Z~U@6Y;+qSh?-loT_voJ_OvX_ zD)gO#B>ShL@JJZ8r~3Vye!kn6D`guGWug|ZQ^ORNdHl3hA#dJ@5*YnHY$3PYG=91Y zK!u%cg!cVV>FdEW-C$fTmpvWL1eJdJOhZj`j4ldh6_@Q#ZR<$=h$i8r&BKH8@is-P z`yBTOEuCTT^RHUv2guntt+^^%+$@7w&&Ypz@P9SZ3J=4TTz7xX>oBBb8?}-5)a5El z6|t=*|JjR420IuV{_nopgYZAGUc(2%9$JP4m6GCQ=UU)vO%&hdQgg;oYeeP9DEZ5YGK%EiD`#!!*O&NL+#Bg{h?(olWR82sfiIisM)^Xb0-5>KWHU{q z3M`{t&*TY_{P-5uEh7q5C61Xu4q8PyYJjvy7G)()MRSB}eD3dP`JJ1i&+0i97Y>;( z71EdqW7K|jOSJTYS);i&Uag?(KEAyCD$JOuz;m=FecjW&dhne-@OTHex3@3fK?%cr za8Pd>Ty$1RGrHNXa60Jfx_#~EWT1Qqh&#-!eFr2ee?~wDs(pn>lYlLGR>aZi{89~5 ziWX{4=Jb^Kh9S*6h;3c5Mt9U?O&raFBEZ&jR9{Q8yVk?Q2U#xO(qI4X4t}^&tf(Z8 z1^2gOvXBMm%WhsS@6^=Z_G74NNbp2Q0yt@*@ejd<+a(^QLhuhJQvA6)YUBlfv)8Gw zNtZLFPBDD)umrQb=tqzMEiA) z=eioYe`3&()>*AG`&wD?M{#*aM)yS7MvNFzS8u4e$6o*e1MDN+Vog@|noltGVo_wT zx*ErbG4p<7dmEW4KEoB_%5wxoGQJNZOon@9gHL8idL8dAB2gTQOiARA(OVV#^uB4)`JGXJb@-_bo<0NP1J{T z?|T34>O{|;Re_9Mjc96m{XssVk~_UMtit~GuHoT9biN+k9XrCJ(hX)Fk`?wHWg ztmegN4a%HynHd|y0cwevYvT-Fw{@8;Q6DTya+2S105vVst%3tl*x_MWt@(B8sK(Lr zoi|9P8b>;-_KrO#tbdGa^KutI;5aoJbQ%{rEk5~lWWIU|-k;h12h9|eDDNQEJ4UHk zp6&O~NgspAOBu@}2lXJ@8BBV4FNvh|X1-0)?Vi){itba@-StQ%g@%IQ!Yb<{duU)* z23pJSHwfK5c|MNp`*d_wjN;iTSsNfwlmz1ZCLZ?v_q*cc$}99pU7yaIN?BLlYSXy7 zm!M8J1Z1q4z#?>XJDTalee#IZ2MZSk;W=Su&sV{VUv8-ty{MS^!{V=K&Y6mQ9YgY; z$zQ8;?nXq9U>$ikdnT8AGuYtB?f}FN50Fx6J4u4u=o$M!MMc$Z_2;*t=n$b=5&v|| z6kWFA;z=4B?bH-UH;%SjBlSjfqOk=5;^|cR1n4!)(22eMf0{Y{QuH3L1{XjcamXe=N4WG*sDyppY*e_x$$1GHnD!_Hw2Ph?O z^KO*Mm-_K#iEnTwY?~Trfc^rM3+R!Uyjlh7EE2JjpSbW;+}o^cr3Lp7?pR|Z?7iLm z&QXMX;#s)o+9g-_N|*geD|xtkemtTd`|mqD1_j3Pw*i=#W%EXeoR>=3-jnGE9|+7C z%9W%79j|4aRg6qlKff0UiaI&zqbdz@(jp-yUIke%J-`qADIhCUu?aXXHQve zL0&7{KySe?C*0b4&ZhvfyaX+bMiyYB7IOcK0!$ry2~%&n)4VJ`F0Q&*_feB$1ix!t zRbjQ7_wnj1I$#X^u zXmJbvIDi#+9@Ca`xy8T)?_q-6e2H)mAGXPsw#eWGn2Kjw6HviwBG)k-3SIkTqPl$? z;O$A;<_ra!{RvhB7r4RatRVs_O0l$?f}8s@rFYHDQ-aM*DgBHh#K&>H(d7^b8T?zB z*P0Povfi6NaAr*RQ!w8!TU}uW_3+~iw#vEwDv5J-hYP+A3)nA64UOiItZ}11BVy~C z*0c?cpnSjiE8GcC8&UD`a=K~jM2>Xw@iIzE7@!f=4=Iz;jONh^eim+w%>3HpCpUmA zlulTYars;5xQr2a%W}q8c;be*DWBW}N}8N2lzR%Xgql%LYb_pdh(Z^rJf6r>Xb8~2 zHxObv_?4qlLlp&J-NaNu=eQ#|;-#Leh>$9`S4XC+R~$;>Bbg1M6>W&&xA3el9n}o{ zt#Eq{=R(n{_G5Xm#T<|L@F@%H-HqSQXWllbtN-xC4o%fRF-94GH#Mb{o`~Rmg$Veu z?ml?5V3H{oLamPb9Z}xCz@dFNmqzzN4ccg8{GShzA=PsX8c3cy;TjJw#K>yk0YnmJ zDg|fi0_@#bL%G-}lNhcq$DTTU8nd`Ev#NeuaD#^LZTXo|lRF}i63GGs8!s;}=&x4S z*TaGHj0$%>V@9tNW=lQ z3fQ#vg(*uVmFol2)$F|=EV9mirCN&NKLw0m*L3Tj=Az9@1LZd?Ol}Iy-?UVv_HDdF zdcHv~4py-5P4GD;+pgh!pMnaM2~83)+xc?)$;q6z--Bgf4lDYEY~@)GfTwm$$GqEYCjNxQFAgh1xR1`BD6Fx}r`B;Aohru}<`mO{e3 zdBtx6tqb*+-1vpb^w!O1&6T_`|B_3l1YkqAr>P6MQ#^k0yV7HqzWn)9Kblx0zupxo zBuv{`^GHShc@H|&sHr-<8~263;om1xHI$7c!&78PBddww>-q!QmcHB8Xk`v=gQ?}@ z8SM>~c=H|?PfFFNtN+YR4+CMHM6UZNvqEre64r21UVttP^mxKxG+y}N&T}V|9p~ig zHzvB{GSRJ>%<3yjCiF6pH_j!7BMN1rVE}igSH(96@SK!ALbk z!;9g*>&5yNuuV-*4poWrVlt%oMIb@0w?=xi&j(y*mu}eDrVsuH#-+G`q_HyYI#FpC z6sjpHrLRk)Y9RwZBd>ORCcl7$7&5rBNx5+nnxJEQ`kMqhk$+)|zPB!puyw{V{Do3x zgdR(V97~B=rU$>+2o(}_c=9LD@i>;AT=f|*R~sG_5uNxC*Y%QZ(RPzz&1VHFaidzV zuZHYkx-DSZ&3#}bPmgQie=aa`gv^%*ef)PNd7U;_8WJ|C$yil#(uVkhK)0EoaoCyS z?K}}H!n-#H+#ZZ$jM^C#C!;K%c(sF&ZoA@=d2b560W?8Uf| zBFD%{Si6*9HEPkbw1h}ULT+wU5~5|4zNu*=InMp@zncDFuEwCeJz(v1*3rd=d0A@I zICd^PVuBFu-%^)nLfFxVbJ5P%%S`g-}L#l-EUT4 zli&yZnfpWim)Y+iBeagGGTGVuT~&C3&`B+hIs0Bn|1uY z!n-~rj=^+ol<^;a#Zx=@40Be8wBHMw;h|Or2#&S3SkF)oe}a1@HUB9T0tRgGi$s8` zT-Vh&&aolNVh&hWZv{pk!h7L@$g$EB%)FhbLCAl>_s9+tX@dsdxp8A-4u8b~p%f2n ze!RK#FHiwW-h(NE9?C!li@NL|<7qEi@Kemai_qZPaL5AQbtnmL+I-3NDwKlX$I6O> zQZ$?PAHbJYNCTeP=ZL&}yli21*+wqL(!!&v9x2knt+zti*^8yuXer78k)@0W5T;lW zLw(c+9QV2XRxh%2?6PV_^x+u4Q>@u92bZS(c=~Ff^{I(Rl;?K9e`K|SldpCdAtZEN zYSx}$z!{avGO#XNF>R?`S}b+(46sf8lPPTLI@ge zCZxz-{rUBLT~M6xdxXBu7Y|82O*#(wk~x0!x9|F4oN#2OiOlC!H;iFt=5Vq|6Hdm8Gs5A^-%2|zl}{Y~;}Z+i&t z7U8#Kh_w}Nq|E(?+{6*L_^WzP+4I#aoIiO<)eVcB7j@q9Lt|Gb)#z7DHMRAmF1-gG zpQEUR18gM~FAMvqukRatH9K;68gNM0Eq4rvf0hF!8sj@S5%0g0HC1Nyb)N;|o<9s+ zpy5Lj)L+I`WSGsx9n`}^fOLxZQrjQ%dZyI)8C!ub$)8_isy@I6HjIgaVL2dMyc_Z2 zZ$f$+5B-Kl^%z3lv3~3ZNC=2L7WM-bEH-t)9xrP{Q-3%LzR1H7@=lvW zw|+FS!wCp5y2hwwYN~560WRRvc+{<8egYcC6&A9s@K@TTK;%smM^o z;@stnQ_5$}AJD@h5R#{#JLwhZeh}QaGzA?8^NX6RzrrN?tLrd^d6gYr9<#?$U;hD0 zA2;aZjeNnW)^{&eCLF2x^pKjP)d;qB)<8;ZG4>1cPoodLB`fe>2R{)iT_yIibA+W4 ze@jBEQRnA}jpe}#H*+*3=vdV zc&M+w9wxX_+}h3jMWIsQAFV`VfbL5X^aWTEgmVT3>arzOP zQrnv%j&M1D{vLzT&gdC~!b0^6EZY|$J@UuwD^JAGjCNSFvq!g~>j?_uH>Ymji&Ed< z=ovtB^+c#{OdVNWg-!lbh1ZF!YbEVTMYkU~(Oxtjky`Rv-W9`H@y><7zZQK^dtCci z4Gw5FZ3tH@eaNt3m@=b)5biDGrFFMye>wc`GS;oY<$`vcp7__V(gqy1xWpfoiLf;9EJMx zZ=FNHVbj-^)WTz5rG{{yZWG1y(uIavb&b>gk7{B&k{Xc%8o90MRqb@?umc7d=HMV zsLQl8Nc%mUQtn7j)5(QZ_|JOtaaw9ovg<=pMs#@7`Iqc^ov}aO=33ab>MN^`>)Ojg ziI(OQ-lq$0N-#|}^F3l@P1z&H8pP&MCb1f^ZF}@>*g46~8II!Q-o^C*NI#G`grH^O zrw8LaM9J*pi1Nb*=#6*G)?%ZTAAwN@vz6VbuKKS&0};*rTiVNlzSW~4q2y_SrPHyw zF}U_?m0oaA@V5z!b0i~3p^UdBF{P_>^YAEDgR~@AQEo|V*?d`IQo2OFIt#Ze^_X6b ze$?O*d8f{m${_gy*cpXh`)pVIKsR-LXeKmGpCc8K)r~-tkboVO(}i}VhI6V_wyLEL zM=k`bCGqsKYNM>*JyLY!$(QFVkZZ)C#K;m~U{7t;NQ_olf9mNN5)w9}&WvkAyijgvnCA4X$xF8x)&HyUugy98kLeq7FH z9)DjPULA@`^Ih0csp-Rvh0h?l!LBgDif1m&-#JD114lxI894u%0>&VW4gm(aBq+7+ z8V`}QbYX5AIo9KFN~&!Eg2(q~CAk$WDmjp~wO6u;8WvRsg2N*|PZDDlR4o*Mn$sYC zGjYb|T0u{?A|@1ZR4F@>+T9;P~Ayj(|O@xD<}YAz4eb49(;Ui3FBZv zWG$yz7<;acwuHEV723p#ep0h53k$4|imxU}okipRZbAi$&5_D&FQu);6CC16n5oX$ zKiuZzEC(k(v_t%%Ag629>=t8aIkEnK#aV6pBiz=Al|bjrzbSN~z%;#1I;XF1Xd}DY z2i3-k9S41ja=7tHSFP2MKuyXlrt&R?EO_q%?ViJEvOS%{AXM1nZ$ii|%kjAUZf^TX zmBo-dN9xU4`f4Qwjv|9lQf4Tq)r5e$3-@Y&-kVT!zCt6zK<1j(=F1NYNnMrOf+H>#XF#R(n_lB6T2O%^sZ#TQ;I|4B;0`M9B zt5Qr2by@%}@U%^-|Ehe%KAH#E6WD9cu2`|YgyALRfp@GKka|*R8;gg@>#C~vY3^8woAsfJJG?Ex} zO-vFk4QG${mC)VlH+B7DND`5uHQm>}oZ;rePU8+^>B(2PlRF)HW=`w39v=$(@bRax zAv)!Wn2)=E|8gsi;NtFPr~W?X@qqb1^{2h4(O4_{Tpq^qI3tXK-i-0*5pShCT4~`I zUVKobzrWI`g;Qmf8Q!Z5QkQK<45gD_@2S8_B?)tWRZyiZk!os00{tJTKR{idh90Lm zy5)?;q%wfLIye}%5)9vVUu|_1U5oO+r6b_z5wWkNueC|Ie_pLvjKWl|@!3)!^|N-2 zdv>#2{HK}D!zONlQFqo0sx+SID)}?7)5L3&Ux89OJawyMYmipvHXZ$t^Zvs&7 z&Y@!BbspI^pF{gTrnK>tnJ&&ZbaK$-{W}R*EI>IjBKH$&yw?Ey%hX?(OG`0q2ul%vVk;5zUvDcKyi_YCbnFO!ezzW!(}; z$oK|*d!0NB!)u*rag)66MH%;kBO{?$vb!`YT=C!DW0qWlf~W z&jMUxSuDsJI>@e%fx|Z2Sd^9m-X4BWL8~!bFGVG3{?2)vGuOQPR-&etnILI>iJ5fy z0X(GVG}tWFRx0S1r#G;@3V6u}nTW#Z!{VRTUwb2@3RUWUh8%&U<4FglH>Q^)AhL>J ziSYmvpbk5=_kq@SMa`rrScSaUG7XON-9x@Jb!i^nNWnLVz9&7?tz1$WRN!CYNO_Lc zJHg8I_BR40fRm0;g7Ls82r`TG2?tjSg$6S@nOi(mmi8b=hZZVvulkrKFuz{+y_%Pr zH&Jik>l^($=ihvh;HRRfO}B#J+#|RoCO*Wkgj1??CH=o4y$Q%=Wobj2WMquYNi!t! z*=I#XgH-LoMgcSS%AhZBXGk)mAji1A;khIJ@mW+2$^pffisJR&hZqNGd21`EB(MbW zdfD$S=>({$!yzEJUNHs#uM{1w_>$U3(D$|PcT~F8gxtsYUt)z_@tI_%_9Ztrq_;bC zrWf{?Zgg~oLmCav^R1M2DnPY_BbEF$3j+Yk#)$;cX+-`BRDw_9e>b6`K5%<8U6v53N7o$anq81_Fa#pW2>yI{5*v zo5Nmv5I(+3H&M}>u$1b7!7v)>v}S)VsJ|Eg|E>6J=H)HITkh}C{9i3NA^yeO380m0 zEds7a#-`HOk1X{*@aE>Gy)}%$`)J?gTuYz2$g1Yns>|X62hJ?;n{|Yx*3a+2nVAkH zTb@0g@b3q+htCr^>xv0G*DVt%ePw8L>5r6)`iqLE-oPkpTAqISaa`Ql^0)GJ6Xrjx z{9&*;=hef7KTGrOGX48IJ<{#XZSjhCmJSLR{_Hs=WjE*N_X0tV88c0DU)~bEvE9G= z`Rd}In;w0fAaHiw#ns}%TTWG9{&daKzl`Ql^=F9^KW*Sn!NzvO(bYpI<&DHO)<5D*tvx;HTq1YTk;@l(UuEQ8Cdo zYUAc)uV*@OXKK#s=xizGz4R_nQUVw}VV<1A9CmeQ&Uo}nADDw9U&sJEiqv$^5vWNq-DiPSI?+IUf znYkUD7-Nq=HaxxemR7J6N9Jd6=HgIvISyO~!J*h9uqYX<257J$unz+)M_OJ;04oci zj8h2@xYXfLv;r3!Kp|OYP>c#Vb@VL+WuQ@G20CmKoA<}(Zr!Z_j1vyUv%N{Spa=x9 dLD6^UKl9mFQagDPD&iS{z|+;wWt~$(698ZhD~JF9 literal 0 HcmV?d00001 diff --git a/1.titanic-survivors/phpMYEkMl.arff b/1.titanic-survivors/phpMYEkMl.arff new file mode 100644 index 0000000..fdf03f2 --- /dev/null +++ b/1.titanic-survivors/phpMYEkMl.arff @@ -0,0 +1,1326 @@ +@relation 'd' +@attribute 'pclass' numeric +@attribute 'survived' {0,1} +@attribute 'name' string +@attribute 'sex' {'female','male'} +@attribute 'age' numeric +@attribute 'sibsp' numeric +@attribute 'parch' numeric +@attribute 'ticket' string +@attribute 'fare' numeric +@attribute 'cabin' string +@attribute 'embarked' {'C','Q','S'} +@attribute 'boat' string +@attribute 'body' numeric +@attribute 'home.dest' string + +@data +1,1,"Allen, Miss. Elisabeth Walton","female",29,0,0,"24160",211.3375,"B5","S","2",?,"St Louis, MO" +1,1,"Allison, Master. Hudson Trevor","male",0.9167,1,2,"113781",151.55,"C22 C26","S","11",?,"Montreal, PQ / Chesterville, ON" +1,0,"Allison, Miss. Helen Loraine","female",2,1,2,"113781",151.55,"C22 C26","S",?,?,"Montreal, PQ / Chesterville, ON" +1,0,"Allison, Mr. Hudson Joshua Creighton","male",30,1,2,"113781",151.55,"C22 C26","S",?,135,"Montreal, PQ / Chesterville, ON" +1,0,"Allison, Mrs. Hudson J C (Bessie Waldo Daniels)","female",25,1,2,"113781",151.55,"C22 C26","S",?,?,"Montreal, PQ / Chesterville, ON" +1,1,"Anderson, Mr. Harry","male",48,0,0,"19952",26.55,"E12","S","3",?,"New York, NY" +1,1,"Andrews, Miss. Kornelia Theodosia","female",63,1,0,"13502",77.9583,"D7","S","10",?,"Hudson, NY" +1,0,"Andrews, Mr. Thomas Jr","male",39,0,0,"112050",0,"A36","S",?,?,"Belfast, NI" +1,1,"Appleton, Mrs. Edward Dale (Charlotte Lamson)","female",53,2,0,"11769",51.4792,"C101","S","D",?,"Bayside, Queens, NY" +1,0,"Artagaveytia, Mr. Ramon","male",71,0,0,"PC 17609",49.5042,?,"C",?,22,"Montevideo, Uruguay" +1,0,"Astor, Col. John Jacob","male",47,1,0,"PC 17757",227.525,"C62 C64","C",?,124,"New York, NY" +1,1,"Astor, Mrs. John Jacob (Madeleine Talmadge Force)","female",18,1,0,"PC 17757",227.525,"C62 C64","C","4",?,"New York, NY" +1,1,"Aubart, Mme. Leontine Pauline","female",24,0,0,"PC 17477",69.3,"B35","C","9",?,"Paris, France" +1,1,"Barber, Miss. Ellen 'Nellie'","female",26,0,0,"19877",78.85,?,"S","6",?,? +1,1,"Barkworth, Mr. Algernon Henry Wilson","male",80,0,0,"27042",30,"A23","S","B",?,"Hessle, Yorks" +1,0,"Baumann, Mr. John D","male",?,0,0,"PC 17318",25.925,?,"S",?,?,"New York, NY" +1,0,"Baxter, Mr. Quigg Edmond","male",24,0,1,"PC 17558",247.5208,"B58 B60","C",?,?,"Montreal, PQ" +1,1,"Baxter, Mrs. James (Helene DeLaudeniere Chaput)","female",50,0,1,"PC 17558",247.5208,"B58 B60","C","6",?,"Montreal, PQ" +1,1,"Bazzani, Miss. Albina","female",32,0,0,"11813",76.2917,"D15","C","8",?,? +1,0,"Beattie, Mr. Thomson","male",36,0,0,"13050",75.2417,"C6","C","A",?,"Winnipeg, MN" +1,1,"Beckwith, Mr. Richard Leonard","male",37,1,1,"11751",52.5542,"D35","S","5",?,"New York, NY" +1,1,"Beckwith, Mrs. Richard Leonard (Sallie Monypeny)","female",47,1,1,"11751",52.5542,"D35","S","5",?,"New York, NY" +1,1,"Behr, Mr. Karl Howell","male",26,0,0,"111369",30,"C148","C","5",?,"New York, NY" +1,1,"Bidois, Miss. Rosalie","female",42,0,0,"PC 17757",227.525,?,"C","4",?,? +1,1,"Bird, Miss. Ellen","female",29,0,0,"PC 17483",221.7792,"C97","S","8",?,? +1,0,"Birnbaum, Mr. Jakob","male",25,0,0,"13905",26,?,"C",?,148,"San Francisco, CA" +1,1,"Bishop, Mr. Dickinson H","male",25,1,0,"11967",91.0792,"B49","C","7",?,"Dowagiac, MI" +1,1,"Bishop, Mrs. Dickinson H (Helen Walton)","female",19,1,0,"11967",91.0792,"B49","C","7",?,"Dowagiac, MI" +1,1,"Bissette, Miss. Amelia","female",35,0,0,"PC 17760",135.6333,"C99","S","8",?,? +1,1,"Bjornstrom-Steffansson, Mr. Mauritz Hakan","male",28,0,0,"110564",26.55,"C52","S","D",?,"Stockholm, Sweden / Washington, DC" +1,0,"Blackwell, Mr. Stephen Weart","male",45,0,0,"113784",35.5,"T","S",?,?,"Trenton, NJ" +1,1,"Blank, Mr. Henry","male",40,0,0,"112277",31,"A31","C","7",?,"Glen Ridge, NJ" +1,1,"Bonnell, Miss. Caroline","female",30,0,0,"36928",164.8667,"C7","S","8",?,"Youngstown, OH" +1,1,"Bonnell, Miss. Elizabeth","female",58,0,0,"113783",26.55,"C103","S","8",?,"Birkdale, England Cleveland, Ohio" +1,0,"Borebank, Mr. John James","male",42,0,0,"110489",26.55,"D22","S",?,?,"London / Winnipeg, MB" +1,1,"Bowen, Miss. Grace Scott","female",45,0,0,"PC 17608",262.375,?,"C","4",?,"Cooperstown, NY" +1,1,"Bowerman, Miss. Elsie Edith","female",22,0,1,"113505",55,"E33","S","6",?,"St Leonards-on-Sea, England Ohio" +1,1,"Bradley, Mr. George ('George Arthur Brayton')","male",?,0,0,"111427",26.55,?,"S","9",?,"Los Angeles, CA" +1,0,"Brady, Mr. John Bertram","male",41,0,0,"113054",30.5,"A21","S",?,?,"Pomeroy, WA" +1,0,"Brandeis, Mr. Emil","male",48,0,0,"PC 17591",50.4958,"B10","C",?,208,"Omaha, NE" +1,0,"Brewe, Dr. Arthur Jackson","male",?,0,0,"112379",39.6,?,"C",?,?,"Philadelphia, PA" +1,1,"Brown, Mrs. James Joseph (Margaret Tobin)","female",44,0,0,"PC 17610",27.7208,"B4","C","6",?,"Denver, CO" +1,1,"Brown, Mrs. John Murray (Caroline Lane Lamson)","female",59,2,0,"11769",51.4792,"C101","S","D",?,"Belmont, MA" +1,1,"Bucknell, Mrs. William Robert (Emma Eliza Ward)","female",60,0,0,"11813",76.2917,"D15","C","8",?,"Philadelphia, PA" +1,1,"Burns, Miss. Elizabeth Margaret","female",41,0,0,"16966",134.5,"E40","C","3",?,? +1,0,"Butt, Major. Archibald Willingham","male",45,0,0,"113050",26.55,"B38","S",?,?,"Washington, DC" +1,0,"Cairns, Mr. Alexander","male",?,0,0,"113798",31,?,"S",?,?,? +1,1,"Calderhead, Mr. Edward Pennington","male",42,0,0,"PC 17476",26.2875,"E24","S","5",?,"New York, NY" +1,1,"Candee, Mrs. Edward (Helen Churchill Hungerford)","female",53,0,0,"PC 17606",27.4458,?,"C","6",?,"Washington, DC" +1,1,"Cardeza, Mr. Thomas Drake Martinez","male",36,0,1,"PC 17755",512.3292,"B51 B53 B55","C","3",?,"Austria-Hungary / Germantown, Philadelphia, PA" +1,1,"Cardeza, Mrs. James Warburton Martinez (Charlotte Wardle Drake)","female",58,0,1,"PC 17755",512.3292,"B51 B53 B55","C","3",?,"Germantown, Philadelphia, PA" +1,0,"Carlsson, Mr. Frans Olof","male",33,0,0,"695",5,"B51 B53 B55","S",?,?,"New York, NY" +1,0,"Carrau, Mr. Francisco M","male",28,0,0,"113059",47.1,?,"S",?,?,"Montevideo, Uruguay" +1,0,"Carrau, Mr. Jose Pedro","male",17,0,0,"113059",47.1,?,"S",?,?,"Montevideo, Uruguay" +1,1,"Carter, Master. William Thornton II","male",11,1,2,"113760",120,"B96 B98","S","4",?,"Bryn Mawr, PA" +1,1,"Carter, Miss. Lucile Polk","female",14,1,2,"113760",120,"B96 B98","S","4",?,"Bryn Mawr, PA" +1,1,"Carter, Mr. William Ernest","male",36,1,2,"113760",120,"B96 B98","S","C",?,"Bryn Mawr, PA" +1,1,"Carter, Mrs. William Ernest (Lucile Polk)","female",36,1,2,"113760",120,"B96 B98","S","4",?,"Bryn Mawr, PA" +1,0,"Case, Mr. Howard Brown","male",49,0,0,"19924",26,?,"S",?,?,"Ascot, Berkshire / Rochester, NY" +1,1,"Cassebeer, Mrs. Henry Arthur Jr (Eleanor Genevieve Fosdick)","female",?,0,0,"17770",27.7208,?,"C","5",?,"New York, NY" +1,0,"Cavendish, Mr. Tyrell William","male",36,1,0,"19877",78.85,"C46","S",?,172,"Little Onn Hall, Staffs" +1,1,"Cavendish, Mrs. Tyrell William (Julia Florence Siegel)","female",76,1,0,"19877",78.85,"C46","S","6",?,"Little Onn Hall, Staffs" +1,0,"Chaffee, Mr. Herbert Fuller","male",46,1,0,"W.E.P. 5734",61.175,"E31","S",?,?,"Amenia, ND" +1,1,"Chaffee, Mrs. Herbert Fuller (Carrie Constance Toogood)","female",47,1,0,"W.E.P. 5734",61.175,"E31","S","4",?,"Amenia, ND" +1,1,"Chambers, Mr. Norman Campbell","male",27,1,0,"113806",53.1,"E8","S","5",?,"New York, NY / Ithaca, NY" +1,1,"Chambers, Mrs. Norman Campbell (Bertha Griggs)","female",33,1,0,"113806",53.1,"E8","S","5",?,"New York, NY / Ithaca, NY" +1,1,"Chaudanson, Miss. Victorine","female",36,0,0,"PC 17608",262.375,"B61","C","4",?,? +1,1,"Cherry, Miss. Gladys","female",30,0,0,"110152",86.5,"B77","S","8",?,"London, England" +1,1,"Chevre, Mr. Paul Romaine","male",45,0,0,"PC 17594",29.7,"A9","C","7",?,"Paris, France" +1,1,"Chibnall, Mrs. (Edith Martha Bowerman)","female",?,0,1,"113505",55,"E33","S","6",?,"St Leonards-on-Sea, England Ohio" +1,0,"Chisholm, Mr. Roderick Robert Crispin","male",?,0,0,"112051",0,?,"S",?,?,"Liverpool, England / Belfast" +1,0,"Clark, Mr. Walter Miller","male",27,1,0,"13508",136.7792,"C89","C",?,?,"Los Angeles, CA" +1,1,"Clark, Mrs. Walter Miller (Virginia McDowell)","female",26,1,0,"13508",136.7792,"C89","C","4",?,"Los Angeles, CA" +1,1,"Cleaver, Miss. Alice","female",22,0,0,"113781",151.55,?,"S","11",?,? +1,0,"Clifford, Mr. George Quincy","male",?,0,0,"110465",52,"A14","S",?,?,"Stoughton, MA" +1,0,"Colley, Mr. Edward Pomeroy","male",47,0,0,"5727",25.5875,"E58","S",?,?,"Victoria, BC" +1,1,"Compton, Miss. Sara Rebecca","female",39,1,1,"PC 17756",83.1583,"E49","C","14",?,"Lakewood, NJ" +1,0,"Compton, Mr. Alexander Taylor Jr","male",37,1,1,"PC 17756",83.1583,"E52","C",?,?,"Lakewood, NJ" +1,1,"Compton, Mrs. Alexander Taylor (Mary Eliza Ingersoll)","female",64,0,2,"PC 17756",83.1583,"E45","C","14",?,"Lakewood, NJ" +1,1,"Cornell, Mrs. Robert Clifford (Malvina Helen Lamson)","female",55,2,0,"11770",25.7,"C101","S","2",?,"New York, NY" +1,0,"Crafton, Mr. John Bertram","male",?,0,0,"113791",26.55,?,"S",?,?,"Roachdale, IN" +1,0,"Crosby, Capt. Edward Gifford","male",70,1,1,"WE/P 5735",71,"B22","S",?,269,"Milwaukee, WI" +1,1,"Crosby, Miss. Harriet R","female",36,0,2,"WE/P 5735",71,"B22","S","7",?,"Milwaukee, WI" +1,1,"Crosby, Mrs. Edward Gifford (Catherine Elizabeth Halstead)","female",64,1,1,"112901",26.55,"B26","S","7",?,"Milwaukee, WI" +1,0,"Cumings, Mr. John Bradley","male",39,1,0,"PC 17599",71.2833,"C85","C",?,?,"New York, NY" +1,1,"Cumings, Mrs. John Bradley (Florence Briggs Thayer)","female",38,1,0,"PC 17599",71.2833,"C85","C","4",?,"New York, NY" +1,1,"Daly, Mr. Peter Denis","male",51,0,0,"113055",26.55,"E17","S","5 9",?,"Lima, Peru" +1,1,"Daniel, Mr. Robert Williams","male",27,0,0,"113804",30.5,?,"S","3",?,"Philadelphia, PA" +1,1,"Daniels, Miss. Sarah","female",33,0,0,"113781",151.55,?,"S","8",?,? +1,0,"Davidson, Mr. Thornton","male",31,1,0,"F.C. 12750",52,"B71","S",?,?,"Montreal, PQ" +1,1,"Davidson, Mrs. Thornton (Orian Hays)","female",27,1,2,"F.C. 12750",52,"B71","S","3",?,"Montreal, PQ" +1,1,"Dick, Mr. Albert Adrian","male",31,1,0,"17474",57,"B20","S","3",?,"Calgary, AB" +1,1,"Dick, Mrs. Albert Adrian (Vera Gillespie)","female",17,1,0,"17474",57,"B20","S","3",?,"Calgary, AB" +1,1,"Dodge, Dr. Washington","male",53,1,1,"33638",81.8583,"A34","S","13",?,"San Francisco, CA" +1,1,"Dodge, Master. Washington","male",4,0,2,"33638",81.8583,"A34","S","5",?,"San Francisco, CA" +1,1,"Dodge, Mrs. Washington (Ruth Vidaver)","female",54,1,1,"33638",81.8583,"A34","S","5",?,"San Francisco, CA" +1,0,"Douglas, Mr. Walter Donald","male",50,1,0,"PC 17761",106.425,"C86","C",?,62,"Deephaven, MN / Cedar Rapids, IA" +1,1,"Douglas, Mrs. Frederick Charles (Mary Helene Baxter)","female",27,1,1,"PC 17558",247.5208,"B58 B60","C","6",?,"Montreal, PQ" +1,1,"Douglas, Mrs. Walter Donald (Mahala Dutton)","female",48,1,0,"PC 17761",106.425,"C86","C","2",?,"Deephaven, MN / Cedar Rapids, IA" +1,1,"Duff Gordon, Lady. (Lucille Christiana Sutherland) ('Mrs Morgan')","female",48,1,0,"11755",39.6,"A16","C","1",?,"London / Paris" +1,1,"Duff Gordon, Sir. Cosmo Edmund ('Mr Morgan')","male",49,1,0,"PC 17485",56.9292,"A20","C","1",?,"London / Paris" +1,0,"Dulles, Mr. William Crothers","male",39,0,0,"PC 17580",29.7,"A18","C",?,133,"Philadelphia, PA" +1,1,"Earnshaw, Mrs. Boulton (Olive Potter)","female",23,0,1,"11767",83.1583,"C54","C","7",?,"Mt Airy, Philadelphia, PA" +1,1,"Endres, Miss. Caroline Louise","female",38,0,0,"PC 17757",227.525,"C45","C","4",?,"New York, NY" +1,1,"Eustis, Miss. Elizabeth Mussey","female",54,1,0,"36947",78.2667,"D20","C","4",?,"Brookline, MA" +1,0,"Evans, Miss. Edith Corse","female",36,0,0,"PC 17531",31.6792,"A29","C",?,?,"New York, NY" +1,0,"Farthing, Mr. John","male",?,0,0,"PC 17483",221.7792,"C95","S",?,?,? +1,1,"Flegenheim, Mrs. Alfred (Antoinette)","female",?,0,0,"PC 17598",31.6833,?,"S","7",?,"New York, NY" +1,1,"Fleming, Miss. Margaret","female",?,0,0,"17421",110.8833,?,"C","4",?,? +1,1,"Flynn, Mr. John Irwin ('Irving')","male",36,0,0,"PC 17474",26.3875,"E25","S","5",?,"Brooklyn, NY" +1,0,"Foreman, Mr. Benjamin Laventall","male",30,0,0,"113051",27.75,"C111","C",?,?,"New York, NY" +1,1,"Fortune, Miss. Alice Elizabeth","female",24,3,2,"19950",263,"C23 C25 C27","S","10",?,"Winnipeg, MB" +1,1,"Fortune, Miss. Ethel Flora","female",28,3,2,"19950",263,"C23 C25 C27","S","10",?,"Winnipeg, MB" +1,1,"Fortune, Miss. Mabel Helen","female",23,3,2,"19950",263,"C23 C25 C27","S","10",?,"Winnipeg, MB" +1,0,"Fortune, Mr. Charles Alexander","male",19,3,2,"19950",263,"C23 C25 C27","S",?,?,"Winnipeg, MB" +1,0,"Fortune, Mr. Mark","male",64,1,4,"19950",263,"C23 C25 C27","S",?,?,"Winnipeg, MB" +1,1,"Fortune, Mrs. Mark (Mary McDougald)","female",60,1,4,"19950",263,"C23 C25 C27","S","10",?,"Winnipeg, MB" +1,1,"Francatelli, Miss. Laura Mabel","female",30,0,0,"PC 17485",56.9292,"E36","C","1",?,? +1,0,"Franklin, Mr. Thomas Parham","male",?,0,0,"113778",26.55,"D34","S",?,?,"Westcliff-on-Sea, Essex" +1,1,"Frauenthal, Dr. Henry William","male",50,2,0,"PC 17611",133.65,?,"S","5",?,"New York, NY" +1,1,"Frauenthal, Mr. Isaac Gerald","male",43,1,0,"17765",27.7208,"D40","C","5",?,"New York, NY" +1,1,"Frauenthal, Mrs. Henry William (Clara Heinsheimer)","female",?,1,0,"PC 17611",133.65,?,"S","5",?,"New York, NY" +1,1,"Frolicher, Miss. Hedwig Margaritha","female",22,0,2,"13568",49.5,"B39","C","5",?,"Zurich, Switzerland" +1,1,"Frolicher-Stehli, Mr. Maxmillian","male",60,1,1,"13567",79.2,"B41","C","5",?,"Zurich, Switzerland" +1,1,"Frolicher-Stehli, Mrs. Maxmillian (Margaretha Emerentia Stehli)","female",48,1,1,"13567",79.2,"B41","C","5",?,"Zurich, Switzerland" +1,0,"Fry, Mr. Richard","male",?,0,0,"112058",0,"B102","S",?,?,? +1,0,"Futrelle, Mr. Jacques Heath","male",37,1,0,"113803",53.1,"C123","S",?,?,"Scituate, MA" +1,1,"Futrelle, Mrs. Jacques Heath (Lily May Peel)","female",35,1,0,"113803",53.1,"C123","S","D",?,"Scituate, MA" +1,0,"Gee, Mr. Arthur H","male",47,0,0,"111320",38.5,"E63","S",?,275,"St Anne's-on-Sea, Lancashire" +1,1,"Geiger, Miss. Amalie","female",35,0,0,"113503",211.5,"C130","C","4",?,? +1,1,"Gibson, Miss. Dorothy Winifred","female",22,0,1,"112378",59.4,?,"C","7",?,"New York, NY" +1,1,"Gibson, Mrs. Leonard (Pauline C Boeson)","female",45,0,1,"112378",59.4,?,"C","7",?,"New York, NY" +1,0,"Giglio, Mr. Victor","male",24,0,0,"PC 17593",79.2,"B86","C",?,?,? +1,1,"Goldenberg, Mr. Samuel L","male",49,1,0,"17453",89.1042,"C92","C","5",?,"Paris, France / New York, NY" +1,1,"Goldenberg, Mrs. Samuel L (Edwiga Grabowska)","female",?,1,0,"17453",89.1042,"C92","C","5",?,"Paris, France / New York, NY" +1,0,"Goldschmidt, Mr. George B","male",71,0,0,"PC 17754",34.6542,"A5","C",?,?,"New York, NY" +1,1,"Gracie, Col. Archibald IV","male",53,0,0,"113780",28.5,"C51","C","B",?,"Washington, DC" +1,1,"Graham, Miss. Margaret Edith","female",19,0,0,"112053",30,"B42","S","3",?,"Greenwich, CT" +1,0,"Graham, Mr. George Edward","male",38,0,1,"PC 17582",153.4625,"C91","S",?,147,"Winnipeg, MB" +1,1,"Graham, Mrs. William Thompson (Edith Junkins)","female",58,0,1,"PC 17582",153.4625,"C125","S","3",?,"Greenwich, CT" +1,1,"Greenfield, Mr. William Bertram","male",23,0,1,"PC 17759",63.3583,"D10 D12","C","7",?,"New York, NY" +1,1,"Greenfield, Mrs. Leo David (Blanche Strouse)","female",45,0,1,"PC 17759",63.3583,"D10 D12","C","7",?,"New York, NY" +1,0,"Guggenheim, Mr. Benjamin","male",46,0,0,"PC 17593",79.2,"B82 B84","C",?,?,"New York, NY" +1,1,"Harder, Mr. George Achilles","male",25,1,0,"11765",55.4417,"E50","C","5",?,"Brooklyn, NY" +1,1,"Harder, Mrs. George Achilles (Dorothy Annan)","female",25,1,0,"11765",55.4417,"E50","C","5",?,"Brooklyn, NY" +1,1,"Harper, Mr. Henry Sleeper","male",48,1,0,"PC 17572",76.7292,"D33","C","3",?,"New York, NY" +1,1,"Harper, Mrs. Henry Sleeper (Myna Haxtun)","female",49,1,0,"PC 17572",76.7292,"D33","C","3",?,"New York, NY" +1,0,"Harrington, Mr. Charles H","male",?,0,0,"113796",42.4,?,"S",?,?,? +1,0,"Harris, Mr. Henry Birkhardt","male",45,1,0,"36973",83.475,"C83","S",?,?,"New York, NY" +1,1,"Harris, Mrs. Henry Birkhardt (Irene Wallach)","female",35,1,0,"36973",83.475,"C83","S","D",?,"New York, NY" +1,0,"Harrison, Mr. William","male",40,0,0,"112059",0,"B94","S",?,110,? +1,1,"Hassab, Mr. Hammad","male",27,0,0,"PC 17572",76.7292,"D49","C","3",?,? +1,1,"Hawksford, Mr. Walter James","male",?,0,0,"16988",30,"D45","S","3",?,"Kingston, Surrey" +1,1,"Hays, Miss. Margaret Bechstein","female",24,0,0,"11767",83.1583,"C54","C","7",?,"New York, NY" +1,0,"Hays, Mr. Charles Melville","male",55,1,1,"12749",93.5,"B69","S",?,307,"Montreal, PQ" +1,1,"Hays, Mrs. Charles Melville (Clara Jennings Gregg)","female",52,1,1,"12749",93.5,"B69","S","3",?,"Montreal, PQ" +1,0,"Head, Mr. Christopher","male",42,0,0,"113038",42.5,"B11","S",?,?,"London / Middlesex" +1,0,"Hilliard, Mr. Herbert Henry","male",?,0,0,"17463",51.8625,"E46","S",?,?,"Brighton, MA" +1,0,"Hipkins, Mr. William Edward","male",55,0,0,"680",50,"C39","S",?,?,"London / Birmingham" +1,1,"Hippach, Miss. Jean Gertrude","female",16,0,1,"111361",57.9792,"B18","C","4",?,"Chicago, IL" +1,1,"Hippach, Mrs. Louis Albert (Ida Sophia Fischer)","female",44,0,1,"111361",57.9792,"B18","C","4",?,"Chicago, IL" +1,1,"Hogeboom, Mrs. John C (Anna Andrews)","female",51,1,0,"13502",77.9583,"D11","S","10",?,"Hudson, NY" +1,0,"Holverson, Mr. Alexander Oskar","male",42,1,0,"113789",52,?,"S",?,38,"New York, NY" +1,1,"Holverson, Mrs. Alexander Oskar (Mary Aline Towner)","female",35,1,0,"113789",52,?,"S","8",?,"New York, NY" +1,1,"Homer, Mr. Harry ('Mr E Haven')","male",35,0,0,"111426",26.55,?,"C","15",?,"Indianapolis, IN" +1,1,"Hoyt, Mr. Frederick Maxfield","male",38,1,0,"19943",90,"C93","S","D",?,"New York, NY / Stamford CT" +1,0,"Hoyt, Mr. William Fisher","male",?,0,0,"PC 17600",30.6958,?,"C","14",?,"New York, NY" +1,1,"Hoyt, Mrs. Frederick Maxfield (Jane Anne Forby)","female",35,1,0,"19943",90,"C93","S","D",?,"New York, NY / Stamford CT" +1,1,"Icard, Miss. Amelie","female",38,0,0,"113572",80,"B28",?,"6",?,? +1,0,"Isham, Miss. Ann Elizabeth","female",50,0,0,"PC 17595",28.7125,"C49","C",?,?,"Paris, France New York, NY" +1,1,"Ismay, Mr. Joseph Bruce","male",49,0,0,"112058",0,"B52 B54 B56","S","C",?,"Liverpool" +1,0,"Jones, Mr. Charles Cresson","male",46,0,0,"694",26,?,"S",?,80,"Bennington, VT" +1,0,"Julian, Mr. Henry Forbes","male",50,0,0,"113044",26,"E60","S",?,?,"London" +1,0,"Keeping, Mr. Edwin","male",32.5,0,0,"113503",211.5,"C132","C",?,45,? +1,0,"Kent, Mr. Edward Austin","male",58,0,0,"11771",29.7,"B37","C",?,258,"Buffalo, NY" +1,0,"Kenyon, Mr. Frederick R","male",41,1,0,"17464",51.8625,"D21","S",?,?,"Southington / Noank, CT" +1,1,"Kenyon, Mrs. Frederick R (Marion)","female",?,1,0,"17464",51.8625,"D21","S","8",?,"Southington / Noank, CT" +1,1,"Kimball, Mr. Edwin Nelson Jr","male",42,1,0,"11753",52.5542,"D19","S","5",?,"Boston, MA" +1,1,"Kimball, Mrs. Edwin Nelson Jr (Gertrude Parsons)","female",45,1,0,"11753",52.5542,"D19","S","5",?,"Boston, MA" +1,0,"Klaber, Mr. Herman","male",?,0,0,"113028",26.55,"C124","S",?,?,"Portland, OR" +1,1,"Kreuchen, Miss. Emilie","female",39,0,0,"24160",211.3375,?,"S","2",?,? +1,1,"Leader, Dr. Alice (Farnham)","female",49,0,0,"17465",25.9292,"D17","S","8",?,"New York, NY" +1,1,"LeRoy, Miss. Bertha","female",30,0,0,"PC 17761",106.425,?,"C","2",?,? +1,1,"Lesurer, Mr. Gustave J","male",35,0,0,"PC 17755",512.3292,"B101","C","3",?,? +1,0,"Lewy, Mr. Ervin G","male",?,0,0,"PC 17612",27.7208,?,"C",?,?,"Chicago, IL" +1,0,"Lindeberg-Lind, Mr. Erik Gustaf ('Mr Edward Lingrey')","male",42,0,0,"17475",26.55,?,"S",?,?,"Stockholm, Sweden" +1,1,"Lindstrom, Mrs. Carl Johan (Sigrid Posse)","female",55,0,0,"112377",27.7208,?,"C","6",?,"Stockholm, Sweden" +1,1,"Lines, Miss. Mary Conover","female",16,0,1,"PC 17592",39.4,"D28","S","9",?,"Paris, France" +1,1,"Lines, Mrs. Ernest H (Elizabeth Lindsey James)","female",51,0,1,"PC 17592",39.4,"D28","S","9",?,"Paris, France" +1,0,"Long, Mr. Milton Clyde","male",29,0,0,"113501",30,"D6","S",?,126,"Springfield, MA" +1,1,"Longley, Miss. Gretchen Fiske","female",21,0,0,"13502",77.9583,"D9","S","10",?,"Hudson, NY" +1,0,"Loring, Mr. Joseph Holland","male",30,0,0,"113801",45.5,?,"S",?,?,"London / New York, NY" +1,1,"Lurette, Miss. Elise","female",58,0,0,"PC 17569",146.5208,"B80","C",?,?,? +1,1,"Madill, Miss. Georgette Alexandra","female",15,0,1,"24160",211.3375,"B5","S","2",?,"St Louis, MO" +1,0,"Maguire, Mr. John Edward","male",30,0,0,"110469",26,"C106","S",?,?,"Brockton, MA" +1,1,"Maioni, Miss. Roberta","female",16,0,0,"110152",86.5,"B79","S","8",?,? +1,1,"Marechal, Mr. Pierre","male",?,0,0,"11774",29.7,"C47","C","7",?,"Paris, France" +1,0,"Marvin, Mr. Daniel Warner","male",19,1,0,"113773",53.1,"D30","S",?,?,"New York, NY" +1,1,"Marvin, Mrs. Daniel Warner (Mary Graham Carmichael Farquarson)","female",18,1,0,"113773",53.1,"D30","S","10",?,"New York, NY" +1,1,"Mayne, Mlle. Berthe Antonine ('Mrs de Villiers')","female",24,0,0,"PC 17482",49.5042,"C90","C","6",?,"Belgium Montreal, PQ" +1,0,"McCaffry, Mr. Thomas Francis","male",46,0,0,"13050",75.2417,"C6","C",?,292,"Vancouver, BC" +1,0,"McCarthy, Mr. Timothy J","male",54,0,0,"17463",51.8625,"E46","S",?,175,"Dorchester, MA" +1,1,"McGough, Mr. James Robert","male",36,0,0,"PC 17473",26.2875,"E25","S","7",?,"Philadelphia, PA" +1,0,"Meyer, Mr. Edgar Joseph","male",28,1,0,"PC 17604",82.1708,?,"C",?,?,"New York, NY" +1,1,"Meyer, Mrs. Edgar Joseph (Leila Saks)","female",?,1,0,"PC 17604",82.1708,?,"C","6",?,"New York, NY" +1,0,"Millet, Mr. Francis Davis","male",65,0,0,"13509",26.55,"E38","S",?,249,"East Bridgewater, MA" +1,0,"Minahan, Dr. William Edward","male",44,2,0,"19928",90,"C78","Q",?,230,"Fond du Lac, WI" +1,1,"Minahan, Miss. Daisy E","female",33,1,0,"19928",90,"C78","Q","14",?,"Green Bay, WI" +1,1,"Minahan, Mrs. William Edward (Lillian E Thorpe)","female",37,1,0,"19928",90,"C78","Q","14",?,"Fond du Lac, WI" +1,1,"Mock, Mr. Philipp Edmund","male",30,1,0,"13236",57.75,"C78","C","11",?,"New York, NY" +1,0,"Molson, Mr. Harry Markland","male",55,0,0,"113787",30.5,"C30","S",?,?,"Montreal, PQ" +1,0,"Moore, Mr. Clarence Bloomfield","male",47,0,0,"113796",42.4,?,"S",?,?,"Washington, DC" +1,0,"Natsch, Mr. Charles H","male",37,0,1,"PC 17596",29.7,"C118","C",?,?,"Brooklyn, NY" +1,1,"Newell, Miss. Madeleine","female",31,1,0,"35273",113.275,"D36","C","6",?,"Lexington, MA" +1,1,"Newell, Miss. Marjorie","female",23,1,0,"35273",113.275,"D36","C","6",?,"Lexington, MA" +1,0,"Newell, Mr. Arthur Webster","male",58,0,2,"35273",113.275,"D48","C",?,122,"Lexington, MA" +1,1,"Newsom, Miss. Helen Monypeny","female",19,0,2,"11752",26.2833,"D47","S","5",?,"New York, NY" +1,0,"Nicholson, Mr. Arthur Ernest","male",64,0,0,"693",26,?,"S",?,263,"Isle of Wight, England" +1,1,"Oliva y Ocana, Dona. Fermina","female",39,0,0,"PC 17758",108.9,"C105","C","8",?,? +1,1,"Omont, Mr. Alfred Fernand","male",?,0,0,"F.C. 12998",25.7417,?,"C","7",?,"Paris, France" +1,1,"Ostby, Miss. Helene Ragnhild","female",22,0,1,"113509",61.9792,"B36","C","5",?,"Providence, RI" +1,0,"Ostby, Mr. Engelhart Cornelius","male",65,0,1,"113509",61.9792,"B30","C",?,234,"Providence, RI" +1,0,"Ovies y Rodriguez, Mr. Servando","male",28.5,0,0,"PC 17562",27.7208,"D43","C",?,189,"?Havana, Cuba" +1,0,"Parr, Mr. William Henry Marsh","male",?,0,0,"112052",0,?,"S",?,?,"Belfast" +1,0,"Partner, Mr. Austen","male",45.5,0,0,"113043",28.5,"C124","S",?,166,"Surbiton Hill, Surrey" +1,0,"Payne, Mr. Vivian Ponsonby","male",23,0,0,"12749",93.5,"B24","S",?,?,"Montreal, PQ" +1,0,"Pears, Mr. Thomas Clinton","male",29,1,0,"113776",66.6,"C2","S",?,?,"Isleworth, England" +1,1,"Pears, Mrs. Thomas (Edith Wearne)","female",22,1,0,"113776",66.6,"C2","S","8",?,"Isleworth, England" +1,0,"Penasco y Castellana, Mr. Victor de Satode","male",18,1,0,"PC 17758",108.9,"C65","C",?,?,"Madrid, Spain" +1,1,"Penasco y Castellana, Mrs. Victor de Satode (Maria Josefa Perez de Soto y Vallejo)","female",17,1,0,"PC 17758",108.9,"C65","C","8",?,"Madrid, Spain" +1,1,"Perreault, Miss. Anne","female",30,0,0,"12749",93.5,"B73","S","3",?,? +1,1,"Peuchen, Major. Arthur Godfrey","male",52,0,0,"113786",30.5,"C104","S","6",?,"Toronto, ON" +1,0,"Porter, Mr. Walter Chamberlain","male",47,0,0,"110465",52,"C110","S",?,207,"Worcester, MA" +1,1,"Potter, Mrs. Thomas Jr (Lily Alexenia Wilson)","female",56,0,1,"11767",83.1583,"C50","C","7",?,"Mt Airy, Philadelphia, PA" +1,0,"Reuchlin, Jonkheer. John George","male",38,0,0,"19972",0,?,"S",?,?,"Rotterdam, Netherlands" +1,1,"Rheims, Mr. George Alexander Lucien","male",?,0,0,"PC 17607",39.6,?,"S","A",?,"Paris / New York, NY" +1,0,"Ringhini, Mr. Sante","male",22,0,0,"PC 17760",135.6333,?,"C",?,232,? +1,0,"Robbins, Mr. Victor","male",?,0,0,"PC 17757",227.525,?,"C",?,?,? +1,1,"Robert, Mrs. Edward Scott (Elisabeth Walton McMillan)","female",43,0,1,"24160",211.3375,"B3","S","2",?,"St Louis, MO" +1,0,"Roebling, Mr. Washington Augustus II","male",31,0,0,"PC 17590",50.4958,"A24","S",?,?,"Trenton, NJ" +1,1,"Romaine, Mr. Charles Hallace ('Mr C Rolmane')","male",45,0,0,"111428",26.55,?,"S","9",?,"New York, NY" +1,0,"Rood, Mr. Hugh Roscoe","male",?,0,0,"113767",50,"A32","S",?,?,"Seattle, WA" +1,1,"Rosenbaum, Miss. Edith Louise","female",33,0,0,"PC 17613",27.7208,"A11","C","11",?,"Paris, France" +1,0,"Rosenshine, Mr. George ('Mr George Thorne')","male",46,0,0,"PC 17585",79.2,?,"C",?,16,"New York, NY" +1,0,"Ross, Mr. John Hugo","male",36,0,0,"13049",40.125,"A10","C",?,?,"Winnipeg, MB" +1,1,"Rothes, the Countess. of (Lucy Noel Martha Dyer-Edwards)","female",33,0,0,"110152",86.5,"B77","S","8",?,"London Vancouver, BC" +1,0,"Rothschild, Mr. Martin","male",55,1,0,"PC 17603",59.4,?,"C",?,?,"New York, NY" +1,1,"Rothschild, Mrs. Martin (Elizabeth L. Barrett)","female",54,1,0,"PC 17603",59.4,?,"C","6",?,"New York, NY" +1,0,"Rowe, Mr. Alfred G","male",33,0,0,"113790",26.55,?,"S",?,109,"London" +1,1,"Ryerson, Master. John Borie","male",13,2,2,"PC 17608",262.375,"B57 B59 B63 B66","C","4",?,"Haverford, PA / Cooperstown, NY" +1,1,"Ryerson, Miss. Emily Borie","female",18,2,2,"PC 17608",262.375,"B57 B59 B63 B66","C","4",?,"Haverford, PA / Cooperstown, NY" +1,1,"Ryerson, Miss. Susan Parker 'Suzette'","female",21,2,2,"PC 17608",262.375,"B57 B59 B63 B66","C","4",?,"Haverford, PA / Cooperstown, NY" +1,0,"Ryerson, Mr. Arthur Larned","male",61,1,3,"PC 17608",262.375,"B57 B59 B63 B66","C",?,?,"Haverford, PA / Cooperstown, NY" +1,1,"Ryerson, Mrs. Arthur Larned (Emily Maria Borie)","female",48,1,3,"PC 17608",262.375,"B57 B59 B63 B66","C","4",?,"Haverford, PA / Cooperstown, NY" +1,1,"Saalfeld, Mr. Adolphe","male",?,0,0,"19988",30.5,"C106","S","3",?,"Manchester, England" +1,1,"Sagesser, Mlle. Emma","female",24,0,0,"PC 17477",69.3,"B35","C","9",?,? +1,1,"Salomon, Mr. Abraham L","male",?,0,0,"111163",26,?,"S","1",?,"New York, NY" +1,1,"Schabert, Mrs. Paul (Emma Mock)","female",35,1,0,"13236",57.75,"C28","C","11",?,"New York, NY" +1,1,"Serepeca, Miss. Augusta","female",30,0,0,"113798",31,?,"C","4",?,? +1,1,"Seward, Mr. Frederic Kimber","male",34,0,0,"113794",26.55,?,"S","7",?,"New York, NY" +1,1,"Shutes, Miss. Elizabeth W","female",40,0,0,"PC 17582",153.4625,"C125","S","3",?,"New York, NY / Greenwich CT" +1,1,"Silverthorne, Mr. Spencer Victor","male",35,0,0,"PC 17475",26.2875,"E24","S","5",?,"St Louis, MO" +1,0,"Silvey, Mr. William Baird","male",50,1,0,"13507",55.9,"E44","S",?,?,"Duluth, MN" +1,1,"Silvey, Mrs. William Baird (Alice Munger)","female",39,1,0,"13507",55.9,"E44","S","11",?,"Duluth, MN" +1,1,"Simonius-Blumer, Col. Oberst Alfons","male",56,0,0,"13213",35.5,"A26","C","3",?,"Basel, Switzerland" +1,1,"Sloper, Mr. William Thompson","male",28,0,0,"113788",35.5,"A6","S","7",?,"New Britain, CT" +1,0,"Smart, Mr. John Montgomery","male",56,0,0,"113792",26.55,?,"S",?,?,"New York, NY" +1,0,"Smith, Mr. James Clinch","male",56,0,0,"17764",30.6958,"A7","C",?,?,"St James, Long Island, NY" +1,0,"Smith, Mr. Lucien Philip","male",24,1,0,"13695",60,"C31","S",?,?,"Huntington, WV" +1,0,"Smith, Mr. Richard William","male",?,0,0,"113056",26,"A19","S",?,?,"Streatham, Surrey" +1,1,"Smith, Mrs. Lucien Philip (Mary Eloise Hughes)","female",18,1,0,"13695",60,"C31","S","6",?,"Huntington, WV" +1,1,"Snyder, Mr. John Pillsbury","male",24,1,0,"21228",82.2667,"B45","S","7",?,"Minneapolis, MN" +1,1,"Snyder, Mrs. John Pillsbury (Nelle Stevenson)","female",23,1,0,"21228",82.2667,"B45","S","7",?,"Minneapolis, MN" +1,1,"Spedden, Master. Robert Douglas","male",6,0,2,"16966",134.5,"E34","C","3",?,"Tuxedo Park, NY" +1,1,"Spedden, Mr. Frederic Oakley","male",45,1,1,"16966",134.5,"E34","C","3",?,"Tuxedo Park, NY" +1,1,"Spedden, Mrs. Frederic Oakley (Margaretta Corning Stone)","female",40,1,1,"16966",134.5,"E34","C","3",?,"Tuxedo Park, NY" +1,0,"Spencer, Mr. William Augustus","male",57,1,0,"PC 17569",146.5208,"B78","C",?,?,"Paris, France" +1,1,"Spencer, Mrs. William Augustus (Marie Eugenie)","female",?,1,0,"PC 17569",146.5208,"B78","C","6",?,"Paris, France" +1,1,"Stahelin-Maeglin, Dr. Max","male",32,0,0,"13214",30.5,"B50","C","3",?,"Basel, Switzerland" +1,0,"Stead, Mr. William Thomas","male",62,0,0,"113514",26.55,"C87","S",?,?,"Wimbledon Park, London / Hayling Island, Hants" +1,1,"Stengel, Mr. Charles Emil Henry","male",54,1,0,"11778",55.4417,"C116","C","1",?,"Newark, NJ" +1,1,"Stengel, Mrs. Charles Emil Henry (Annie May Morris)","female",43,1,0,"11778",55.4417,"C116","C","5",?,"Newark, NJ" +1,1,"Stephenson, Mrs. Walter Bertram (Martha Eustis)","female",52,1,0,"36947",78.2667,"D20","C","4",?,"Haverford, PA" +1,0,"Stewart, Mr. Albert A","male",?,0,0,"PC 17605",27.7208,?,"C",?,?,"Gallipolis, Ohio / ? Paris / New York" +1,1,"Stone, Mrs. George Nelson (Martha Evelyn)","female",62,0,0,"113572",80,"B28",?,"6",?,"Cincinatti, OH" +1,0,"Straus, Mr. Isidor","male",67,1,0,"PC 17483",221.7792,"C55 C57","S",?,96,"New York, NY" +1,0,"Straus, Mrs. Isidor (Rosalie Ida Blun)","female",63,1,0,"PC 17483",221.7792,"C55 C57","S",?,?,"New York, NY" +1,0,"Sutton, Mr. Frederick","male",61,0,0,"36963",32.3208,"D50","S",?,46,"Haddenfield, NJ" +1,1,"Swift, Mrs. Frederick Joel (Margaret Welles Barron)","female",48,0,0,"17466",25.9292,"D17","S","8",?,"Brooklyn, NY" +1,1,"Taussig, Miss. Ruth","female",18,0,2,"110413",79.65,"E68","S","8",?,"New York, NY" +1,0,"Taussig, Mr. Emil","male",52,1,1,"110413",79.65,"E67","S",?,?,"New York, NY" +1,1,"Taussig, Mrs. Emil (Tillie Mandelbaum)","female",39,1,1,"110413",79.65,"E67","S","8",?,"New York, NY" +1,1,"Taylor, Mr. Elmer Zebley","male",48,1,0,"19996",52,"C126","S","5 7",?,"London / East Orange, NJ" +1,1,"Taylor, Mrs. Elmer Zebley (Juliet Cummins Wright)","female",?,1,0,"19996",52,"C126","S","5 7",?,"London / East Orange, NJ" +1,0,"Thayer, Mr. John Borland","male",49,1,1,"17421",110.8833,"C68","C",?,?,"Haverford, PA" +1,1,"Thayer, Mr. John Borland Jr","male",17,0,2,"17421",110.8833,"C70","C","B",?,"Haverford, PA" +1,1,"Thayer, Mrs. John Borland (Marian Longstreth Morris)","female",39,1,1,"17421",110.8833,"C68","C","4",?,"Haverford, PA" +1,1,"Thorne, Mrs. Gertrude Maybelle","female",?,0,0,"PC 17585",79.2,?,"C","D",?,"New York, NY" +1,1,"Tucker, Mr. Gilbert Milligan Jr","male",31,0,0,"2543",28.5375,"C53","C","7",?,"Albany, NY" +1,0,"Uruchurtu, Don. Manuel E","male",40,0,0,"PC 17601",27.7208,?,"C",?,?,"Mexico City, Mexico" +1,0,"Van der hoef, Mr. Wyckoff","male",61,0,0,"111240",33.5,"B19","S",?,245,"Brooklyn, NY" +1,0,"Walker, Mr. William Anderson","male",47,0,0,"36967",34.0208,"D46","S",?,?,"East Orange, NJ" +1,1,"Ward, Miss. Anna","female",35,0,0,"PC 17755",512.3292,?,"C","3",?,? +1,0,"Warren, Mr. Frank Manley","male",64,1,0,"110813",75.25,"D37","C",?,?,"Portland, OR" +1,1,"Warren, Mrs. Frank Manley (Anna Sophia Atkinson)","female",60,1,0,"110813",75.25,"D37","C","5",?,"Portland, OR" +1,0,"Weir, Col. John","male",60,0,0,"113800",26.55,?,"S",?,?,"England Salt Lake City, Utah" +1,0,"White, Mr. Percival Wayland","male",54,0,1,"35281",77.2875,"D26","S",?,?,"Brunswick, ME" +1,0,"White, Mr. Richard Frasar","male",21,0,1,"35281",77.2875,"D26","S",?,169,"Brunswick, ME" +1,1,"White, Mrs. John Stuart (Ella Holmes)","female",55,0,0,"PC 17760",135.6333,"C32","C","8",?,"New York, NY / Briarcliff Manor NY" +1,1,"Wick, Miss. Mary Natalie","female",31,0,2,"36928",164.8667,"C7","S","8",?,"Youngstown, OH" +1,0,"Wick, Mr. George Dennick","male",57,1,1,"36928",164.8667,?,"S",?,?,"Youngstown, OH" +1,1,"Wick, Mrs. George Dennick (Mary Hitchcock)","female",45,1,1,"36928",164.8667,?,"S","8",?,"Youngstown, OH" +1,0,"Widener, Mr. George Dunton","male",50,1,1,"113503",211.5,"C80","C",?,?,"Elkins Park, PA" +1,0,"Widener, Mr. Harry Elkins","male",27,0,2,"113503",211.5,"C82","C",?,?,"Elkins Park, PA" +1,1,"Widener, Mrs. George Dunton (Eleanor Elkins)","female",50,1,1,"113503",211.5,"C80","C","4",?,"Elkins Park, PA" +1,1,"Willard, Miss. Constance","female",21,0,0,"113795",26.55,?,"S","8 10",?,"Duluth, MN" +1,0,"Williams, Mr. Charles Duane","male",51,0,1,"PC 17597",61.3792,?,"C",?,?,"Geneva, Switzerland / Radnor, PA" +1,1,"Williams, Mr. Richard Norris II","male",21,0,1,"PC 17597",61.3792,?,"C","A",?,"Geneva, Switzerland / Radnor, PA" +1,0,"Williams-Lambert, Mr. Fletcher Fellows","male",?,0,0,"113510",35,"C128","S",?,?,"London, England" +1,1,"Wilson, Miss. Helen Alice","female",31,0,0,"16966",134.5,"E39 E41","C","3",?,? +1,1,"Woolner, Mr. Hugh","male",?,0,0,"19947",35.5,"C52","S","D",?,"London, England" +1,0,"Wright, Mr. George","male",62,0,0,"113807",26.55,?,"S",?,?,"Halifax, NS" +1,1,"Young, Miss. Marie Grice","female",36,0,0,"PC 17760",135.6333,"C32","C","8",?,"New York, NY / Washington, DC" +2,0,"Abelson, Mr. Samuel","male",30,1,0,"P/PP 3381",24,?,"C",?,?,"Russia New York, NY" +2,1,"Abelson, Mrs. Samuel (Hannah Wizosky)","female",28,1,0,"P/PP 3381",24,?,"C","10",?,"Russia New York, NY" +2,0,"Aldworth, Mr. Charles Augustus","male",30,0,0,"248744",13,?,"S",?,?,"Bryn Mawr, PA, USA" +2,0,"Andrew, Mr. Edgardo Samuel","male",18,0,0,"231945",11.5,?,"S",?,?,"Buenos Aires, Argentina / New Jersey, NJ" +2,0,"Andrew, Mr. Frank Thomas","male",25,0,0,"C.A. 34050",10.5,?,"S",?,?,"Cornwall, England Houghton, MI" +2,0,"Angle, Mr. William A","male",34,1,0,"226875",26,?,"S",?,?,"Warwick, England" +2,1,"Angle, Mrs. William A (Florence 'Mary' Agnes Hughes)","female",36,1,0,"226875",26,?,"S","11",?,"Warwick, England" +2,0,"Ashby, Mr. John","male",57,0,0,"244346",13,?,"S",?,?,"West Hoboken, NJ" +2,0,"Bailey, Mr. Percy Andrew","male",18,0,0,"29108",11.5,?,"S",?,?,"Penzance, Cornwall / Akron, OH" +2,0,"Baimbrigge, Mr. Charles Robert","male",23,0,0,"C.A. 31030",10.5,?,"S",?,?,"Guernsey" +2,1,"Ball, Mrs. (Ada E Hall)","female",36,0,0,"28551",13,"D","S","10",?,"Bristol, Avon / Jacksonville, FL" +2,0,"Banfield, Mr. Frederick James","male",28,0,0,"C.A./SOTON 34068",10.5,?,"S",?,?,"Plymouth, Dorset / Houghton, MI" +2,0,"Bateman, Rev. Robert James","male",51,0,0,"S.O.P. 1166",12.525,?,"S",?,174,"Jacksonville, FL" +2,1,"Beane, Mr. Edward","male",32,1,0,"2908",26,?,"S","13",?,"Norwich / New York, NY" +2,1,"Beane, Mrs. Edward (Ethel Clarke)","female",19,1,0,"2908",26,?,"S","13",?,"Norwich / New York, NY" +2,0,"Beauchamp, Mr. Henry James","male",28,0,0,"244358",26,?,"S",?,?,"England" +2,1,"Becker, Master. Richard F","male",1,2,1,"230136",39,"F4","S","11",?,"Guntur, India / Benton Harbour, MI" +2,1,"Becker, Miss. Marion Louise","female",4,2,1,"230136",39,"F4","S","11",?,"Guntur, India / Benton Harbour, MI" +2,1,"Becker, Miss. Ruth Elizabeth","female",12,2,1,"230136",39,"F4","S","13",?,"Guntur, India / Benton Harbour, MI" +2,1,"Becker, Mrs. Allen Oliver (Nellie E Baumgardner)","female",36,0,3,"230136",39,"F4","S","11",?,"Guntur, India / Benton Harbour, MI" +2,1,"Beesley, Mr. Lawrence","male",34,0,0,"248698",13,"D56","S","13",?,"London" +2,1,"Bentham, Miss. Lilian W","female",19,0,0,"28404",13,?,"S","12",?,"Rochester, NY" +2,0,"Berriman, Mr. William John","male",23,0,0,"28425",13,?,"S",?,?,"St Ives, Cornwall / Calumet, MI" +2,0,"Botsford, Mr. William Hull","male",26,0,0,"237670",13,?,"S",?,?,"Elmira, NY / Orange, NJ" +2,0,"Bowenur, Mr. Solomon","male",42,0,0,"211535",13,?,"S",?,?,"London" +2,0,"Bracken, Mr. James H","male",27,0,0,"220367",13,?,"S",?,?,"Lake Arthur, Chavez County, NM" +2,1,"Brown, Miss. Amelia 'Mildred'","female",24,0,0,"248733",13,"F33","S","11",?,"London / Montreal, PQ" +2,1,"Brown, Miss. Edith Eileen","female",15,0,2,"29750",39,?,"S","14",?,"Cape Town, South Africa / Seattle, WA" +2,0,"Brown, Mr. Thomas William Solomon","male",60,1,1,"29750",39,?,"S",?,?,"Cape Town, South Africa / Seattle, WA" +2,1,"Brown, Mrs. Thomas William Solomon (Elizabeth Catherine Ford)","female",40,1,1,"29750",39,?,"S","14",?,"Cape Town, South Africa / Seattle, WA" +2,1,"Bryhl, Miss. Dagmar Jenny Ingeborg","female",20,1,0,"236853",26,?,"S","12",?,"Skara, Sweden / Rockford, IL" +2,0,"Bryhl, Mr. Kurt Arnold Gottfrid","male",25,1,0,"236853",26,?,"S",?,?,"Skara, Sweden / Rockford, IL" +2,1,"Buss, Miss. Kate","female",36,0,0,"27849",13,?,"S","9",?,"Sittingbourne, England / San Diego, CA" +2,0,"Butler, Mr. Reginald Fenton","male",25,0,0,"234686",13,?,"S",?,97,"Southsea, Hants" +2,0,"Byles, Rev. Thomas Roussel Davids","male",42,0,0,"244310",13,?,"S",?,?,"London" +2,1,"Bystrom, Mrs. (Karolina)","female",42,0,0,"236852",13,?,"S",?,?,"New York, NY" +2,1,"Caldwell, Master. Alden Gates","male",0.8333,0,2,"248738",29,?,"S","13",?,"Bangkok, Thailand / Roseville, IL" +2,1,"Caldwell, Mr. Albert Francis","male",26,1,1,"248738",29,?,"S","13",?,"Bangkok, Thailand / Roseville, IL" +2,1,"Caldwell, Mrs. Albert Francis (Sylvia Mae Harbaugh)","female",22,1,1,"248738",29,?,"S","13",?,"Bangkok, Thailand / Roseville, IL" +2,1,"Cameron, Miss. Clear Annie","female",35,0,0,"F.C.C. 13528",21,?,"S","14",?,"Mamaroneck, NY" +2,0,"Campbell, Mr. William","male",?,0,0,"239853",0,?,"S",?,?,"Belfast" +2,0,"Carbines, Mr. William","male",19,0,0,"28424",13,?,"S",?,18,"St Ives, Cornwall / Calumet, MI" +2,0,"Carter, Mrs. Ernest Courtenay (Lilian Hughes)","female",44,1,0,"244252",26,?,"S",?,?,"London" +2,0,"Carter, Rev. Ernest Courtenay","male",54,1,0,"244252",26,?,"S",?,?,"London" +2,0,"Chapman, Mr. Charles Henry","male",52,0,0,"248731",13.5,?,"S",?,130,"Bronx, NY" +2,0,"Chapman, Mr. John Henry","male",37,1,0,"SC/AH 29037",26,?,"S",?,17,"Cornwall / Spokane, WA" +2,0,"Chapman, Mrs. John Henry (Sara Elizabeth Lawry)","female",29,1,0,"SC/AH 29037",26,?,"S",?,?,"Cornwall / Spokane, WA" +2,1,"Christy, Miss. Julie Rachel","female",25,1,1,"237789",30,?,"S","12",?,"London" +2,1,"Christy, Mrs. (Alice Frances)","female",45,0,2,"237789",30,?,"S","12",?,"London" +2,0,"Clarke, Mr. Charles Valentine","male",29,1,0,"2003",26,?,"S",?,?,"England / San Francisco, CA" +2,1,"Clarke, Mrs. Charles V (Ada Maria Winfield)","female",28,1,0,"2003",26,?,"S","14",?,"England / San Francisco, CA" +2,0,"Coleridge, Mr. Reginald Charles","male",29,0,0,"W./C. 14263",10.5,?,"S",?,?,"Hartford, Huntingdonshire" +2,0,"Collander, Mr. Erik Gustaf","male",28,0,0,"248740",13,?,"S",?,?,"Helsinki, Finland Ashtabula, Ohio" +2,1,"Collett, Mr. Sidney C Stuart","male",24,0,0,"28034",10.5,?,"S","9",?,"London / Fort Byron, NY" +2,1,"Collyer, Miss. Marjorie 'Lottie'","female",8,0,2,"C.A. 31921",26.25,?,"S","14",?,"Bishopstoke, Hants / Fayette Valley, ID" +2,0,"Collyer, Mr. Harvey","male",31,1,1,"C.A. 31921",26.25,?,"S",?,?,"Bishopstoke, Hants / Fayette Valley, ID" +2,1,"Collyer, Mrs. Harvey (Charlotte Annie Tate)","female",31,1,1,"C.A. 31921",26.25,?,"S","14",?,"Bishopstoke, Hants / Fayette Valley, ID" +2,1,"Cook, Mrs. (Selena Rogers)","female",22,0,0,"W./C. 14266",10.5,"F33","S","14",?,"Pennsylvania" +2,0,"Corbett, Mrs. Walter H (Irene Colvin)","female",30,0,0,"237249",13,?,"S",?,?,"Provo, UT" +2,0,"Corey, Mrs. Percy C (Mary Phyllis Elizabeth Miller)","female",?,0,0,"F.C.C. 13534",21,?,"S",?,?,"Upper Burma, India Pittsburgh, PA" +2,0,"Cotterill, Mr. Henry 'Harry'","male",21,0,0,"29107",11.5,?,"S",?,?,"Penzance, Cornwall / Akron, OH" +2,0,"Cunningham, Mr. Alfred Fleming","male",?,0,0,"239853",0,?,"S",?,?,"Belfast" +2,1,"Davies, Master. John Morgan Jr","male",8,1,1,"C.A. 33112",36.75,?,"S","14",?,"St Ives, Cornwall / Hancock, MI" +2,0,"Davies, Mr. Charles Henry","male",18,0,0,"S.O.C. 14879",73.5,?,"S",?,?,"Lyndhurst, England" +2,1,"Davies, Mrs. John Morgan (Elizabeth Agnes Mary White)","female",48,0,2,"C.A. 33112",36.75,?,"S","14",?,"St Ives, Cornwall / Hancock, MI" +2,1,"Davis, Miss. Mary","female",28,0,0,"237668",13,?,"S","13",?,"London / Staten Island, NY" +2,0,"de Brito, Mr. Jose Joaquim","male",32,0,0,"244360",13,?,"S",?,?,"Portugal / Sau Paulo, Brazil" +2,0,"Deacon, Mr. Percy William","male",17,0,0,"S.O.C. 14879",73.5,?,"S",?,?,? +2,0,"del Carlo, Mr. Sebastiano","male",29,1,0,"SC/PARIS 2167",27.7208,?,"C",?,295,"Lucca, Italy / California" +2,1,"del Carlo, Mrs. Sebastiano (Argenia Genovesi)","female",24,1,0,"SC/PARIS 2167",27.7208,?,"C","12",?,"Lucca, Italy / California" +2,0,"Denbury, Mr. Herbert","male",25,0,0,"C.A. 31029",31.5,?,"S",?,?,"Guernsey / Elizabeth, NJ" +2,0,"Dibden, Mr. William","male",18,0,0,"S.O.C. 14879",73.5,?,"S",?,?,"New Forest, England" +2,1,"Doling, Miss. Elsie","female",18,0,1,"231919",23,?,"S",?,?,"Southampton" +2,1,"Doling, Mrs. John T (Ada Julia Bone)","female",34,0,1,"231919",23,?,"S",?,?,"Southampton" +2,0,"Downton, Mr. William James","male",54,0,0,"28403",26,?,"S",?,?,"Holley, NY" +2,1,"Drew, Master. Marshall Brines","male",8,0,2,"28220",32.5,?,"S","10",?,"Greenport, NY" +2,0,"Drew, Mr. James Vivian","male",42,1,1,"28220",32.5,?,"S",?,?,"Greenport, NY" +2,1,"Drew, Mrs. James Vivian (Lulu Thorne Christian)","female",34,1,1,"28220",32.5,?,"S","10",?,"Greenport, NY" +2,1,"Duran y More, Miss. Asuncion","female",27,1,0,"SC/PARIS 2149",13.8583,?,"C","12",?,"Barcelona, Spain / Havana, Cuba" +2,1,"Duran y More, Miss. Florentina","female",30,1,0,"SC/PARIS 2148",13.8583,?,"C","12",?,"Barcelona, Spain / Havana, Cuba" +2,0,"Eitemiller, Mr. George Floyd","male",23,0,0,"29751",13,?,"S",?,?,"England / Detroit, MI" +2,0,"Enander, Mr. Ingvar","male",21,0,0,"236854",13,?,"S",?,?,"Goteborg, Sweden / Rockford, IL" +2,0,"Fahlstrom, Mr. Arne Jonas","male",18,0,0,"236171",13,?,"S",?,?,"Oslo, Norway Bayonne, NJ" +2,0,"Faunthorpe, Mr. Harry","male",40,1,0,"2926",26,?,"S",?,286,"England / Philadelphia, PA" +2,1,"Faunthorpe, Mrs. Lizzie (Elizabeth Anne Wilkinson)","female",29,1,0,"2926",26,?,"S","16",?,? +2,0,"Fillbrook, Mr. Joseph Charles","male",18,0,0,"C.A. 15185",10.5,?,"S",?,?,"Cornwall / Houghton, MI" +2,0,"Fox, Mr. Stanley Hubert","male",36,0,0,"229236",13,?,"S",?,236,"Rochester, NY" +2,0,"Frost, Mr. Anthony Wood 'Archie'","male",?,0,0,"239854",0,?,"S",?,?,"Belfast" +2,0,"Funk, Miss. Annie Clemmer","female",38,0,0,"237671",13,?,"S",?,?,"Janjgir, India / Pennsylvania" +2,0,"Fynney, Mr. Joseph J","male",35,0,0,"239865",26,?,"S",?,322,"Liverpool / Montreal, PQ" +2,0,"Gale, Mr. Harry","male",38,1,0,"28664",21,?,"S",?,?,"Cornwall / Clear Creek, CO" +2,0,"Gale, Mr. Shadrach","male",34,1,0,"28664",21,?,"S",?,?,"Cornwall / Clear Creek, CO" +2,1,"Garside, Miss. Ethel","female",34,0,0,"243880",13,?,"S","12",?,"Brooklyn, NY" +2,0,"Gaskell, Mr. Alfred","male",16,0,0,"239865",26,?,"S",?,?,"Liverpool / Montreal, PQ" +2,0,"Gavey, Mr. Lawrence","male",26,0,0,"31028",10.5,?,"S",?,?,"Guernsey / Elizabeth, NJ" +2,0,"Gilbert, Mr. William","male",47,0,0,"C.A. 30769",10.5,?,"S",?,?,"Cornwall" +2,0,"Giles, Mr. Edgar","male",21,1,0,"28133",11.5,?,"S",?,?,"Cornwall / Camden, NJ" +2,0,"Giles, Mr. Frederick Edward","male",21,1,0,"28134",11.5,?,"S",?,?,"Cornwall / Camden, NJ" +2,0,"Giles, Mr. Ralph","male",24,0,0,"248726",13.5,?,"S",?,297,"West Kensington, London" +2,0,"Gill, Mr. John William","male",24,0,0,"233866",13,?,"S",?,155,"Clevedon, England" +2,0,"Gillespie, Mr. William Henry","male",34,0,0,"12233",13,?,"S",?,?,"Vancouver, BC" +2,0,"Givard, Mr. Hans Kristensen","male",30,0,0,"250646",13,?,"S",?,305,? +2,0,"Greenberg, Mr. Samuel","male",52,0,0,"250647",13,?,"S",?,19,"Bronx, NY" +2,0,"Hale, Mr. Reginald","male",30,0,0,"250653",13,?,"S",?,75,"Auburn, NY" +2,1,"Hamalainen, Master. Viljo","male",0.6667,1,1,"250649",14.5,?,"S","4",?,"Detroit, MI" +2,1,"Hamalainen, Mrs. William (Anna)","female",24,0,2,"250649",14.5,?,"S","4",?,"Detroit, MI" +2,0,"Harbeck, Mr. William H","male",44,0,0,"248746",13,?,"S",?,35,"Seattle, WA / Toledo, OH" +2,1,"Harper, Miss. Annie Jessie 'Nina'","female",6,0,1,"248727",33,?,"S","11",?,"Denmark Hill, Surrey / Chicago" +2,0,"Harper, Rev. John","male",28,0,1,"248727",33,?,"S",?,?,"Denmark Hill, Surrey / Chicago" +2,1,"Harris, Mr. George","male",62,0,0,"S.W./PP 752",10.5,?,"S","15",?,"London" +2,0,"Harris, Mr. Walter","male",30,0,0,"W/C 14208",10.5,?,"S",?,?,"Walthamstow, England" +2,1,"Hart, Miss. Eva Miriam","female",7,0,2,"F.C.C. 13529",26.25,?,"S","14",?,"Ilford, Essex / Winnipeg, MB" +2,0,"Hart, Mr. Benjamin","male",43,1,1,"F.C.C. 13529",26.25,?,"S",?,?,"Ilford, Essex / Winnipeg, MB" +2,1,"Hart, Mrs. Benjamin (Esther Ada Bloomfield)","female",45,1,1,"F.C.C. 13529",26.25,?,"S","14",?,"Ilford, Essex / Winnipeg, MB" +2,1,"Herman, Miss. Alice","female",24,1,2,"220845",65,?,"S","9",?,"Somerset / Bernardsville, NJ" +2,1,"Herman, Miss. Kate","female",24,1,2,"220845",65,?,"S","9",?,"Somerset / Bernardsville, NJ" +2,0,"Herman, Mr. Samuel","male",49,1,2,"220845",65,?,"S",?,?,"Somerset / Bernardsville, NJ" +2,1,"Herman, Mrs. Samuel (Jane Laver)","female",48,1,2,"220845",65,?,"S","9",?,"Somerset / Bernardsville, NJ" +2,1,"Hewlett, Mrs. (Mary D Kingcome)","female",55,0,0,"248706",16,?,"S","13",?,"India / Rapid City, SD" +2,0,"Hickman, Mr. Leonard Mark","male",24,2,0,"S.O.C. 14879",73.5,?,"S",?,?,"West Hampstead, London / Neepawa, MB" +2,0,"Hickman, Mr. Lewis","male",32,2,0,"S.O.C. 14879",73.5,?,"S",?,256,"West Hampstead, London / Neepawa, MB" +2,0,"Hickman, Mr. Stanley George","male",21,2,0,"S.O.C. 14879",73.5,?,"S",?,?,"West Hampstead, London / Neepawa, MB" +2,0,"Hiltunen, Miss. Marta","female",18,1,1,"250650",13,?,"S",?,?,"Kontiolahti, Finland / Detroit, MI" +2,1,"Hocking, Miss. Ellen 'Nellie'","female",20,2,1,"29105",23,?,"S","4",?,"Cornwall / Akron, OH" +2,0,"Hocking, Mr. Richard George","male",23,2,1,"29104",11.5,?,"S",?,?,"Cornwall / Akron, OH" +2,0,"Hocking, Mr. Samuel James Metcalfe","male",36,0,0,"242963",13,?,"S",?,?,"Devonport, England" +2,1,"Hocking, Mrs. Elizabeth (Eliza Needs)","female",54,1,3,"29105",23,?,"S","4",?,"Cornwall / Akron, OH" +2,0,"Hodges, Mr. Henry Price","male",50,0,0,"250643",13,?,"S",?,149,"Southampton" +2,0,"Hold, Mr. Stephen","male",44,1,0,"26707",26,?,"S",?,?,"England / Sacramento, CA" +2,1,"Hold, Mrs. Stephen (Annie Margaret Hill)","female",29,1,0,"26707",26,?,"S","10",?,"England / Sacramento, CA" +2,0,"Hood, Mr. Ambrose Jr","male",21,0,0,"S.O.C. 14879",73.5,?,"S",?,?,"New Forest, England" +2,1,"Hosono, Mr. Masabumi","male",42,0,0,"237798",13,?,"S","10",?,"Tokyo, Japan" +2,0,"Howard, Mr. Benjamin","male",63,1,0,"24065",26,?,"S",?,?,"Swindon, England" +2,0,"Howard, Mrs. Benjamin (Ellen Truelove Arman)","female",60,1,0,"24065",26,?,"S",?,?,"Swindon, England" +2,0,"Hunt, Mr. George Henry","male",33,0,0,"SCO/W 1585",12.275,?,"S",?,?,"Philadelphia, PA" +2,1,"Ilett, Miss. Bertha","female",17,0,0,"SO/C 14885",10.5,?,"S",?,?,"Guernsey" +2,0,"Jacobsohn, Mr. Sidney Samuel","male",42,1,0,"243847",27,?,"S",?,?,"London" +2,1,"Jacobsohn, Mrs. Sidney Samuel (Amy Frances Christy)","female",24,2,1,"243847",27,?,"S","12",?,"London" +2,0,"Jarvis, Mr. John Denzil","male",47,0,0,"237565",15,?,"S",?,?,"North Evington, England" +2,0,"Jefferys, Mr. Clifford Thomas","male",24,2,0,"C.A. 31029",31.5,?,"S",?,?,"Guernsey / Elizabeth, NJ" +2,0,"Jefferys, Mr. Ernest Wilfred","male",22,2,0,"C.A. 31029",31.5,?,"S",?,?,"Guernsey / Elizabeth, NJ" +2,0,"Jenkin, Mr. Stephen Curnow","male",32,0,0,"C.A. 33111",10.5,?,"S",?,?,"St Ives, Cornwall / Houghton, MI" +2,1,"Jerwan, Mrs. Amin S (Marie Marthe Thuillard)","female",23,0,0,"SC/AH Basle 541",13.7917,"D","C","11",?,"New York, NY" +2,0,"Kantor, Mr. Sinai","male",34,1,0,"244367",26,?,"S",?,283,"Moscow / Bronx, NY" +2,1,"Kantor, Mrs. Sinai (Miriam Sternin)","female",24,1,0,"244367",26,?,"S","12",?,"Moscow / Bronx, NY" +2,0,"Karnes, Mrs. J Frank (Claire Bennett)","female",22,0,0,"F.C.C. 13534",21,?,"S",?,?,"India / Pittsburgh, PA" +2,1,"Keane, Miss. Nora A","female",?,0,0,"226593",12.35,"E101","Q","10",?,"Harrisburg, PA" +2,0,"Keane, Mr. Daniel","male",35,0,0,"233734",12.35,?,"Q",?,?,? +2,1,"Kelly, Mrs. Florence 'Fannie'","female",45,0,0,"223596",13.5,?,"S","9",?,"London / New York, NY" +2,0,"Kirkland, Rev. Charles Leonard","male",57,0,0,"219533",12.35,?,"Q",?,?,"Glasgow / Bangor, ME" +2,0,"Knight, Mr. Robert J","male",?,0,0,"239855",0,?,"S",?,?,"Belfast" +2,0,"Kvillner, Mr. Johan Henrik Johannesson","male",31,0,0,"C.A. 18723",10.5,?,"S",?,165,"Sweden / Arlington, NJ" +2,0,"Lahtinen, Mrs. William (Anna Sylfven)","female",26,1,1,"250651",26,?,"S",?,?,"Minneapolis, MN" +2,0,"Lahtinen, Rev. William","male",30,1,1,"250651",26,?,"S",?,?,"Minneapolis, MN" +2,0,"Lamb, Mr. John Joseph","male",?,0,0,"240261",10.7083,?,"Q",?,?,? +2,1,"Laroche, Miss. Louise","female",1,1,2,"SC/Paris 2123",41.5792,?,"C","14",?,"Paris / Haiti" +2,1,"Laroche, Miss. Simonne Marie Anne Andree","female",3,1,2,"SC/Paris 2123",41.5792,?,"C","14",?,"Paris / Haiti" +2,0,"Laroche, Mr. Joseph Philippe Lemercier","male",25,1,2,"SC/Paris 2123",41.5792,?,"C",?,?,"Paris / Haiti" +2,1,"Laroche, Mrs. Joseph (Juliette Marie Louise Lafargue)","female",22,1,2,"SC/Paris 2123",41.5792,?,"C","14",?,"Paris / Haiti" +2,1,"Lehmann, Miss. Bertha","female",17,0,0,"SC 1748",12,?,"C","12",?,"Berne, Switzerland / Central City, IA" +2,1,"Leitch, Miss. Jessie Wills","female",?,0,0,"248727",33,?,"S","11",?,"London / Chicago, IL" +2,1,"Lemore, Mrs. (Amelia Milley)","female",34,0,0,"C.A. 34260",10.5,"F33","S","14",?,"Chicago, IL" +2,0,"Levy, Mr. Rene Jacques","male",36,0,0,"SC/Paris 2163",12.875,"D","C",?,?,"Montreal, PQ" +2,0,"Leyson, Mr. Robert William Norman","male",24,0,0,"C.A. 29566",10.5,?,"S",?,108,? +2,0,"Lingane, Mr. John","male",61,0,0,"235509",12.35,?,"Q",?,?,? +2,0,"Louch, Mr. Charles Alexander","male",50,1,0,"SC/AH 3085",26,?,"S",?,121,"Weston-Super-Mare, Somerset" +2,1,"Louch, Mrs. Charles Alexander (Alice Adelaide Slow)","female",42,1,0,"SC/AH 3085",26,?,"S",?,?,"Weston-Super-Mare, Somerset" +2,0,"Mack, Mrs. (Mary)","female",57,0,0,"S.O./P.P. 3",10.5,"E77","S",?,52,"Southampton / New York, NY" +2,0,"Malachard, Mr. Noel","male",?,0,0,"237735",15.0458,"D","C",?,?,"Paris" +2,1,"Mallet, Master. Andre","male",1,0,2,"S.C./PARIS 2079",37.0042,?,"C","10",?,"Paris / Montreal, PQ" +2,0,"Mallet, Mr. Albert","male",31,1,1,"S.C./PARIS 2079",37.0042,?,"C",?,?,"Paris / Montreal, PQ" +2,1,"Mallet, Mrs. Albert (Antoinette Magnin)","female",24,1,1,"S.C./PARIS 2079",37.0042,?,"C","10",?,"Paris / Montreal, PQ" +2,0,"Mangiavacchi, Mr. Serafino Emilio","male",?,0,0,"SC/A.3 2861",15.5792,?,"C",?,?,"New York, NY" +2,0,"Matthews, Mr. William John","male",30,0,0,"28228",13,?,"S",?,?,"St Austall, Cornwall" +2,0,"Maybery, Mr. Frank Hubert","male",40,0,0,"239059",16,?,"S",?,?,"Weston-Super-Mare / Moose Jaw, SK" +2,0,"McCrae, Mr. Arthur Gordon","male",32,0,0,"237216",13.5,?,"S",?,209,"Sydney, Australia" +2,0,"McCrie, Mr. James Matthew","male",30,0,0,"233478",13,?,"S",?,?,"Sarnia, ON" +2,0,"McKane, Mr. Peter David","male",46,0,0,"28403",26,?,"S",?,?,"Rochester, NY" +2,1,"Mellinger, Miss. Madeleine Violet","female",13,0,1,"250644",19.5,?,"S","14",?,"England / Bennington, VT" +2,1,"Mellinger, Mrs. (Elizabeth Anne Maidment)","female",41,0,1,"250644",19.5,?,"S","14",?,"England / Bennington, VT" +2,1,"Mellors, Mr. William John","male",19,0,0,"SW/PP 751",10.5,?,"S","B",?,"Chelsea, London" +2,0,"Meyer, Mr. August","male",39,0,0,"248723",13,?,"S",?,?,"Harrow-on-the-Hill, Middlesex" +2,0,"Milling, Mr. Jacob Christian","male",48,0,0,"234360",13,?,"S",?,271,"Copenhagen, Denmark" +2,0,"Mitchell, Mr. Henry Michael","male",70,0,0,"C.A. 24580",10.5,?,"S",?,?,"Guernsey / Montclair, NJ and/or Toledo, Ohio" +2,0,"Montvila, Rev. Juozas","male",27,0,0,"211536",13,?,"S",?,?,"Worcester, MA" +2,0,"Moraweck, Dr. Ernest","male",54,0,0,"29011",14,?,"S",?,?,"Frankfort, KY" +2,0,"Morley, Mr. Henry Samuel ('Mr Henry Marshall')","male",39,0,0,"250655",26,?,"S",?,?,? +2,0,"Mudd, Mr. Thomas Charles","male",16,0,0,"S.O./P.P. 3",10.5,?,"S",?,?,"Halesworth, England" +2,0,"Myles, Mr. Thomas Francis","male",62,0,0,"240276",9.6875,?,"Q",?,?,"Cambridge, MA" +2,0,"Nasser, Mr. Nicholas","male",32.5,1,0,"237736",30.0708,?,"C",?,43,"New York, NY" +2,1,"Nasser, Mrs. Nicholas (Adele Achem)","female",14,1,0,"237736",30.0708,?,"C",?,?,"New York, NY" +2,1,"Navratil, Master. Edmond Roger","male",2,1,1,"230080",26,"F2","S","D",?,"Nice, France" +2,1,"Navratil, Master. Michel M","male",3,1,1,"230080",26,"F2","S","D",?,"Nice, France" +2,0,"Navratil, Mr. Michel ('Louis M Hoffman')","male",36.5,0,2,"230080",26,"F2","S",?,15,"Nice, France" +2,0,"Nesson, Mr. Israel","male",26,0,0,"244368",13,"F2","S",?,?,"Boston, MA" +2,0,"Nicholls, Mr. Joseph Charles","male",19,1,1,"C.A. 33112",36.75,?,"S",?,101,"Cornwall / Hancock, MI" +2,0,"Norman, Mr. Robert Douglas","male",28,0,0,"218629",13.5,?,"S",?,287,"Glasgow" +2,1,"Nourney, Mr. Alfred ('Baron von Drachstedt')","male",20,0,0,"SC/PARIS 2166",13.8625,"D38","C","7",?,"Cologne, Germany" +2,1,"Nye, Mrs. (Elizabeth Ramell)","female",29,0,0,"C.A. 29395",10.5,"F33","S","11",?,"Folkstone, Kent / New York, NY" +2,0,"Otter, Mr. Richard","male",39,0,0,"28213",13,?,"S",?,?,"Middleburg Heights, OH" +2,1,"Oxenham, Mr. Percy Thomas","male",22,0,0,"W./C. 14260",10.5,?,"S","13",?,"Pondersend, England / New Durham, NJ" +2,1,"Padro y Manent, Mr. Julian","male",?,0,0,"SC/PARIS 2146",13.8625,?,"C","9",?,"Spain / Havana, Cuba" +2,0,"Pain, Dr. Alfred","male",23,0,0,"244278",10.5,?,"S",?,?,"Hamilton, ON" +2,1,"Pallas y Castello, Mr. Emilio","male",29,0,0,"SC/PARIS 2147",13.8583,?,"C","9",?,"Spain / Havana, Cuba" +2,0,"Parker, Mr. Clifford Richard","male",28,0,0,"SC 14888",10.5,?,"S",?,?,"St Andrews, Guernsey" +2,0,"Parkes, Mr. Francis 'Frank'","male",?,0,0,"239853",0,?,"S",?,?,"Belfast" +2,1,"Parrish, Mrs. (Lutie Davis)","female",50,0,1,"230433",26,?,"S","12",?,"Woodford County, KY" +2,0,"Pengelly, Mr. Frederick William","male",19,0,0,"28665",10.5,?,"S",?,?,"Gunnislake, England / Butte, MT" +2,0,"Pernot, Mr. Rene","male",?,0,0,"SC/PARIS 2131",15.05,?,"C",?,?,? +2,0,"Peruschitz, Rev. Joseph Maria","male",41,0,0,"237393",13,?,"S",?,?,? +2,1,"Phillips, Miss. Alice Frances Louisa","female",21,0,1,"S.O./P.P. 2",21,?,"S","12",?,"Ilfracombe, Devon" +2,1,"Phillips, Miss. Kate Florence ('Mrs Kate Louise Phillips Marshall')","female",19,0,0,"250655",26,?,"S","11",?,"Worcester, England" +2,0,"Phillips, Mr. Escott Robert","male",43,0,1,"S.O./P.P. 2",21,?,"S",?,?,"Ilfracombe, Devon" +2,1,"Pinsky, Mrs. (Rosa)","female",32,0,0,"234604",13,?,"S","9",?,"Russia" +2,0,"Ponesell, Mr. Martin","male",34,0,0,"250647",13,?,"S",?,?,"Denmark / New York, NY" +2,1,"Portaluppi, Mr. Emilio Ilario Giuseppe","male",30,0,0,"C.A. 34644",12.7375,?,"C","14",?,"Milford, NH" +2,0,"Pulbaum, Mr. Franz","male",27,0,0,"SC/PARIS 2168",15.0333,?,"C",?,?,"Paris" +2,1,"Quick, Miss. Phyllis May","female",2,1,1,"26360",26,?,"S","11",?,"Plymouth, Devon / Detroit, MI" +2,1,"Quick, Miss. Winifred Vera","female",8,1,1,"26360",26,?,"S","11",?,"Plymouth, Devon / Detroit, MI" +2,1,"Quick, Mrs. Frederick Charles (Jane Richards)","female",33,0,2,"26360",26,?,"S","11",?,"Plymouth, Devon / Detroit, MI" +2,0,"Reeves, Mr. David","male",36,0,0,"C.A. 17248",10.5,?,"S",?,?,"Brighton, Sussex" +2,0,"Renouf, Mr. Peter Henry","male",34,1,0,"31027",21,?,"S","12",?,"Elizabeth, NJ" +2,1,"Renouf, Mrs. Peter Henry (Lillian Jefferys)","female",30,3,0,"31027",21,?,"S",?,?,"Elizabeth, NJ" +2,1,"Reynaldo, Ms. Encarnacion","female",28,0,0,"230434",13,?,"S","9",?,"Spain" +2,0,"Richard, Mr. Emile","male",23,0,0,"SC/PARIS 2133",15.0458,?,"C",?,?,"Paris / Montreal, PQ" +2,1,"Richards, Master. George Sibley","male",0.8333,1,1,"29106",18.75,?,"S","4",?,"Cornwall / Akron, OH" +2,1,"Richards, Master. William Rowe","male",3,1,1,"29106",18.75,?,"S","4",?,"Cornwall / Akron, OH" +2,1,"Richards, Mrs. Sidney (Emily Hocking)","female",24,2,3,"29106",18.75,?,"S","4",?,"Cornwall / Akron, OH" +2,1,"Ridsdale, Miss. Lucy","female",50,0,0,"W./C. 14258",10.5,?,"S","13",?,"London, England / Marietta, Ohio and Milwaukee, WI" +2,0,"Rogers, Mr. Reginald Harry","male",19,0,0,"28004",10.5,?,"S",?,?,? +2,1,"Rugg, Miss. Emily","female",21,0,0,"C.A. 31026",10.5,?,"S","12",?,"Guernsey / Wilmington, DE" +2,0,"Schmidt, Mr. August","male",26,0,0,"248659",13,?,"S",?,?,"Newark, NJ" +2,0,"Sedgwick, Mr. Charles Frederick Waddington","male",25,0,0,"244361",13,?,"S",?,?,"Liverpool" +2,0,"Sharp, Mr. Percival James R","male",27,0,0,"244358",26,?,"S",?,?,"Hornsey, England" +2,1,"Shelley, Mrs. William (Imanita Parrish Hall)","female",25,0,1,"230433",26,?,"S","12",?,"Deer Lodge, MT" +2,1,"Silven, Miss. Lyyli Karoliina","female",18,0,2,"250652",13,?,"S","16",?,"Finland / Minneapolis, MN" +2,1,"Sincock, Miss. Maude","female",20,0,0,"C.A. 33112",36.75,?,"S","11",?,"Cornwall / Hancock, MI" +2,1,"Sinkkonen, Miss. Anna","female",30,0,0,"250648",13,?,"S","10",?,"Finland / Washington, DC" +2,0,"Sjostedt, Mr. Ernst Adolf","male",59,0,0,"237442",13.5,?,"S",?,?,"Sault St Marie, ON" +2,1,"Slayter, Miss. Hilda Mary","female",30,0,0,"234818",12.35,?,"Q","13",?,"Halifax, NS" +2,0,"Slemen, Mr. Richard James","male",35,0,0,"28206",10.5,?,"S",?,?,"Cornwall" +2,1,"Smith, Miss. Marion Elsie","female",40,0,0,"31418",13,?,"S","9",?,? +2,0,"Sobey, Mr. Samuel James Hayden","male",25,0,0,"C.A. 29178",13,?,"S",?,?,"Cornwall / Houghton, MI" +2,0,"Stanton, Mr. Samuel Ward","male",41,0,0,"237734",15.0458,?,"C",?,?,"New York, NY" +2,0,"Stokes, Mr. Philip Joseph","male",25,0,0,"F.C.C. 13540",10.5,?,"S",?,81,"Catford, Kent / Detroit, MI" +2,0,"Swane, Mr. George","male",18.5,0,0,"248734",13,"F","S",?,294,? +2,0,"Sweet, Mr. George Frederick","male",14,0,0,"220845",65,?,"S",?,?,"Somerset / Bernardsville, NJ" +2,1,"Toomey, Miss. Ellen","female",50,0,0,"F.C.C. 13531",10.5,?,"S","9",?,"Indianapolis, IN" +2,0,"Troupiansky, Mr. Moses Aaron","male",23,0,0,"233639",13,?,"S",?,?,? +2,1,"Trout, Mrs. William H (Jessie L)","female",28,0,0,"240929",12.65,?,"S",?,?,"Columbus, OH" +2,1,"Troutt, Miss. Edwina Celia 'Winnie'","female",27,0,0,"34218",10.5,"E101","S","16",?,"Bath, England / Massachusetts" +2,0,"Turpin, Mr. William John Robert","male",29,1,0,"11668",21,?,"S",?,?,"Plymouth, England" +2,0,"Turpin, Mrs. William John Robert (Dorothy Ann Wonnacott)","female",27,1,0,"11668",21,?,"S",?,?,"Plymouth, England" +2,0,"Veal, Mr. James","male",40,0,0,"28221",13,?,"S",?,?,"Barre, Co Washington, VT" +2,1,"Walcroft, Miss. Nellie","female",31,0,0,"F.C.C. 13528",21,?,"S","14",?,"Mamaroneck, NY" +2,0,"Ware, Mr. John James","male",30,1,0,"CA 31352",21,?,"S",?,?,"Bristol, England / New Britain, CT" +2,0,"Ware, Mr. William Jeffery","male",23,1,0,"28666",10.5,?,"S",?,?,? +2,1,"Ware, Mrs. John James (Florence Louise Long)","female",31,0,0,"CA 31352",21,?,"S","10",?,"Bristol, England / New Britain, CT" +2,0,"Watson, Mr. Ennis Hastings","male",?,0,0,"239856",0,?,"S",?,?,"Belfast" +2,1,"Watt, Miss. Bertha J","female",12,0,0,"C.A. 33595",15.75,?,"S","9",?,"Aberdeen / Portland, OR" +2,1,"Watt, Mrs. James (Elizabeth 'Bessie' Inglis Milne)","female",40,0,0,"C.A. 33595",15.75,?,"S","9",?,"Aberdeen / Portland, OR" +2,1,"Webber, Miss. Susan","female",32.5,0,0,"27267",13,"E101","S","12",?,"England / Hartford, CT" +2,0,"Weisz, Mr. Leopold","male",27,1,0,"228414",26,?,"S",?,293,"Bromsgrove, England / Montreal, PQ" +2,1,"Weisz, Mrs. Leopold (Mathilde Francoise Pede)","female",29,1,0,"228414",26,?,"S","10",?,"Bromsgrove, England / Montreal, PQ" +2,1,"Wells, Master. Ralph Lester","male",2,1,1,"29103",23,?,"S","14",?,"Cornwall / Akron, OH" +2,1,"Wells, Miss. Joan","female",4,1,1,"29103",23,?,"S","14",?,"Cornwall / Akron, OH" +2,1,"Wells, Mrs. Arthur Henry ('Addie' Dart Trevaskis)","female",29,0,2,"29103",23,?,"S","14",?,"Cornwall / Akron, OH" +2,1,"West, Miss. Barbara J","female",0.9167,1,2,"C.A. 34651",27.75,?,"S","10",?,"Bournmouth, England" +2,1,"West, Miss. Constance Mirium","female",5,1,2,"C.A. 34651",27.75,?,"S","10",?,"Bournmouth, England" +2,0,"West, Mr. Edwy Arthur","male",36,1,2,"C.A. 34651",27.75,?,"S",?,?,"Bournmouth, England" +2,1,"West, Mrs. Edwy Arthur (Ada Mary Worth)","female",33,1,2,"C.A. 34651",27.75,?,"S","10",?,"Bournmouth, England" +2,0,"Wheadon, Mr. Edward H","male",66,0,0,"C.A. 24579",10.5,?,"S",?,?,"Guernsey, England / Edgewood, RI" +2,0,"Wheeler, Mr. Edwin 'Frederick'","male",?,0,0,"SC/PARIS 2159",12.875,?,"S",?,?,? +2,1,"Wilhelms, Mr. Charles","male",31,0,0,"244270",13,?,"S","9",?,"London, England" +2,1,"Williams, Mr. Charles Eugene","male",?,0,0,"244373",13,?,"S","14",?,"Harrow, England" +2,1,"Wright, Miss. Marion","female",26,0,0,"220844",13.5,?,"S","9",?,"Yoevil, England / Cottage Grove, OR" +2,0,"Yrois, Miss. Henriette ('Mrs Harbeck')","female",24,0,0,"248747",13,?,"S",?,?,"Paris" +3,0,"Abbing, Mr. Anthony","male",42,0,0,"C.A. 5547",7.55,?,"S",?,?,? +3,0,"Abbott, Master. Eugene Joseph","male",13,0,2,"C.A. 2673",20.25,?,"S",?,?,"East Providence, RI" +3,0,"Abbott, Mr. Rossmore Edward","male",16,1,1,"C.A. 2673",20.25,?,"S",?,190,"East Providence, RI" +3,1,"Abbott, Mrs. Stanton (Rosa Hunt)","female",35,1,1,"C.A. 2673",20.25,?,"S","A",?,"East Providence, RI" +3,1,"Abelseth, Miss. Karen Marie","female",16,0,0,"348125",7.65,?,"S","16",?,"Norway Los Angeles, CA" +3,1,"Abelseth, Mr. Olaus Jorgensen","male",25,0,0,"348122",7.65,"F G63","S","A",?,"Perkins County, SD" +3,1,"Abrahamsson, Mr. Abraham August Johannes","male",20,0,0,"SOTON/O2 3101284",7.925,?,"S","15",?,"Taalintehdas, Finland Hoboken, NJ" +3,1,"Abrahim, Mrs. Joseph (Sophie Halaut Easu)","female",18,0,0,"2657",7.2292,?,"C","C",?,"Greensburg, PA" +3,0,"Adahl, Mr. Mauritz Nils Martin","male",30,0,0,"C 7076",7.25,?,"S",?,72,"Asarum, Sweden Brooklyn, NY" +3,0,"Adams, Mr. John","male",26,0,0,"341826",8.05,?,"S",?,103,"Bournemouth, England" +3,0,"Ahlin, Mrs. Johan (Johanna Persdotter Larsson)","female",40,1,0,"7546",9.475,?,"S",?,?,"Sweden Akeley, MN" +3,1,"Aks, Master. Philip Frank","male",0.8333,0,1,"392091",9.35,?,"S","11",?,"London, England Norfolk, VA" +3,1,"Aks, Mrs. Sam (Leah Rosen)","female",18,0,1,"392091",9.35,?,"S","13",?,"London, England Norfolk, VA" +3,1,"Albimona, Mr. Nassef Cassem","male",26,0,0,"2699",18.7875,?,"C","15",?,"Syria Fredericksburg, VA" +3,0,"Alexander, Mr. William","male",26,0,0,"3474",7.8875,?,"S",?,?,"England Albion, NY" +3,0,"Alhomaki, Mr. Ilmari Rudolf","male",20,0,0,"SOTON/O2 3101287",7.925,?,"S",?,?,"Salo, Finland Astoria, OR" +3,0,"Ali, Mr. Ahmed","male",24,0,0,"SOTON/O.Q. 3101311",7.05,?,"S",?,?,? +3,0,"Ali, Mr. William","male",25,0,0,"SOTON/O.Q. 3101312",7.05,?,"S",?,79,"Argentina" +3,0,"Allen, Mr. William Henry","male",35,0,0,"373450",8.05,?,"S",?,?,"Lower Clapton, Middlesex or Erdington, Birmingham" +3,0,"Allum, Mr. Owen George","male",18,0,0,"2223",8.3,?,"S",?,259,"Windsor, England New York, NY" +3,0,"Andersen, Mr. Albert Karvin","male",32,0,0,"C 4001",22.525,?,"S",?,260,"Bergen, Norway" +3,1,"Andersen-Jensen, Miss. Carla Christine Nielsine","female",19,1,0,"350046",7.8542,?,"S","16",?,? +3,0,"Andersson, Master. Sigvard Harald Elias","male",4,4,2,"347082",31.275,?,"S",?,?,"Sweden Winnipeg, MN" +3,0,"Andersson, Miss. Ebba Iris Alfrida","female",6,4,2,"347082",31.275,?,"S",?,?,"Sweden Winnipeg, MN" +3,0,"Andersson, Miss. Ellis Anna Maria","female",2,4,2,"347082",31.275,?,"S",?,?,"Sweden Winnipeg, MN" +3,1,"Andersson, Miss. Erna Alexandra","female",17,4,2,"3101281",7.925,?,"S","D",?,"Ruotsinphyhtaa, Finland New York, NY" +3,0,"Andersson, Miss. Ida Augusta Margareta","female",38,4,2,"347091",7.775,?,"S",?,?,"Vadsbro, Sweden Ministee, MI" +3,0,"Andersson, Miss. Ingeborg Constanzia","female",9,4,2,"347082",31.275,?,"S",?,?,"Sweden Winnipeg, MN" +3,0,"Andersson, Miss. Sigrid Elisabeth","female",11,4,2,"347082",31.275,?,"S",?,?,"Sweden Winnipeg, MN" +3,0,"Andersson, Mr. Anders Johan","male",39,1,5,"347082",31.275,?,"S",?,?,"Sweden Winnipeg, MN" +3,1,"Andersson, Mr. August Edvard ('Wennerstrom')","male",27,0,0,"350043",7.7958,?,"S","A",?,? +3,0,"Andersson, Mr. Johan Samuel","male",26,0,0,"347075",7.775,?,"S",?,?,"Hartford, CT" +3,0,"Andersson, Mrs. Anders Johan (Alfrida Konstantia Brogren)","female",39,1,5,"347082",31.275,?,"S",?,?,"Sweden Winnipeg, MN" +3,0,"Andreasson, Mr. Paul Edvin","male",20,0,0,"347466",7.8542,?,"S",?,?,"Sweden Chicago, IL" +3,0,"Angheloff, Mr. Minko","male",26,0,0,"349202",7.8958,?,"S",?,?,"Bulgaria Chicago, IL" +3,0,"Arnold-Franchi, Mr. Josef","male",25,1,0,"349237",17.8,?,"S",?,?,"Altdorf, Switzerland" +3,0,"Arnold-Franchi, Mrs. Josef (Josefine Franchi)","female",18,1,0,"349237",17.8,?,"S",?,?,"Altdorf, Switzerland" +3,0,"Aronsson, Mr. Ernst Axel Algot","male",24,0,0,"349911",7.775,?,"S",?,?,"Sweden Joliet, IL" +3,0,"Asim, Mr. Adola","male",35,0,0,"SOTON/O.Q. 3101310",7.05,?,"S",?,?,? +3,0,"Asplund, Master. Carl Edgar","male",5,4,2,"347077",31.3875,?,"S",?,?,"Sweden Worcester, MA" +3,0,"Asplund, Master. Clarence Gustaf Hugo","male",9,4,2,"347077",31.3875,?,"S",?,?,"Sweden Worcester, MA" +3,1,"Asplund, Master. Edvin Rojj Felix","male",3,4,2,"347077",31.3875,?,"S","15",?,"Sweden Worcester, MA" +3,0,"Asplund, Master. Filip Oscar","male",13,4,2,"347077",31.3875,?,"S",?,?,"Sweden Worcester, MA" +3,1,"Asplund, Miss. Lillian Gertrud","female",5,4,2,"347077",31.3875,?,"S","15",?,"Sweden Worcester, MA" +3,0,"Asplund, Mr. Carl Oscar Vilhelm Gustafsson","male",40,1,5,"347077",31.3875,?,"S",?,142,"Sweden Worcester, MA" +3,1,"Asplund, Mr. Johan Charles","male",23,0,0,"350054",7.7958,?,"S","13",?,"Oskarshamn, Sweden Minneapolis, MN" +3,1,"Asplund, Mrs. Carl Oscar (Selma Augusta Emilia Johansson)","female",38,1,5,"347077",31.3875,?,"S","15",?,"Sweden Worcester, MA" +3,1,"Assaf Khalil, Mrs. Mariana ('Miriam')","female",45,0,0,"2696",7.225,?,"C","C",?,"Ottawa, ON" +3,0,"Assaf, Mr. Gerios","male",21,0,0,"2692",7.225,?,"C",?,?,"Ottawa, ON" +3,0,"Assam, Mr. Ali","male",23,0,0,"SOTON/O.Q. 3101309",7.05,?,"S",?,?,? +3,0,"Attalah, Miss. Malake","female",17,0,0,"2627",14.4583,?,"C",?,?,? +3,0,"Attalah, Mr. Sleiman","male",30,0,0,"2694",7.225,?,"C",?,?,"Ottawa, ON" +3,0,"Augustsson, Mr. Albert","male",23,0,0,"347468",7.8542,?,"S",?,?,"Krakoryd, Sweden Bloomington, IL" +3,1,"Ayoub, Miss. Banoura","female",13,0,0,"2687",7.2292,?,"C","C",?,"Syria Youngstown, OH" +3,0,"Baccos, Mr. Raffull","male",20,0,0,"2679",7.225,?,"C",?,?,? +3,0,"Backstrom, Mr. Karl Alfred","male",32,1,0,"3101278",15.85,?,"S","D",?,"Ruotsinphytaa, Finland New York, NY" +3,1,"Backstrom, Mrs. Karl Alfred (Maria Mathilda Gustafsson)","female",33,3,0,"3101278",15.85,?,"S",?,?,"Ruotsinphytaa, Finland New York, NY" +3,1,"Baclini, Miss. Eugenie","female",0.75,2,1,"2666",19.2583,?,"C","C",?,"Syria New York, NY" +3,1,"Baclini, Miss. Helene Barbara","female",0.75,2,1,"2666",19.2583,?,"C","C",?,"Syria New York, NY" +3,1,"Baclini, Miss. Marie Catherine","female",5,2,1,"2666",19.2583,?,"C","C",?,"Syria New York, NY" +3,1,"Baclini, Mrs. Solomon (Latifa Qurban)","female",24,0,3,"2666",19.2583,?,"C","C",?,"Syria New York, NY" +3,1,"Badman, Miss. Emily Louisa","female",18,0,0,"A/4 31416",8.05,?,"S","C",?,"London Skanteales, NY" +3,0,"Badt, Mr. Mohamed","male",40,0,0,"2623",7.225,?,"C",?,?,? +3,0,"Balkic, Mr. Cerin","male",26,0,0,"349248",7.8958,?,"S",?,?,? +3,1,"Barah, Mr. Hanna Assi","male",20,0,0,"2663",7.2292,?,"C","15",?,? +3,0,"Barbara, Miss. Saiide","female",18,0,1,"2691",14.4542,?,"C",?,?,"Syria Ottawa, ON" +3,0,"Barbara, Mrs. (Catherine David)","female",45,0,1,"2691",14.4542,?,"C",?,?,"Syria Ottawa, ON" +3,0,"Barry, Miss. Julia","female",27,0,0,"330844",7.8792,?,"Q",?,?,"New York, NY" +3,0,"Barton, Mr. David John","male",22,0,0,"324669",8.05,?,"S",?,?,"England New York, NY" +3,0,"Beavan, Mr. William Thomas","male",19,0,0,"323951",8.05,?,"S",?,?,"England" +3,0,"Bengtsson, Mr. John Viktor","male",26,0,0,"347068",7.775,?,"S",?,?,"Krakudden, Sweden Moune, IL" +3,0,"Berglund, Mr. Karl Ivar Sven","male",22,0,0,"PP 4348",9.35,?,"S",?,?,"Tranvik, Finland New York" +3,0,"Betros, Master. Seman","male",?,0,0,"2622",7.2292,?,"C",?,?,? +3,0,"Betros, Mr. Tannous","male",20,0,0,"2648",4.0125,?,"C",?,?,"Syria" +3,1,"Bing, Mr. Lee","male",32,0,0,"1601",56.4958,?,"S","C",?,"Hong Kong New York, NY" +3,0,"Birkeland, Mr. Hans Martin Monsen","male",21,0,0,"312992",7.775,?,"S",?,?,"Brennes, Norway New York" +3,0,"Bjorklund, Mr. Ernst Herbert","male",18,0,0,"347090",7.75,?,"S",?,?,"Stockholm, Sweden New York" +3,0,"Bostandyeff, Mr. Guentcho","male",26,0,0,"349224",7.8958,?,"S",?,?,"Bulgaria Chicago, IL" +3,0,"Boulos, Master. Akar","male",6,1,1,"2678",15.2458,?,"C",?,?,"Syria Kent, ON" +3,0,"Boulos, Miss. Nourelain","female",9,1,1,"2678",15.2458,?,"C",?,?,"Syria Kent, ON" +3,0,"Boulos, Mr. Hanna","male",?,0,0,"2664",7.225,?,"C",?,?,"Syria" +3,0,"Boulos, Mrs. Joseph (Sultana)","female",?,0,2,"2678",15.2458,?,"C",?,?,"Syria Kent, ON" +3,0,"Bourke, Miss. Mary","female",?,0,2,"364848",7.75,?,"Q",?,?,"Ireland Chicago, IL" +3,0,"Bourke, Mr. John","male",40,1,1,"364849",15.5,?,"Q",?,?,"Ireland Chicago, IL" +3,0,"Bourke, Mrs. John (Catherine)","female",32,1,1,"364849",15.5,?,"Q",?,?,"Ireland Chicago, IL" +3,0,"Bowen, Mr. David John 'Dai'","male",21,0,0,"54636",16.1,?,"S",?,?,"Treherbert, Cardiff, Wales" +3,1,"Bradley, Miss. Bridget Delia","female",22,0,0,"334914",7.725,?,"Q","13",?,"Kingwilliamstown, Co Cork, Ireland Glens Falls, NY" +3,0,"Braf, Miss. Elin Ester Maria","female",20,0,0,"347471",7.8542,?,"S",?,?,"Medeltorp, Sweden Chicago, IL" +3,0,"Braund, Mr. Lewis Richard","male",29,1,0,"3460",7.0458,?,"S",?,?,"Bridgerule, Devon" +3,0,"Braund, Mr. Owen Harris","male",22,1,0,"A/5 21171",7.25,?,"S",?,?,"Bridgerule, Devon" +3,0,"Brobeck, Mr. Karl Rudolf","male",22,0,0,"350045",7.7958,?,"S",?,?,"Sweden Worcester, MA" +3,0,"Brocklebank, Mr. William Alfred","male",35,0,0,"364512",8.05,?,"S",?,?,"Broomfield, Chelmsford, England" +3,0,"Buckley, Miss. Katherine","female",18.5,0,0,"329944",7.2833,?,"Q",?,299,"Co Cork, Ireland Roxbury, MA" +3,1,"Buckley, Mr. Daniel","male",21,0,0,"330920",7.8208,?,"Q","13",?,"Kingwilliamstown, Co Cork, Ireland New York, NY" +3,0,"Burke, Mr. Jeremiah","male",19,0,0,"365222",6.75,?,"Q",?,?,"Co Cork, Ireland Charlestown, MA" +3,0,"Burns, Miss. Mary Delia","female",18,0,0,"330963",7.8792,?,"Q",?,?,"Co Sligo, Ireland New York, NY" +3,0,"Cacic, Miss. Manda","female",21,0,0,"315087",8.6625,?,"S",?,?,? +3,0,"Cacic, Miss. Marija","female",30,0,0,"315084",8.6625,?,"S",?,?,? +3,0,"Cacic, Mr. Jego Grga","male",18,0,0,"315091",8.6625,?,"S",?,?,? +3,0,"Cacic, Mr. Luka","male",38,0,0,"315089",8.6625,?,"S",?,?,"Croatia" +3,0,"Calic, Mr. Jovo","male",17,0,0,"315093",8.6625,?,"S",?,?,? +3,0,"Calic, Mr. Petar","male",17,0,0,"315086",8.6625,?,"S",?,?,? +3,0,"Canavan, Miss. Mary","female",21,0,0,"364846",7.75,?,"Q",?,?,? +3,0,"Canavan, Mr. Patrick","male",21,0,0,"364858",7.75,?,"Q",?,?,"Ireland Philadelphia, PA" +3,0,"Cann, Mr. Ernest Charles","male",21,0,0,"A./5. 2152",8.05,?,"S",?,?,? +3,0,"Caram, Mr. Joseph","male",?,1,0,"2689",14.4583,?,"C",?,?,"Ottawa, ON" +3,0,"Caram, Mrs. Joseph (Maria Elias)","female",?,1,0,"2689",14.4583,?,"C",?,?,"Ottawa, ON" +3,0,"Carlsson, Mr. August Sigfrid","male",28,0,0,"350042",7.7958,?,"S",?,?,"Dagsas, Sweden Fower, MN" +3,0,"Carlsson, Mr. Carl Robert","male",24,0,0,"350409",7.8542,?,"S",?,?,"Goteborg, Sweden Huntley, IL" +3,1,"Carr, Miss. Helen 'Ellen'","female",16,0,0,"367231",7.75,?,"Q","16",?,"Co Longford, Ireland New York, NY" +3,0,"Carr, Miss. Jeannie","female",37,0,0,"368364",7.75,?,"Q",?,?,"Co Sligo, Ireland Hartford, CT" +3,0,"Carver, Mr. Alfred John","male",28,0,0,"392095",7.25,?,"S",?,?,"St Denys, Southampton, Hants" +3,0,"Celotti, Mr. Francesco","male",24,0,0,"343275",8.05,?,"S",?,?,"London" +3,0,"Charters, Mr. David","male",21,0,0,"A/5. 13032",7.7333,?,"Q",?,?,"Ireland New York, NY" +3,1,"Chip, Mr. Chang","male",32,0,0,"1601",56.4958,?,"S","C",?,"Hong Kong New York, NY" +3,0,"Christmann, Mr. Emil","male",29,0,0,"343276",8.05,?,"S",?,?,? +3,0,"Chronopoulos, Mr. Apostolos","male",26,1,0,"2680",14.4542,?,"C",?,?,"Greece" +3,0,"Chronopoulos, Mr. Demetrios","male",18,1,0,"2680",14.4542,?,"C",?,?,"Greece" +3,0,"Coelho, Mr. Domingos Fernandeo","male",20,0,0,"SOTON/O.Q. 3101307",7.05,?,"S",?,?,"Portugal" +3,1,"Cohen, Mr. Gurshon 'Gus'","male",18,0,0,"A/5 3540",8.05,?,"S","12",?,"London Brooklyn, NY" +3,0,"Colbert, Mr. Patrick","male",24,0,0,"371109",7.25,?,"Q",?,?,"Co Limerick, Ireland Sherbrooke, PQ" +3,0,"Coleff, Mr. Peju","male",36,0,0,"349210",7.4958,?,"S",?,?,"Bulgaria Chicago, IL" +3,0,"Coleff, Mr. Satio","male",24,0,0,"349209",7.4958,?,"S",?,?,? +3,0,"Conlon, Mr. Thomas Henry","male",31,0,0,"21332",7.7333,?,"Q",?,?,"Philadelphia, PA" +3,0,"Connaghton, Mr. Michael","male",31,0,0,"335097",7.75,?,"Q",?,?,"Ireland Brooklyn, NY" +3,1,"Connolly, Miss. Kate","female",22,0,0,"370373",7.75,?,"Q","13",?,"Ireland" +3,0,"Connolly, Miss. Kate","female",30,0,0,"330972",7.6292,?,"Q",?,?,"Ireland" +3,0,"Connors, Mr. Patrick","male",70.5,0,0,"370369",7.75,?,"Q",?,171,? +3,0,"Cook, Mr. Jacob","male",43,0,0,"A/5 3536",8.05,?,"S",?,?,? +3,0,"Cor, Mr. Bartol","male",35,0,0,"349230",7.8958,?,"S",?,?,"Austria" +3,0,"Cor, Mr. Ivan","male",27,0,0,"349229",7.8958,?,"S",?,?,"Austria" +3,0,"Cor, Mr. Liudevit","male",19,0,0,"349231",7.8958,?,"S",?,?,"Austria" +3,0,"Corn, Mr. Harry","male",30,0,0,"SOTON/OQ 392090",8.05,?,"S",?,?,"London" +3,1,"Coutts, Master. Eden Leslie 'Neville'","male",9,1,1,"C.A. 37671",15.9,?,"S","2",?,"England Brooklyn, NY" +3,1,"Coutts, Master. William Loch 'William'","male",3,1,1,"C.A. 37671",15.9,?,"S","2",?,"England Brooklyn, NY" +3,1,"Coutts, Mrs. William (Winnie 'Minnie' Treanor)","female",36,0,2,"C.A. 37671",15.9,?,"S","2",?,"England Brooklyn, NY" +3,0,"Coxon, Mr. Daniel","male",59,0,0,"364500",7.25,?,"S",?,?,"Merrill, WI" +3,0,"Crease, Mr. Ernest James","male",19,0,0,"S.P. 3464",8.1583,?,"S",?,?,"Bristol, England Cleveland, OH" +3,1,"Cribb, Miss. Laura Alice","female",17,0,1,"371362",16.1,?,"S","12",?,"Bournemouth, England Newark, NJ" +3,0,"Cribb, Mr. John Hatfield","male",44,0,1,"371362",16.1,?,"S",?,?,"Bournemouth, England Newark, NJ" +3,0,"Culumovic, Mr. Jeso","male",17,0,0,"315090",8.6625,?,"S",?,?,"Austria-Hungary" +3,0,"Daher, Mr. Shedid","male",22.5,0,0,"2698",7.225,?,"C",?,9,? +3,1,"Dahl, Mr. Karl Edwart","male",45,0,0,"7598",8.05,?,"S","15",?,"Australia Fingal, ND" +3,0,"Dahlberg, Miss. Gerda Ulrika","female",22,0,0,"7552",10.5167,?,"S",?,?,"Norrlot, Sweden Chicago, IL" +3,0,"Dakic, Mr. Branko","male",19,0,0,"349228",10.1708,?,"S",?,?,"Austria" +3,1,"Daly, Miss. Margaret Marcella 'Maggie'","female",30,0,0,"382650",6.95,?,"Q","15",?,"Co Athlone, Ireland New York, NY" +3,1,"Daly, Mr. Eugene Patrick","male",29,0,0,"382651",7.75,?,"Q","13 15 B",?,"Co Athlone, Ireland New York, NY" +3,0,"Danbom, Master. Gilbert Sigvard Emanuel","male",0.3333,0,2,"347080",14.4,?,"S",?,?,"Stanton, IA" +3,0,"Danbom, Mr. Ernst Gilbert","male",34,1,1,"347080",14.4,?,"S",?,197,"Stanton, IA" +3,0,"Danbom, Mrs. Ernst Gilbert (Anna Sigrid Maria Brogren)","female",28,1,1,"347080",14.4,?,"S",?,?,"Stanton, IA" +3,0,"Danoff, Mr. Yoto","male",27,0,0,"349219",7.8958,?,"S",?,?,"Bulgaria Chicago, IL" +3,0,"Dantcheff, Mr. Ristiu","male",25,0,0,"349203",7.8958,?,"S",?,?,"Bulgaria Chicago, IL" +3,0,"Davies, Mr. Alfred J","male",24,2,0,"A/4 48871",24.15,?,"S",?,?,"West Bromwich, England Pontiac, MI" +3,0,"Davies, Mr. Evan","male",22,0,0,"SC/A4 23568",8.05,?,"S",?,?,? +3,0,"Davies, Mr. John Samuel","male",21,2,0,"A/4 48871",24.15,?,"S",?,?,"West Bromwich, England Pontiac, MI" +3,0,"Davies, Mr. Joseph","male",17,2,0,"A/4 48873",8.05,?,"S",?,?,"West Bromwich, England Pontiac, MI" +3,0,"Davison, Mr. Thomas Henry","male",?,1,0,"386525",16.1,?,"S",?,?,"Liverpool, England Bedford, OH" +3,1,"Davison, Mrs. Thomas Henry (Mary E Finck)","female",?,1,0,"386525",16.1,?,"S","16",?,"Liverpool, England Bedford, OH" +3,1,"de Messemaeker, Mr. Guillaume Joseph","male",36.5,1,0,"345572",17.4,?,"S","15",?,"Tampico, MT" +3,1,"de Messemaeker, Mrs. Guillaume Joseph (Emma)","female",36,1,0,"345572",17.4,?,"S","13",?,"Tampico, MT" +3,1,"de Mulder, Mr. Theodore","male",30,0,0,"345774",9.5,?,"S","11",?,"Belgium Detroit, MI" +3,0,"de Pelsmaeker, Mr. Alfons","male",16,0,0,"345778",9.5,?,"S",?,?,? +3,1,"Dean, Master. Bertram Vere","male",1,1,2,"C.A. 2315",20.575,?,"S","10",?,"Devon, England Wichita, KS" +3,1,"Dean, Miss. Elizabeth Gladys 'Millvina'","female",0.1667,1,2,"C.A. 2315",20.575,?,"S","10",?,"Devon, England Wichita, KS" +3,0,"Dean, Mr. Bertram Frank","male",26,1,2,"C.A. 2315",20.575,?,"S",?,?,"Devon, England Wichita, KS" +3,1,"Dean, Mrs. Bertram (Eva Georgetta Light)","female",33,1,2,"C.A. 2315",20.575,?,"S","10",?,"Devon, England Wichita, KS" +3,0,"Delalic, Mr. Redjo","male",25,0,0,"349250",7.8958,?,"S",?,?,? +3,0,"Demetri, Mr. Marinko","male",?,0,0,"349238",7.8958,?,"S",?,?,? +3,0,"Denkoff, Mr. Mitto","male",?,0,0,"349225",7.8958,?,"S",?,?,"Bulgaria Coon Rapids, IA" +3,0,"Dennis, Mr. Samuel","male",22,0,0,"A/5 21172",7.25,?,"S",?,?,? +3,0,"Dennis, Mr. William","male",36,0,0,"A/5 21175",7.25,?,"S",?,?,? +3,1,"Devaney, Miss. Margaret Delia","female",19,0,0,"330958",7.8792,?,"Q","C",?,"Kilmacowen, Co Sligo, Ireland New York, NY" +3,0,"Dika, Mr. Mirko","male",17,0,0,"349232",7.8958,?,"S",?,?,? +3,0,"Dimic, Mr. Jovan","male",42,0,0,"315088",8.6625,?,"S",?,?,? +3,0,"Dintcheff, Mr. Valtcho","male",43,0,0,"349226",7.8958,?,"S",?,?,? +3,0,"Doharr, Mr. Tannous","male",?,0,0,"2686",7.2292,?,"C",?,?,? +3,0,"Dooley, Mr. Patrick","male",32,0,0,"370376",7.75,?,"Q",?,?,"Ireland New York, NY" +3,1,"Dorking, Mr. Edward Arthur","male",19,0,0,"A/5. 10482",8.05,?,"S","B",?,"England Oglesby, IL" +3,1,"Dowdell, Miss. Elizabeth","female",30,0,0,"364516",12.475,?,"S","13",?,"Union Hill, NJ" +3,0,"Doyle, Miss. Elizabeth","female",24,0,0,"368702",7.75,?,"Q",?,?,"Ireland New York, NY" +3,1,"Drapkin, Miss. Jennie","female",23,0,0,"SOTON/OQ 392083",8.05,?,"S",?,?,"London New York, NY" +3,0,"Drazenoic, Mr. Jozef","male",33,0,0,"349241",7.8958,?,"C",?,51,"Austria Niagara Falls, NY" +3,0,"Duane, Mr. Frank","male",65,0,0,"336439",7.75,?,"Q",?,?,? +3,1,"Duquemin, Mr. Joseph","male",24,0,0,"S.O./P.P. 752",7.55,?,"S","D",?,"England Albion, NY" +3,0,"Dyker, Mr. Adolf Fredrik","male",23,1,0,"347072",13.9,?,"S",?,?,"West Haven, CT" +3,1,"Dyker, Mrs. Adolf Fredrik (Anna Elisabeth Judith Andersson)","female",22,1,0,"347072",13.9,?,"S","16",?,"West Haven, CT" +3,0,"Edvardsson, Mr. Gustaf Hjalmar","male",18,0,0,"349912",7.775,?,"S",?,?,"Tofta, Sweden Joliet, IL" +3,0,"Eklund, Mr. Hans Linus","male",16,0,0,"347074",7.775,?,"S",?,?,"Karberg, Sweden Jerome Junction, AZ" +3,0,"Ekstrom, Mr. Johan","male",45,0,0,"347061",6.975,?,"S",?,?,"Effington Rut, SD" +3,0,"Elias, Mr. Dibo","male",?,0,0,"2674",7.225,?,"C",?,?,? +3,0,"Elias, Mr. Joseph","male",39,0,2,"2675",7.2292,?,"C",?,?,"Syria Ottawa, ON" +3,0,"Elias, Mr. Joseph Jr","male",17,1,1,"2690",7.2292,?,"C",?,?,? +3,0,"Elias, Mr. Tannous","male",15,1,1,"2695",7.2292,?,"C",?,?,"Syria" +3,0,"Elsbury, Mr. William James","male",47,0,0,"A/5 3902",7.25,?,"S",?,?,"Illinois, USA" +3,1,"Emanuel, Miss. Virginia Ethel","female",5,0,0,"364516",12.475,?,"S","13",?,"New York, NY" +3,0,"Emir, Mr. Farred Chehab","male",?,0,0,"2631",7.225,?,"C",?,?,? +3,0,"Everett, Mr. Thomas James","male",40.5,0,0,"C.A. 6212",15.1,?,"S",?,187,? +3,0,"Farrell, Mr. James","male",40.5,0,0,"367232",7.75,?,"Q",?,68,"Aughnacliff, Co Longford, Ireland New York, NY" +3,1,"Finoli, Mr. Luigi","male",?,0,0,"SOTON/O.Q. 3101308",7.05,?,"S","15",?,"Italy Philadelphia, PA" +3,0,"Fischer, Mr. Eberhard Thelander","male",18,0,0,"350036",7.7958,?,"S",?,?,? +3,0,"Fleming, Miss. Honora","female",?,0,0,"364859",7.75,?,"Q",?,?,? +3,0,"Flynn, Mr. James","male",?,0,0,"364851",7.75,?,"Q",?,?,? +3,0,"Flynn, Mr. John","male",?,0,0,"368323",6.95,?,"Q",?,?,? +3,0,"Foley, Mr. Joseph","male",26,0,0,"330910",7.8792,?,"Q",?,?,"Ireland Chicago, IL" +3,0,"Foley, Mr. William","male",?,0,0,"365235",7.75,?,"Q",?,?,"Ireland" +3,1,"Foo, Mr. Choong","male",?,0,0,"1601",56.4958,?,"S","13",?,"Hong Kong New York, NY" +3,0,"Ford, Miss. Doolina Margaret 'Daisy'","female",21,2,2,"W./C. 6608",34.375,?,"S",?,?,"Rotherfield, Sussex, England Essex Co, MA" +3,0,"Ford, Miss. Robina Maggie 'Ruby'","female",9,2,2,"W./C. 6608",34.375,?,"S",?,?,"Rotherfield, Sussex, England Essex Co, MA" +3,0,"Ford, Mr. Arthur","male",?,0,0,"A/5 1478",8.05,?,"S",?,?,"Bridgwater, Somerset, England" +3,0,"Ford, Mr. Edward Watson","male",18,2,2,"W./C. 6608",34.375,?,"S",?,?,"Rotherfield, Sussex, England Essex Co, MA" +3,0,"Ford, Mr. William Neal","male",16,1,3,"W./C. 6608",34.375,?,"S",?,?,"Rotherfield, Sussex, England Essex Co, MA" +3,0,"Ford, Mrs. Edward (Margaret Ann Watson)","female",48,1,3,"W./C. 6608",34.375,?,"S",?,?,"Rotherfield, Sussex, England Essex Co, MA" +3,0,"Fox, Mr. Patrick","male",?,0,0,"368573",7.75,?,"Q",?,?,"Ireland New York, NY" +3,0,"Franklin, Mr. Charles (Charles Fardon)","male",?,0,0,"SOTON/O.Q. 3101314",7.25,?,"S",?,?,? +3,0,"Gallagher, Mr. Martin","male",25,0,0,"36864",7.7417,?,"Q",?,?,"New York, NY" +3,0,"Garfirth, Mr. John","male",?,0,0,"358585",14.5,?,"S",?,?,? +3,0,"Gheorgheff, Mr. Stanio","male",?,0,0,"349254",7.8958,?,"C",?,?,? +3,0,"Gilinski, Mr. Eliezer","male",22,0,0,"14973",8.05,?,"S",?,47,? +3,1,"Gilnagh, Miss. Katherine 'Katie'","female",16,0,0,"35851",7.7333,?,"Q","16",?,"Co Longford, Ireland New York, NY" +3,1,"Glynn, Miss. Mary Agatha","female",?,0,0,"335677",7.75,?,"Q","13",?,"Co Clare, Ireland Washington, DC" +3,1,"Goldsmith, Master. Frank John William 'Frankie'","male",9,0,2,"363291",20.525,?,"S","C D",?,"Strood, Kent, England Detroit, MI" +3,0,"Goldsmith, Mr. Frank John","male",33,1,1,"363291",20.525,?,"S",?,?,"Strood, Kent, England Detroit, MI" +3,0,"Goldsmith, Mr. Nathan","male",41,0,0,"SOTON/O.Q. 3101263",7.85,?,"S",?,?,"Philadelphia, PA" +3,1,"Goldsmith, Mrs. Frank John (Emily Alice Brown)","female",31,1,1,"363291",20.525,?,"S","C D",?,"Strood, Kent, England Detroit, MI" +3,0,"Goncalves, Mr. Manuel Estanslas","male",38,0,0,"SOTON/O.Q. 3101306",7.05,?,"S",?,?,"Portugal" +3,0,"Goodwin, Master. Harold Victor","male",9,5,2,"CA 2144",46.9,?,"S",?,?,"Wiltshire, England Niagara Falls, NY" +3,0,"Goodwin, Master. Sidney Leonard","male",1,5,2,"CA 2144",46.9,?,"S",?,?,"Wiltshire, England Niagara Falls, NY" +3,0,"Goodwin, Master. William Frederick","male",11,5,2,"CA 2144",46.9,?,"S",?,?,"Wiltshire, England Niagara Falls, NY" +3,0,"Goodwin, Miss. Jessie Allis","female",10,5,2,"CA 2144",46.9,?,"S",?,?,"Wiltshire, England Niagara Falls, NY" +3,0,"Goodwin, Miss. Lillian Amy","female",16,5,2,"CA 2144",46.9,?,"S",?,?,"Wiltshire, England Niagara Falls, NY" +3,0,"Goodwin, Mr. Charles Edward","male",14,5,2,"CA 2144",46.9,?,"S",?,?,"Wiltshire, England Niagara Falls, NY" +3,0,"Goodwin, Mr. Charles Frederick","male",40,1,6,"CA 2144",46.9,?,"S",?,?,"Wiltshire, England Niagara Falls, NY" +3,0,"Goodwin, Mrs. Frederick (Augusta Tyler)","female",43,1,6,"CA 2144",46.9,?,"S",?,?,"Wiltshire, England Niagara Falls, NY" +3,0,"Green, Mr. George Henry","male",51,0,0,"21440",8.05,?,"S",?,?,"Dorking, Surrey, England" +3,0,"Gronnestad, Mr. Daniel Danielsen","male",32,0,0,"8471",8.3625,?,"S",?,?,"Foresvik, Norway Portland, ND" +3,0,"Guest, Mr. Robert","male",?,0,0,"376563",8.05,?,"S",?,?,? +3,0,"Gustafsson, Mr. Alfred Ossian","male",20,0,0,"7534",9.8458,?,"S",?,?,"Waukegan, Chicago, IL" +3,0,"Gustafsson, Mr. Anders Vilhelm","male",37,2,0,"3101276",7.925,?,"S",?,98,"Ruotsinphytaa, Finland New York, NY" +3,0,"Gustafsson, Mr. Johan Birger","male",28,2,0,"3101277",7.925,?,"S",?,?,"Ruotsinphytaa, Finland New York, NY" +3,0,"Gustafsson, Mr. Karl Gideon","male",19,0,0,"347069",7.775,?,"S",?,?,"Myren, Sweden New York, NY" +3,0,"Haas, Miss. Aloisia","female",24,0,0,"349236",8.85,?,"S",?,?,? +3,0,"Hagardon, Miss. Kate","female",17,0,0,"AQ/3. 30631",7.7333,?,"Q",?,?,? +3,0,"Hagland, Mr. Ingvald Olai Olsen","male",?,1,0,"65303",19.9667,?,"S",?,?,? +3,0,"Hagland, Mr. Konrad Mathias Reiersen","male",?,1,0,"65304",19.9667,?,"S",?,?,? +3,0,"Hakkarainen, Mr. Pekka Pietari","male",28,1,0,"STON/O2. 3101279",15.85,?,"S",?,?,? +3,1,"Hakkarainen, Mrs. Pekka Pietari (Elin Matilda Dolck)","female",24,1,0,"STON/O2. 3101279",15.85,?,"S","15",?,? +3,0,"Hampe, Mr. Leon","male",20,0,0,"345769",9.5,?,"S",?,?,? +3,0,"Hanna, Mr. Mansour","male",23.5,0,0,"2693",7.2292,?,"C",?,188,? +3,0,"Hansen, Mr. Claus Peter","male",41,2,0,"350026",14.1083,?,"S",?,?,? +3,0,"Hansen, Mr. Henrik Juul","male",26,1,0,"350025",7.8542,?,"S",?,?,? +3,0,"Hansen, Mr. Henry Damsgaard","male",21,0,0,"350029",7.8542,?,"S",?,69,? +3,1,"Hansen, Mrs. Claus Peter (Jennie L Howard)","female",45,1,0,"350026",14.1083,?,"S","11",?,? +3,0,"Harknett, Miss. Alice Phoebe","female",?,0,0,"W./C. 6609",7.55,?,"S",?,?,? +3,0,"Harmer, Mr. Abraham (David Lishin)","male",25,0,0,"374887",7.25,?,"S","B",?,? +3,0,"Hart, Mr. Henry","male",?,0,0,"394140",6.8583,?,"Q",?,?,? +3,0,"Hassan, Mr. Houssein G N","male",11,0,0,"2699",18.7875,?,"C",?,?,? +3,1,"Healy, Miss. Hanora 'Nora'","female",?,0,0,"370375",7.75,?,"Q","16",?,? +3,1,"Hedman, Mr. Oskar Arvid","male",27,0,0,"347089",6.975,?,"S","15",?,? +3,1,"Hee, Mr. Ling","male",?,0,0,"1601",56.4958,?,"S","C",?,? +3,0,"Hegarty, Miss. Hanora 'Nora'","female",18,0,0,"365226",6.75,?,"Q",?,?,? +3,1,"Heikkinen, Miss. Laina","female",26,0,0,"STON/O2. 3101282",7.925,?,"S",?,?,? +3,0,"Heininen, Miss. Wendla Maria","female",23,0,0,"STON/O2. 3101290",7.925,?,"S",?,?,? +3,1,"Hellstrom, Miss. Hilda Maria","female",22,0,0,"7548",8.9625,?,"S","C",?,? +3,0,"Hendekovic, Mr. Ignjac","male",28,0,0,"349243",7.8958,?,"S",?,306,? +3,0,"Henriksson, Miss. Jenny Lovisa","female",28,0,0,"347086",7.775,?,"S",?,?,? +3,0,"Henry, Miss. Delia","female",?,0,0,"382649",7.75,?,"Q",?,?,? +3,1,"Hirvonen, Miss. Hildur E","female",2,0,1,"3101298",12.2875,?,"S","15",?,? +3,1,"Hirvonen, Mrs. Alexander (Helga E Lindqvist)","female",22,1,1,"3101298",12.2875,?,"S","15",?,? +3,0,"Holm, Mr. John Fredrik Alexander","male",43,0,0,"C 7075",6.45,?,"S",?,?,? +3,0,"Holthen, Mr. Johan Martin","male",28,0,0,"C 4001",22.525,?,"S",?,?,? +3,1,"Honkanen, Miss. Eliina","female",27,0,0,"STON/O2. 3101283",7.925,?,"S",?,?,? +3,0,"Horgan, Mr. John","male",?,0,0,"370377",7.75,?,"Q",?,?,? +3,1,"Howard, Miss. May Elizabeth","female",?,0,0,"A. 2. 39186",8.05,?,"S","C",?,? +3,0,"Humblen, Mr. Adolf Mathias Nicolai Olsen","male",42,0,0,"348121",7.65,"F G63","S",?,120,? +3,1,"Hyman, Mr. Abraham","male",?,0,0,"3470",7.8875,?,"S","C",?,? +3,0,"Ibrahim Shawah, Mr. Yousseff","male",30,0,0,"2685",7.2292,?,"C",?,?,? +3,0,"Ilieff, Mr. Ylio","male",?,0,0,"349220",7.8958,?,"S",?,?,? +3,0,"Ilmakangas, Miss. Ida Livija","female",27,1,0,"STON/O2. 3101270",7.925,?,"S",?,?,? +3,0,"Ilmakangas, Miss. Pieta Sofia","female",25,1,0,"STON/O2. 3101271",7.925,?,"S",?,?,? +3,0,"Ivanoff, Mr. Kanio","male",?,0,0,"349201",7.8958,?,"S",?,?,? +3,1,"Jalsevac, Mr. Ivan","male",29,0,0,"349240",7.8958,?,"C","15",?,? +3,1,"Jansson, Mr. Carl Olof","male",21,0,0,"350034",7.7958,?,"S","A",?,? +3,0,"Jardin, Mr. Jose Neto","male",?,0,0,"SOTON/O.Q. 3101305",7.05,?,"S",?,?,? +3,0,"Jensen, Mr. Hans Peder","male",20,0,0,"350050",7.8542,?,"S",?,?,? +3,0,"Jensen, Mr. Niels Peder","male",48,0,0,"350047",7.8542,?,"S",?,?,? +3,0,"Jensen, Mr. Svend Lauritz","male",17,1,0,"350048",7.0542,?,"S",?,?,? +3,1,"Jermyn, Miss. Annie","female",?,0,0,"14313",7.75,?,"Q","D",?,? +3,1,"Johannesen-Bratthammer, Mr. Bernt","male",?,0,0,"65306",8.1125,?,"S","13",?,? +3,0,"Johanson, Mr. Jakob Alfred","male",34,0,0,"3101264",6.4958,?,"S",?,143,? +3,1,"Johansson Palmquist, Mr. Oskar Leander","male",26,0,0,"347070",7.775,?,"S","15",?,? +3,0,"Johansson, Mr. Erik","male",22,0,0,"350052",7.7958,?,"S",?,156,? +3,0,"Johansson, Mr. Gustaf Joel","male",33,0,0,"7540",8.6542,?,"S",?,285,? +3,0,"Johansson, Mr. Karl Johan","male",31,0,0,"347063",7.775,?,"S",?,?,? +3,0,"Johansson, Mr. Nils","male",29,0,0,"347467",7.8542,?,"S",?,?,? +3,1,"Johnson, Master. Harold Theodor","male",4,1,1,"347742",11.1333,?,"S","15",?,? +3,1,"Johnson, Miss. Eleanor Ileen","female",1,1,1,"347742",11.1333,?,"S","15",?,? +3,0,"Johnson, Mr. Alfred","male",49,0,0,"LINE",0,?,"S",?,?,? +3,0,"Johnson, Mr. Malkolm Joackim","male",33,0,0,"347062",7.775,?,"S",?,37,? +3,0,"Johnson, Mr. William Cahoone Jr","male",19,0,0,"LINE",0,?,"S",?,?,? +3,1,"Johnson, Mrs. Oscar W (Elisabeth Vilhelmina Berg)","female",27,0,2,"347742",11.1333,?,"S","15",?,? +3,0,"Johnston, Master. William Arthur 'Willie'","male",?,1,2,"W./C. 6607",23.45,?,"S",?,?,? +3,0,"Johnston, Miss. Catherine Helen 'Carrie'","female",?,1,2,"W./C. 6607",23.45,?,"S",?,?,? +3,0,"Johnston, Mr. Andrew G","male",?,1,2,"W./C. 6607",23.45,?,"S",?,?,? +3,0,"Johnston, Mrs. Andrew G (Elizabeth 'Lily' Watson)","female",?,1,2,"W./C. 6607",23.45,?,"S",?,?,? +3,0,"Jonkoff, Mr. Lalio","male",23,0,0,"349204",7.8958,?,"S",?,?,? +3,1,"Jonsson, Mr. Carl","male",32,0,0,"350417",7.8542,?,"S","15",?,? +3,0,"Jonsson, Mr. Nils Hilding","male",27,0,0,"350408",7.8542,?,"S",?,?,? +3,0,"Jussila, Miss. Katriina","female",20,1,0,"4136",9.825,?,"S",?,?,? +3,0,"Jussila, Miss. Mari Aina","female",21,1,0,"4137",9.825,?,"S",?,?,? +3,1,"Jussila, Mr. Eiriik","male",32,0,0,"STON/O 2. 3101286",7.925,?,"S","15",?,? +3,0,"Kallio, Mr. Nikolai Erland","male",17,0,0,"STON/O 2. 3101274",7.125,?,"S",?,?,? +3,0,"Kalvik, Mr. Johannes Halvorsen","male",21,0,0,"8475",8.4333,?,"S",?,?,? +3,0,"Karaic, Mr. Milan","male",30,0,0,"349246",7.8958,?,"S",?,?,? +3,1,"Karlsson, Mr. Einar Gervasius","male",21,0,0,"350053",7.7958,?,"S","13",?,? +3,0,"Karlsson, Mr. Julius Konrad Eugen","male",33,0,0,"347465",7.8542,?,"S",?,?,? +3,0,"Karlsson, Mr. Nils August","male",22,0,0,"350060",7.5208,?,"S",?,?,? +3,1,"Karun, Miss. Manca","female",4,0,1,"349256",13.4167,?,"C","15",?,? +3,1,"Karun, Mr. Franz","male",39,0,1,"349256",13.4167,?,"C","15",?,? +3,0,"Kassem, Mr. Fared","male",?,0,0,"2700",7.2292,?,"C",?,?,? +3,0,"Katavelas, Mr. Vassilios ('Catavelas Vassilios')","male",18.5,0,0,"2682",7.2292,?,"C",?,58,? +3,0,"Keane, Mr. Andrew 'Andy'","male",?,0,0,"12460",7.75,?,"Q",?,?,? +3,0,"Keefe, Mr. Arthur","male",?,0,0,"323592",7.25,?,"S","A",?,? +3,1,"Kelly, Miss. Anna Katherine 'Annie Kate'","female",?,0,0,"9234",7.75,?,"Q","16",?,? +3,1,"Kelly, Miss. Mary","female",?,0,0,"14312",7.75,?,"Q","D",?,? +3,0,"Kelly, Mr. James","male",34.5,0,0,"330911",7.8292,?,"Q",?,70,? +3,0,"Kelly, Mr. James","male",44,0,0,"363592",8.05,?,"S",?,?,? +3,1,"Kennedy, Mr. John","male",?,0,0,"368783",7.75,?,"Q",?,?,? +3,0,"Khalil, Mr. Betros","male",?,1,0,"2660",14.4542,?,"C",?,?,? +3,0,"Khalil, Mrs. Betros (Zahie 'Maria' Elias)","female",?,1,0,"2660",14.4542,?,"C",?,?,? +3,0,"Kiernan, Mr. John","male",?,1,0,"367227",7.75,?,"Q",?,?,? +3,0,"Kiernan, Mr. Philip","male",?,1,0,"367229",7.75,?,"Q",?,?,? +3,0,"Kilgannon, Mr. Thomas J","male",?,0,0,"36865",7.7375,?,"Q",?,?,? +3,0,"Kink, Miss. Maria","female",22,2,0,"315152",8.6625,?,"S",?,?,? +3,0,"Kink, Mr. Vincenz","male",26,2,0,"315151",8.6625,?,"S",?,?,? +3,1,"Kink-Heilmann, Miss. Luise Gretchen","female",4,0,2,"315153",22.025,?,"S","2",?,? +3,1,"Kink-Heilmann, Mr. Anton","male",29,3,1,"315153",22.025,?,"S","2",?,? +3,1,"Kink-Heilmann, Mrs. Anton (Luise Heilmann)","female",26,1,1,"315153",22.025,?,"S","2",?,? +3,0,"Klasen, Miss. Gertrud Emilia","female",1,1,1,"350405",12.1833,?,"S",?,?,? +3,0,"Klasen, Mr. Klas Albin","male",18,1,1,"350404",7.8542,?,"S",?,?,? +3,0,"Klasen, Mrs. (Hulda Kristina Eugenia Lofqvist)","female",36,0,2,"350405",12.1833,?,"S",?,?,? +3,0,"Kraeff, Mr. Theodor","male",?,0,0,"349253",7.8958,?,"C",?,?,? +3,1,"Krekorian, Mr. Neshan","male",25,0,0,"2654",7.2292,"F E57","C","10",?,? +3,0,"Lahoud, Mr. Sarkis","male",?,0,0,"2624",7.225,?,"C",?,?,? +3,0,"Laitinen, Miss. Kristina Sofia","female",37,0,0,"4135",9.5875,?,"S",?,?,? +3,0,"Laleff, Mr. Kristo","male",?,0,0,"349217",7.8958,?,"S",?,?,? +3,1,"Lam, Mr. Ali","male",?,0,0,"1601",56.4958,?,"S","C",?,? +3,0,"Lam, Mr. Len","male",?,0,0,"1601",56.4958,?,"S",?,?,? +3,1,"Landergren, Miss. Aurora Adelia","female",22,0,0,"C 7077",7.25,?,"S","13",?,? +3,0,"Lane, Mr. Patrick","male",?,0,0,"7935",7.75,?,"Q",?,?,? +3,1,"Lang, Mr. Fang","male",26,0,0,"1601",56.4958,?,"S","14",?,? +3,0,"Larsson, Mr. August Viktor","male",29,0,0,"7545",9.4833,?,"S",?,?,? +3,0,"Larsson, Mr. Bengt Edvin","male",29,0,0,"347067",7.775,?,"S",?,?,? +3,0,"Larsson-Rondberg, Mr. Edvard A","male",22,0,0,"347065",7.775,?,"S",?,?,? +3,1,"Leeni, Mr. Fahim ('Philip Zenni')","male",22,0,0,"2620",7.225,?,"C","6",?,? +3,0,"Lefebre, Master. Henry Forbes","male",?,3,1,"4133",25.4667,?,"S",?,?,? +3,0,"Lefebre, Miss. Ida","female",?,3,1,"4133",25.4667,?,"S",?,?,? +3,0,"Lefebre, Miss. Jeannie","female",?,3,1,"4133",25.4667,?,"S",?,?,? +3,0,"Lefebre, Miss. Mathilde","female",?,3,1,"4133",25.4667,?,"S",?,?,? +3,0,"Lefebre, Mrs. Frank (Frances)","female",?,0,4,"4133",25.4667,?,"S",?,?,? +3,0,"Leinonen, Mr. Antti Gustaf","male",32,0,0,"STON/O 2. 3101292",7.925,?,"S",?,?,? +3,0,"Lemberopolous, Mr. Peter L","male",34.5,0,0,"2683",6.4375,?,"C",?,196,? +3,0,"Lennon, Miss. Mary","female",?,1,0,"370371",15.5,?,"Q",?,?,? +3,0,"Lennon, Mr. Denis","male",?,1,0,"370371",15.5,?,"Q",?,?,? +3,0,"Leonard, Mr. Lionel","male",36,0,0,"LINE",0,?,"S",?,?,? +3,0,"Lester, Mr. James","male",39,0,0,"A/4 48871",24.15,?,"S",?,?,? +3,0,"Lievens, Mr. Rene Aime","male",24,0,0,"345781",9.5,?,"S",?,?,? +3,0,"Lindahl, Miss. Agda Thorilda Viktoria","female",25,0,0,"347071",7.775,?,"S",?,?,? +3,0,"Lindblom, Miss. Augusta Charlotta","female",45,0,0,"347073",7.75,?,"S",?,?,? +3,0,"Lindell, Mr. Edvard Bengtsson","male",36,1,0,"349910",15.55,?,"S","A",?,? +3,0,"Lindell, Mrs. Edvard Bengtsson (Elin Gerda Persson)","female",30,1,0,"349910",15.55,?,"S","A",?,? +3,1,"Lindqvist, Mr. Eino William","male",20,1,0,"STON/O 2. 3101285",7.925,?,"S","15",?,? +3,0,"Linehan, Mr. Michael","male",?,0,0,"330971",7.8792,?,"Q",?,?,? +3,0,"Ling, Mr. Lee","male",28,0,0,"1601",56.4958,?,"S",?,?,? +3,0,"Lithman, Mr. Simon","male",?,0,0,"S.O./P.P. 251",7.55,?,"S",?,?,? +3,0,"Lobb, Mr. William Arthur","male",30,1,0,"A/5. 3336",16.1,?,"S",?,?,? +3,0,"Lobb, Mrs. William Arthur (Cordelia K Stanlick)","female",26,1,0,"A/5. 3336",16.1,?,"S",?,?,? +3,0,"Lockyer, Mr. Edward","male",?,0,0,"1222",7.8792,?,"S",?,153,? +3,0,"Lovell, Mr. John Hall ('Henry')","male",20.5,0,0,"A/5 21173",7.25,?,"S",?,?,? +3,1,"Lulic, Mr. Nikola","male",27,0,0,"315098",8.6625,?,"S","15",?,? +3,0,"Lundahl, Mr. Johan Svensson","male",51,0,0,"347743",7.0542,?,"S",?,?,? +3,1,"Lundin, Miss. Olga Elida","female",23,0,0,"347469",7.8542,?,"S","10",?,? +3,1,"Lundstrom, Mr. Thure Edvin","male",32,0,0,"350403",7.5792,?,"S","15",?,? +3,0,"Lyntakoff, Mr. Stanko","male",?,0,0,"349235",7.8958,?,"S",?,?,? +3,0,"MacKay, Mr. George William","male",?,0,0,"C.A. 42795",7.55,?,"S",?,?,? +3,1,"Madigan, Miss. Margaret 'Maggie'","female",?,0,0,"370370",7.75,?,"Q","15",?,? +3,1,"Madsen, Mr. Fridtjof Arne","male",24,0,0,"C 17369",7.1417,?,"S","13",?,? +3,0,"Maenpaa, Mr. Matti Alexanteri","male",22,0,0,"STON/O 2. 3101275",7.125,?,"S",?,?,? +3,0,"Mahon, Miss. Bridget Delia","female",?,0,0,"330924",7.8792,?,"Q",?,?,? +3,0,"Mahon, Mr. John","male",?,0,0,"AQ/4 3130",7.75,?,"Q",?,?,? +3,0,"Maisner, Mr. Simon","male",?,0,0,"A/S 2816",8.05,?,"S",?,?,? +3,0,"Makinen, Mr. Kalle Edvard","male",29,0,0,"STON/O 2. 3101268",7.925,?,"S",?,?,? +3,1,"Mamee, Mr. Hanna","male",?,0,0,"2677",7.2292,?,"C","15",?,? +3,0,"Mangan, Miss. Mary","female",30.5,0,0,"364850",7.75,?,"Q",?,61,? +3,1,"Mannion, Miss. Margareth","female",?,0,0,"36866",7.7375,?,"Q","16",?,? +3,0,"Mardirosian, Mr. Sarkis","male",?,0,0,"2655",7.2292,"F E46","C",?,?,? +3,0,"Markoff, Mr. Marin","male",35,0,0,"349213",7.8958,?,"C",?,?,? +3,0,"Markun, Mr. Johann","male",33,0,0,"349257",7.8958,?,"S",?,?,? +3,1,"Masselmani, Mrs. Fatima","female",?,0,0,"2649",7.225,?,"C","C",?,? +3,0,"Matinoff, Mr. Nicola","male",?,0,0,"349255",7.8958,?,"C",?,?,? +3,1,"McCarthy, Miss. Catherine 'Katie'","female",?,0,0,"383123",7.75,?,"Q","15 16",?,? +3,1,"McCormack, Mr. Thomas Joseph","male",?,0,0,"367228",7.75,?,"Q",?,?,? +3,1,"McCoy, Miss. Agnes","female",?,2,0,"367226",23.25,?,"Q","16",?,? +3,1,"McCoy, Miss. Alicia","female",?,2,0,"367226",23.25,?,"Q","16",?,? +3,1,"McCoy, Mr. Bernard","male",?,2,0,"367226",23.25,?,"Q","16",?,? +3,1,"McDermott, Miss. Brigdet Delia","female",?,0,0,"330932",7.7875,?,"Q","13",?,? +3,0,"McEvoy, Mr. Michael","male",?,0,0,"36568",15.5,?,"Q",?,?,? +3,1,"McGovern, Miss. Mary","female",?,0,0,"330931",7.8792,?,"Q","13",?,? +3,1,"McGowan, Miss. Anna 'Annie'","female",15,0,0,"330923",8.0292,?,"Q",?,?,? +3,0,"McGowan, Miss. Katherine","female",35,0,0,"9232",7.75,?,"Q",?,?,? +3,0,"McMahon, Mr. Martin","male",?,0,0,"370372",7.75,?,"Q",?,?,? +3,0,"McNamee, Mr. Neal","male",24,1,0,"376566",16.1,?,"S",?,?,? +3,0,"McNamee, Mrs. Neal (Eileen O'Leary)","female",19,1,0,"376566",16.1,?,"S",?,53,? +3,0,"McNeill, Miss. Bridget","female",?,0,0,"370368",7.75,?,"Q",?,?,? +3,0,"Meanwell, Miss. (Marion Ogden)","female",?,0,0,"SOTON/O.Q. 392087",8.05,?,"S",?,?,? +3,0,"Meek, Mrs. Thomas (Annie Louise Rowley)","female",?,0,0,"343095",8.05,?,"S",?,?,? +3,0,"Meo, Mr. Alfonzo","male",55.5,0,0,"A.5. 11206",8.05,?,"S",?,201,? +3,0,"Mernagh, Mr. Robert","male",?,0,0,"368703",7.75,?,"Q",?,?,? +3,1,"Midtsjo, Mr. Karl Albert","male",21,0,0,"345501",7.775,?,"S","15",?,? +3,0,"Miles, Mr. Frank","male",?,0,0,"359306",8.05,?,"S",?,?,? +3,0,"Mineff, Mr. Ivan","male",24,0,0,"349233",7.8958,?,"S",?,?,? +3,0,"Minkoff, Mr. Lazar","male",21,0,0,"349211",7.8958,?,"S",?,?,? +3,0,"Mionoff, Mr. Stoytcho","male",28,0,0,"349207",7.8958,?,"S",?,?,? +3,0,"Mitkoff, Mr. Mito","male",?,0,0,"349221",7.8958,?,"S",?,?,? +3,1,"Mockler, Miss. Helen Mary 'Ellie'","female",?,0,0,"330980",7.8792,?,"Q","16",?,? +3,0,"Moen, Mr. Sigurd Hansen","male",25,0,0,"348123",7.65,"F G73","S",?,309,? +3,1,"Moor, Master. Meier","male",6,0,1,"392096",12.475,"E121","S","14",?,? +3,1,"Moor, Mrs. (Beila)","female",27,0,1,"392096",12.475,"E121","S","14",?,? +3,0,"Moore, Mr. Leonard Charles","male",?,0,0,"A4. 54510",8.05,?,"S",?,?,? +3,1,"Moran, Miss. Bertha","female",?,1,0,"371110",24.15,?,"Q","16",?,? +3,0,"Moran, Mr. Daniel J","male",?,1,0,"371110",24.15,?,"Q",?,?,? +3,0,"Moran, Mr. James","male",?,0,0,"330877",8.4583,?,"Q",?,?,? +3,0,"Morley, Mr. William","male",34,0,0,"364506",8.05,?,"S",?,?,? +3,0,"Morrow, Mr. Thomas Rowan","male",?,0,0,"372622",7.75,?,"Q",?,?,? +3,1,"Moss, Mr. Albert Johan","male",?,0,0,"312991",7.775,?,"S","B",?,? +3,1,"Moubarek, Master. Gerios","male",?,1,1,"2661",15.2458,?,"C","C",?,? +3,1,"Moubarek, Master. Halim Gonios ('William George')","male",?,1,1,"2661",15.2458,?,"C","C",?,? +3,1,"Moubarek, Mrs. George (Omine 'Amenia' Alexander)","female",?,0,2,"2661",15.2458,?,"C","C",?,? +3,1,"Moussa, Mrs. (Mantoura Boulos)","female",?,0,0,"2626",7.2292,?,"C",?,?,? +3,0,"Moutal, Mr. Rahamin Haim","male",?,0,0,"374746",8.05,?,"S",?,?,? +3,1,"Mullens, Miss. Katherine 'Katie'","female",?,0,0,"35852",7.7333,?,"Q","16",?,? +3,1,"Mulvihill, Miss. Bertha E","female",24,0,0,"382653",7.75,?,"Q","15",?,? +3,0,"Murdlin, Mr. Joseph","male",?,0,0,"A./5. 3235",8.05,?,"S",?,?,? +3,1,"Murphy, Miss. Katherine 'Kate'","female",?,1,0,"367230",15.5,?,"Q","16",?,? +3,1,"Murphy, Miss. Margaret Jane","female",?,1,0,"367230",15.5,?,"Q","16",?,? +3,1,"Murphy, Miss. Nora","female",?,0,0,"36568",15.5,?,"Q","16",?,? +3,0,"Myhrman, Mr. Pehr Fabian Oliver Malkolm","male",18,0,0,"347078",7.75,?,"S",?,?,? +3,0,"Naidenoff, Mr. Penko","male",22,0,0,"349206",7.8958,?,"S",?,?,? +3,1,"Najib, Miss. Adele Kiamie 'Jane'","female",15,0,0,"2667",7.225,?,"C","C",?,? +3,1,"Nakid, Miss. Maria ('Mary')","female",1,0,2,"2653",15.7417,?,"C","C",?,? +3,1,"Nakid, Mr. Sahid","male",20,1,1,"2653",15.7417,?,"C","C",?,? +3,1,"Nakid, Mrs. Said (Waika 'Mary' Mowad)","female",19,1,1,"2653",15.7417,?,"C","C",?,? +3,0,"Nancarrow, Mr. William Henry","male",33,0,0,"A./5. 3338",8.05,?,"S",?,?,? +3,0,"Nankoff, Mr. Minko","male",?,0,0,"349218",7.8958,?,"S",?,?,? +3,0,"Nasr, Mr. Mustafa","male",?,0,0,"2652",7.2292,?,"C",?,?,? +3,0,"Naughton, Miss. Hannah","female",?,0,0,"365237",7.75,?,"Q",?,?,? +3,0,"Nenkoff, Mr. Christo","male",?,0,0,"349234",7.8958,?,"S",?,?,? +3,1,"Nicola-Yarred, Master. Elias","male",12,1,0,"2651",11.2417,?,"C","C",?,? +3,1,"Nicola-Yarred, Miss. Jamila","female",14,1,0,"2651",11.2417,?,"C","C",?,? +3,0,"Nieminen, Miss. Manta Josefina","female",29,0,0,"3101297",7.925,?,"S",?,?,? +3,0,"Niklasson, Mr. Samuel","male",28,0,0,"363611",8.05,?,"S",?,?,? +3,1,"Nilsson, Miss. Berta Olivia","female",18,0,0,"347066",7.775,?,"S","D",?,? +3,1,"Nilsson, Miss. Helmina Josefina","female",26,0,0,"347470",7.8542,?,"S","13",?,? +3,0,"Nilsson, Mr. August Ferdinand","male",21,0,0,"350410",7.8542,?,"S",?,?,? +3,0,"Nirva, Mr. Iisakki Antino Aijo","male",41,0,0,"SOTON/O2 3101272",7.125,?,"S",?,?,"Finland Sudbury, ON" +3,1,"Niskanen, Mr. Juha","male",39,0,0,"STON/O 2. 3101289",7.925,?,"S","9",?,? +3,0,"Nosworthy, Mr. Richard Cater","male",21,0,0,"A/4. 39886",7.8,?,"S",?,?,? +3,0,"Novel, Mr. Mansouer","male",28.5,0,0,"2697",7.2292,?,"C",?,181,? +3,1,"Nysten, Miss. Anna Sofia","female",22,0,0,"347081",7.75,?,"S","13",?,? +3,0,"Nysveen, Mr. Johan Hansen","male",61,0,0,"345364",6.2375,?,"S",?,?,? +3,0,"O'Brien, Mr. Thomas","male",?,1,0,"370365",15.5,?,"Q",?,?,? +3,0,"O'Brien, Mr. Timothy","male",?,0,0,"330979",7.8292,?,"Q",?,?,? +3,1,"O'Brien, Mrs. Thomas (Johanna 'Hannah' Godfrey)","female",?,1,0,"370365",15.5,?,"Q",?,?,? +3,0,"O'Connell, Mr. Patrick D","male",?,0,0,"334912",7.7333,?,"Q",?,?,? +3,0,"O'Connor, Mr. Maurice","male",?,0,0,"371060",7.75,?,"Q",?,?,? +3,0,"O'Connor, Mr. Patrick","male",?,0,0,"366713",7.75,?,"Q",?,?,? +3,0,"Odahl, Mr. Nils Martin","male",23,0,0,"7267",9.225,?,"S",?,?,? +3,0,"O'Donoghue, Ms. Bridget","female",?,0,0,"364856",7.75,?,"Q",?,?,? +3,1,"O'Driscoll, Miss. Bridget","female",?,0,0,"14311",7.75,?,"Q","D",?,? +3,1,"O'Dwyer, Miss. Ellen 'Nellie'","female",?,0,0,"330959",7.8792,?,"Q",?,?,? +3,1,"Ohman, Miss. Velin","female",22,0,0,"347085",7.775,?,"S","C",?,? +3,1,"O'Keefe, Mr. Patrick","male",?,0,0,"368402",7.75,?,"Q","B",?,? +3,1,"O'Leary, Miss. Hanora 'Norah'","female",?,0,0,"330919",7.8292,?,"Q","13",?,? +3,1,"Olsen, Master. Artur Karl","male",9,0,1,"C 17368",3.1708,?,"S","13",?,? +3,0,"Olsen, Mr. Henry Margido","male",28,0,0,"C 4001",22.525,?,"S",?,173,? +3,0,"Olsen, Mr. Karl Siegwart Andreas","male",42,0,1,"4579",8.4042,?,"S",?,?,? +3,0,"Olsen, Mr. Ole Martin","male",?,0,0,"Fa 265302",7.3125,?,"S",?,?,? +3,0,"Olsson, Miss. Elina","female",31,0,0,"350407",7.8542,?,"S",?,?,? +3,0,"Olsson, Mr. Nils Johan Goransson","male",28,0,0,"347464",7.8542,?,"S",?,?,? +3,1,"Olsson, Mr. Oscar Wilhelm","male",32,0,0,"347079",7.775,?,"S","A",?,? +3,0,"Olsvigen, Mr. Thor Anderson","male",20,0,0,"6563",9.225,?,"S",?,89,"Oslo, Norway Cameron, WI" +3,0,"Oreskovic, Miss. Jelka","female",23,0,0,"315085",8.6625,?,"S",?,?,? +3,0,"Oreskovic, Miss. Marija","female",20,0,0,"315096",8.6625,?,"S",?,?,? +3,0,"Oreskovic, Mr. Luka","male",20,0,0,"315094",8.6625,?,"S",?,?,? +3,0,"Osen, Mr. Olaf Elon","male",16,0,0,"7534",9.2167,?,"S",?,?,? +3,1,"Osman, Mrs. Mara","female",31,0,0,"349244",8.6833,?,"S",?,?,? +3,0,"O'Sullivan, Miss. Bridget Mary","female",?,0,0,"330909",7.6292,?,"Q",?,?,? +3,0,"Palsson, Master. Gosta Leonard","male",2,3,1,"349909",21.075,?,"S",?,4,? +3,0,"Palsson, Master. Paul Folke","male",6,3,1,"349909",21.075,?,"S",?,?,? +3,0,"Palsson, Miss. Stina Viola","female",3,3,1,"349909",21.075,?,"S",?,?,? +3,0,"Palsson, Miss. Torborg Danira","female",8,3,1,"349909",21.075,?,"S",?,?,? +3,0,"Palsson, Mrs. Nils (Alma Cornelia Berglund)","female",29,0,4,"349909",21.075,?,"S",?,206,? +3,0,"Panula, Master. Eino Viljami","male",1,4,1,"3101295",39.6875,?,"S",?,?,? +3,0,"Panula, Master. Juha Niilo","male",7,4,1,"3101295",39.6875,?,"S",?,?,? +3,0,"Panula, Master. Urho Abraham","male",2,4,1,"3101295",39.6875,?,"S",?,?,? +3,0,"Panula, Mr. Ernesti Arvid","male",16,4,1,"3101295",39.6875,?,"S",?,?,? +3,0,"Panula, Mr. Jaako Arnold","male",14,4,1,"3101295",39.6875,?,"S",?,?,? +3,0,"Panula, Mrs. Juha (Maria Emilia Ojala)","female",41,0,5,"3101295",39.6875,?,"S",?,?,? +3,0,"Pasic, Mr. Jakob","male",21,0,0,"315097",8.6625,?,"S",?,?,? +3,0,"Patchett, Mr. George","male",19,0,0,"358585",14.5,?,"S",?,?,? +3,0,"Paulner, Mr. Uscher","male",?,0,0,"3411",8.7125,?,"C",?,?,? +3,0,"Pavlovic, Mr. Stefo","male",32,0,0,"349242",7.8958,?,"S",?,?,? +3,0,"Peacock, Master. Alfred Edward","male",0.75,1,1,"SOTON/O.Q. 3101315",13.775,?,"S",?,?,? +3,0,"Peacock, Miss. Treasteall","female",3,1,1,"SOTON/O.Q. 3101315",13.775,?,"S",?,?,? +3,0,"Peacock, Mrs. Benjamin (Edith Nile)","female",26,0,2,"SOTON/O.Q. 3101315",13.775,?,"S",?,?,? +3,0,"Pearce, Mr. Ernest","male",?,0,0,"343271",7,?,"S",?,?,? +3,0,"Pedersen, Mr. Olaf","male",?,0,0,"345498",7.775,?,"S",?,?,? +3,0,"Peduzzi, Mr. Joseph","male",?,0,0,"A/5 2817",8.05,?,"S",?,?,? +3,0,"Pekoniemi, Mr. Edvard","male",21,0,0,"STON/O 2. 3101294",7.925,?,"S",?,?,? +3,0,"Peltomaki, Mr. Nikolai Johannes","male",25,0,0,"STON/O 2. 3101291",7.925,?,"S",?,?,? +3,0,"Perkin, Mr. John Henry","male",22,0,0,"A/5 21174",7.25,?,"S",?,?,? +3,1,"Persson, Mr. Ernst Ulrik","male",25,1,0,"347083",7.775,?,"S","15",?,? +3,1,"Peter, Master. Michael J","male",?,1,1,"2668",22.3583,?,"C","C",?,? +3,1,"Peter, Miss. Anna","female",?,1,1,"2668",22.3583,"F E69","C","D",?,? +3,1,"Peter, Mrs. Catherine (Catherine Rizk)","female",?,0,2,"2668",22.3583,?,"C","D",?,? +3,0,"Peters, Miss. Katie","female",?,0,0,"330935",8.1375,?,"Q",?,?,? +3,0,"Petersen, Mr. Marius","male",24,0,0,"342441",8.05,?,"S",?,?,? +3,0,"Petranec, Miss. Matilda","female",28,0,0,"349245",7.8958,?,"S",?,?,? +3,0,"Petroff, Mr. Nedelio","male",19,0,0,"349212",7.8958,?,"S",?,?,? +3,0,"Petroff, Mr. Pastcho ('Pentcho')","male",?,0,0,"349215",7.8958,?,"S",?,?,? +3,0,"Petterson, Mr. Johan Emil","male",25,1,0,"347076",7.775,?,"S",?,?,? +3,0,"Pettersson, Miss. Ellen Natalia","female",18,0,0,"347087",7.775,?,"S",?,?,? +3,1,"Pickard, Mr. Berk (Berk Trembisky)","male",32,0,0,"SOTON/O.Q. 392078",8.05,"E10","S","9",?,? +3,0,"Plotcharsky, Mr. Vasil","male",?,0,0,"349227",7.8958,?,"S",?,?,? +3,0,"Pokrnic, Mr. Mate","male",17,0,0,"315095",8.6625,?,"S",?,?,? +3,0,"Pokrnic, Mr. Tome","male",24,0,0,"315092",8.6625,?,"S",?,?,? +3,0,"Radeff, Mr. Alexander","male",?,0,0,"349223",7.8958,?,"S",?,?,? +3,0,"Rasmussen, Mrs. (Lena Jacobsen Solvang)","female",?,0,0,"65305",8.1125,?,"S",?,?,? +3,0,"Razi, Mr. Raihed","male",?,0,0,"2629",7.2292,?,"C",?,?,? +3,0,"Reed, Mr. James George","male",?,0,0,"362316",7.25,?,"S",?,?,? +3,0,"Rekic, Mr. Tido","male",38,0,0,"349249",7.8958,?,"S",?,?,? +3,0,"Reynolds, Mr. Harold J","male",21,0,0,"342684",8.05,?,"S",?,?,? +3,0,"Rice, Master. Albert","male",10,4,1,"382652",29.125,?,"Q",?,?,? +3,0,"Rice, Master. Arthur","male",4,4,1,"382652",29.125,?,"Q",?,?,? +3,0,"Rice, Master. Eric","male",7,4,1,"382652",29.125,?,"Q",?,?,? +3,0,"Rice, Master. Eugene","male",2,4,1,"382652",29.125,?,"Q",?,?,? +3,0,"Rice, Master. George Hugh","male",8,4,1,"382652",29.125,?,"Q",?,?,? +3,0,"Rice, Mrs. William (Margaret Norton)","female",39,0,5,"382652",29.125,?,"Q",?,327,? +3,0,"Riihivouri, Miss. Susanna Juhantytar 'Sanni'","female",22,0,0,"3101295",39.6875,?,"S",?,?,? +3,0,"Rintamaki, Mr. Matti","male",35,0,0,"STON/O 2. 3101273",7.125,?,"S",?,?,? +3,1,"Riordan, Miss. Johanna 'Hannah'","female",?,0,0,"334915",7.7208,?,"Q","13",?,? +3,0,"Risien, Mr. Samuel Beard","male",?,0,0,"364498",14.5,?,"S",?,?,? +3,0,"Risien, Mrs. Samuel (Emma)","female",?,0,0,"364498",14.5,?,"S",?,?,? +3,0,"Robins, Mr. Alexander A","male",50,1,0,"A/5. 3337",14.5,?,"S",?,119,? +3,0,"Robins, Mrs. Alexander A (Grace Charity Laury)","female",47,1,0,"A/5. 3337",14.5,?,"S",?,7,? +3,0,"Rogers, Mr. William John","male",?,0,0,"S.C./A.4. 23567",8.05,?,"S",?,?,? +3,0,"Rommetvedt, Mr. Knud Paust","male",?,0,0,"312993",7.775,?,"S",?,?,? +3,0,"Rosblom, Miss. Salli Helena","female",2,1,1,"370129",20.2125,?,"S",?,?,? +3,0,"Rosblom, Mr. Viktor Richard","male",18,1,1,"370129",20.2125,?,"S",?,?,? +3,0,"Rosblom, Mrs. Viktor (Helena Wilhelmina)","female",41,0,2,"370129",20.2125,?,"S",?,?,? +3,1,"Roth, Miss. Sarah A","female",?,0,0,"342712",8.05,?,"S","C",?,? +3,0,"Rouse, Mr. Richard Henry","male",50,0,0,"A/5 3594",8.05,?,"S",?,?,? +3,0,"Rush, Mr. Alfred George John","male",16,0,0,"A/4. 20589",8.05,?,"S",?,?,? +3,1,"Ryan, Mr. Edward","male",?,0,0,"383162",7.75,?,"Q","14",?,? +3,0,"Ryan, Mr. Patrick","male",?,0,0,"371110",24.15,?,"Q",?,?,? +3,0,"Saad, Mr. Amin","male",?,0,0,"2671",7.2292,?,"C",?,?,? +3,0,"Saad, Mr. Khalil","male",25,0,0,"2672",7.225,?,"C",?,?,? +3,0,"Saade, Mr. Jean Nassr","male",?,0,0,"2676",7.225,?,"C",?,?,? +3,0,"Sadlier, Mr. Matthew","male",?,0,0,"367655",7.7292,?,"Q",?,?,? +3,0,"Sadowitz, Mr. Harry","male",?,0,0,"LP 1588",7.575,?,"S",?,?,? +3,0,"Saether, Mr. Simon Sivertsen","male",38.5,0,0,"SOTON/O.Q. 3101262",7.25,?,"S",?,32,? +3,0,"Sage, Master. Thomas Henry","male",?,8,2,"CA. 2343",69.55,?,"S",?,?,? +3,0,"Sage, Master. William Henry","male",14.5,8,2,"CA. 2343",69.55,?,"S",?,67,? +3,0,"Sage, Miss. Ada","female",?,8,2,"CA. 2343",69.55,?,"S",?,?,? +3,0,"Sage, Miss. Constance Gladys","female",?,8,2,"CA. 2343",69.55,?,"S",?,?,? +3,0,"Sage, Miss. Dorothy Edith 'Dolly'","female",?,8,2,"CA. 2343",69.55,?,"S",?,?,? +3,0,"Sage, Miss. Stella Anna","female",?,8,2,"CA. 2343",69.55,?,"S",?,?,? +3,0,"Sage, Mr. Douglas Bullen","male",?,8,2,"CA. 2343",69.55,?,"S",?,?,? +3,0,"Sage, Mr. Frederick","male",?,8,2,"CA. 2343",69.55,?,"S",?,?,? +3,0,"Sage, Mr. George John Jr","male",?,8,2,"CA. 2343",69.55,?,"S",?,?,? +3,0,"Sage, Mr. John George","male",?,1,9,"CA. 2343",69.55,?,"S",?,?,? +3,0,"Sage, Mrs. John (Annie Bullen)","female",?,1,9,"CA. 2343",69.55,?,"S",?,?,? +3,0,"Salander, Mr. Karl Johan","male",24,0,0,"7266",9.325,?,"S",?,?,? +3,1,"Salkjelsvik, Miss. Anna Kristine","female",21,0,0,"343120",7.65,?,"S","C",?,? +3,0,"Salonen, Mr. Johan Werner","male",39,0,0,"3101296",7.925,?,"S",?,?,? +3,0,"Samaan, Mr. Elias","male",?,2,0,"2662",21.6792,?,"C",?,?,? +3,0,"Samaan, Mr. Hanna","male",?,2,0,"2662",21.6792,?,"C",?,?,? +3,0,"Samaan, Mr. Youssef","male",?,2,0,"2662",21.6792,?,"C",?,?,? +3,1,"Sandstrom, Miss. Beatrice Irene","female",1,1,1,"PP 9549",16.7,"G6","S","13",?,? +3,1,"Sandstrom, Mrs. Hjalmar (Agnes Charlotta Bengtsson)","female",24,0,2,"PP 9549",16.7,"G6","S","13",?,? +3,1,"Sandstrom, Miss. Marguerite Rut","female",4,1,1,"PP 9549",16.7,"G6","S","13",?,? +3,1,"Sap, Mr. Julius","male",25,0,0,"345768",9.5,?,"S","11",?,? +3,0,"Saundercock, Mr. William Henry","male",20,0,0,"A/5. 2151",8.05,?,"S",?,?,? +3,0,"Sawyer, Mr. Frederick Charles","male",24.5,0,0,"342826",8.05,?,"S",?,284,? +3,0,"Scanlan, Mr. James","male",?,0,0,"36209",7.725,?,"Q",?,?,? +3,0,"Sdycoff, Mr. Todor","male",?,0,0,"349222",7.8958,?,"S",?,?,? +3,0,"Shaughnessy, Mr. Patrick","male",?,0,0,"370374",7.75,?,"Q",?,?,? +3,1,"Sheerlinck, Mr. Jan Baptist","male",29,0,0,"345779",9.5,?,"S","11",?,? +3,0,"Shellard, Mr. Frederick William","male",?,0,0,"C.A. 6212",15.1,?,"S",?,?,? +3,1,"Shine, Miss. Ellen Natalia","female",?,0,0,"330968",7.7792,?,"Q",?,?,? +3,0,"Shorney, Mr. Charles Joseph","male",?,0,0,"374910",8.05,?,"S",?,?,? +3,0,"Simmons, Mr. John","male",?,0,0,"SOTON/OQ 392082",8.05,?,"S",?,?,? +3,0,"Sirayanian, Mr. Orsen","male",22,0,0,"2669",7.2292,?,"C",?,?,? +3,0,"Sirota, Mr. Maurice","male",?,0,0,"392092",8.05,?,"S",?,?,? +3,0,"Sivic, Mr. Husein","male",40,0,0,"349251",7.8958,?,"S",?,?,? +3,0,"Sivola, Mr. Antti Wilhelm","male",21,0,0,"STON/O 2. 3101280",7.925,?,"S",?,?,? +3,1,"Sjoblom, Miss. Anna Sofia","female",18,0,0,"3101265",7.4958,?,"S","16",?,? +3,0,"Skoog, Master. Harald","male",4,3,2,"347088",27.9,?,"S",?,?,? +3,0,"Skoog, Master. Karl Thorsten","male",10,3,2,"347088",27.9,?,"S",?,?,? +3,0,"Skoog, Miss. Mabel","female",9,3,2,"347088",27.9,?,"S",?,?,? +3,0,"Skoog, Miss. Margit Elizabeth","female",2,3,2,"347088",27.9,?,"S",?,?,? +3,0,"Skoog, Mr. Wilhelm","male",40,1,4,"347088",27.9,?,"S",?,?,? +3,0,"Skoog, Mrs. William (Anna Bernhardina Karlsson)","female",45,1,4,"347088",27.9,?,"S",?,?,? +3,0,"Slabenoff, Mr. Petco","male",?,0,0,"349214",7.8958,?,"S",?,?,? +3,0,"Slocovski, Mr. Selman Francis","male",?,0,0,"SOTON/OQ 392086",8.05,?,"S",?,?,? +3,0,"Smiljanic, Mr. Mile","male",?,0,0,"315037",8.6625,?,"S",?,?,? +3,0,"Smith, Mr. Thomas","male",?,0,0,"384461",7.75,?,"Q",?,?,? +3,1,"Smyth, Miss. Julia","female",?,0,0,"335432",7.7333,?,"Q","13",?,? +3,0,"Soholt, Mr. Peter Andreas Lauritz Andersen","male",19,0,0,"348124",7.65,"F G73","S",?,?,? +3,0,"Somerton, Mr. Francis William","male",30,0,0,"A.5. 18509",8.05,?,"S",?,?,? +3,0,"Spector, Mr. Woolf","male",?,0,0,"A.5. 3236",8.05,?,"S",?,?,? +3,0,"Spinner, Mr. Henry John","male",32,0,0,"STON/OQ. 369943",8.05,?,"S",?,?,? +3,0,"Staneff, Mr. Ivan","male",?,0,0,"349208",7.8958,?,"S",?,?,? +3,0,"Stankovic, Mr. Ivan","male",33,0,0,"349239",8.6625,?,"C",?,?,? +3,1,"Stanley, Miss. Amy Zillah Elsie","female",23,0,0,"CA. 2314",7.55,?,"S","C",?,? +3,0,"Stanley, Mr. Edward Roland","male",21,0,0,"A/4 45380",8.05,?,"S",?,?,? +3,0,"Storey, Mr. Thomas","male",60.5,0,0,"3701",?,?,"S",?,261,? +3,0,"Stoytcheff, Mr. Ilia","male",19,0,0,"349205",7.8958,?,"S",?,?,? +3,0,"Strandberg, Miss. Ida Sofia","female",22,0,0,"7553",9.8375,?,"S",?,?,? +3,1,"Stranden, Mr. Juho","male",31,0,0,"STON/O 2. 3101288",7.925,?,"S","9",?,? +3,0,"Strilic, Mr. Ivan","male",27,0,0,"315083",8.6625,?,"S",?,?,? +3,0,"Strom, Miss. Telma Matilda","female",2,0,1,"347054",10.4625,"G6","S",?,?,? +3,0,"Strom, Mrs. Wilhelm (Elna Matilda Persson)","female",29,1,1,"347054",10.4625,"G6","S",?,?,? +3,1,"Sunderland, Mr. Victor Francis","male",16,0,0,"SOTON/OQ 392089",8.05,?,"S","B",?,? +3,1,"Sundman, Mr. Johan Julian","male",44,0,0,"STON/O 2. 3101269",7.925,?,"S","15",?,? +3,0,"Sutehall, Mr. Henry Jr","male",25,0,0,"SOTON/OQ 392076",7.05,?,"S",?,?,? +3,0,"Svensson, Mr. Johan","male",74,0,0,"347060",7.775,?,"S",?,?,? +3,1,"Svensson, Mr. Johan Cervin","male",14,0,0,"7538",9.225,?,"S","13",?,? +3,0,"Svensson, Mr. Olof","male",24,0,0,"350035",7.7958,?,"S",?,?,? +3,1,"Tenglin, Mr. Gunnar Isidor","male",25,0,0,"350033",7.7958,?,"S","13 15",?,? +3,0,"Theobald, Mr. Thomas Leonard","male",34,0,0,"363294",8.05,?,"S",?,176,? +3,1,"Thomas, Master. Assad Alexander","male",0.4167,0,1,"2625",8.5167,?,"C","16",?,? +3,0,"Thomas, Mr. Charles P","male",?,1,0,"2621",6.4375,?,"C",?,?,? +3,0,"Thomas, Mr. John","male",?,0,0,"2681",6.4375,?,"C",?,?,? +3,0,"Thomas, Mr. Tannous","male",?,0,0,"2684",7.225,?,"C",?,?,? +3,1,"Thomas, Mrs. Alexander (Thamine 'Thelma')","female",16,1,1,"2625",8.5167,?,"C","14",?,? +3,0,"Thomson, Mr. Alexander Morrison","male",?,0,0,"32302",8.05,?,"S",?,?,? +3,0,"Thorneycroft, Mr. Percival","male",?,1,0,"376564",16.1,?,"S",?,?,? +3,1,"Thorneycroft, Mrs. Percival (Florence Kate White)","female",?,1,0,"376564",16.1,?,"S","10",?,? +3,0,"Tikkanen, Mr. Juho","male",32,0,0,"STON/O 2. 3101293",7.925,?,"S",?,?,? +3,0,"Tobin, Mr. Roger","male",?,0,0,"383121",7.75,"F38","Q",?,?,? +3,0,"Todoroff, Mr. Lalio","male",?,0,0,"349216",7.8958,?,"S",?,?,? +3,0,"Tomlin, Mr. Ernest Portage","male",30.5,0,0,"364499",8.05,?,"S",?,50,? +3,0,"Torber, Mr. Ernst William","male",44,0,0,"364511",8.05,?,"S",?,?,? +3,0,"Torfa, Mr. Assad","male",?,0,0,"2673",7.2292,?,"C",?,?,? +3,1,"Tornquist, Mr. William Henry","male",25,0,0,"LINE",0,?,"S","15",?,? +3,0,"Toufik, Mr. Nakli","male",?,0,0,"2641",7.2292,?,"C",?,?,? +3,1,"Touma, Master. Georges Youssef","male",7,1,1,"2650",15.2458,?,"C","C",?,? +3,1,"Touma, Miss. Maria Youssef","female",9,1,1,"2650",15.2458,?,"C","C",?,? +3,1,"Touma, Mrs. Darwis (Hanne Youssef Razi)","female",29,0,2,"2650",15.2458,?,"C","C",?,? +3,0,"Turcin, Mr. Stjepan","male",36,0,0,"349247",7.8958,?,"S",?,?,? +3,1,"Turja, Miss. Anna Sofia","female",18,0,0,"4138",9.8417,?,"S","15",?,? +3,1,"Turkula, Mrs. (Hedwig)","female",63,0,0,"4134",9.5875,?,"S","15",?,? +3,0,"van Billiard, Master. James William","male",?,1,1,"A/5. 851",14.5,?,"S",?,?,? +3,0,"van Billiard, Master. Walter John","male",11.5,1,1,"A/5. 851",14.5,?,"S",?,1,? +3,0,"van Billiard, Mr. Austin Blyler","male",40.5,0,2,"A/5. 851",14.5,?,"S",?,255,? +3,0,"Van Impe, Miss. Catharina","female",10,0,2,"345773",24.15,?,"S",?,?,? +3,0,"Van Impe, Mr. Jean Baptiste","male",36,1,1,"345773",24.15,?,"S",?,?,? +3,0,"Van Impe, Mrs. Jean Baptiste (Rosalie Paula Govaert)","female",30,1,1,"345773",24.15,?,"S",?,?,? +3,0,"van Melkebeke, Mr. Philemon","male",?,0,0,"345777",9.5,?,"S",?,?,? +3,0,"Vande Velde, Mr. Johannes Joseph","male",33,0,0,"345780",9.5,?,"S",?,?,? +3,0,"Vande Walle, Mr. Nestor Cyriel","male",28,0,0,"345770",9.5,?,"S",?,?,? +3,0,"Vanden Steen, Mr. Leo Peter","male",28,0,0,"345783",9.5,?,"S",?,?,? +3,0,"Vander Cruyssen, Mr. Victor","male",47,0,0,"345765",9,?,"S",?,?,? +3,0,"Vander Planke, Miss. Augusta Maria","female",18,2,0,"345764",18,?,"S",?,?,? +3,0,"Vander Planke, Mr. Julius","male",31,3,0,"345763",18,?,"S",?,?,? +3,0,"Vander Planke, Mr. Leo Edmondus","male",16,2,0,"345764",18,?,"S",?,?,? +3,0,"Vander Planke, Mrs. Julius (Emelia Maria Vandemoortele)","female",31,1,0,"345763",18,?,"S",?,?,? +3,1,"Vartanian, Mr. David","male",22,0,0,"2658",7.225,?,"C","13 15",?,? +3,0,"Vendel, Mr. Olof Edvin","male",20,0,0,"350416",7.8542,?,"S",?,?,? +3,0,"Vestrom, Miss. Hulda Amanda Adolfina","female",14,0,0,"350406",7.8542,?,"S",?,?,? +3,0,"Vovk, Mr. Janko","male",22,0,0,"349252",7.8958,?,"S",?,?,? +3,0,"Waelens, Mr. Achille","male",22,0,0,"345767",9,?,"S",?,?,"Antwerp, Belgium / Stanton, OH" +3,0,"Ware, Mr. Frederick","male",?,0,0,"359309",8.05,?,"S",?,?,? +3,0,"Warren, Mr. Charles William","male",?,0,0,"C.A. 49867",7.55,?,"S",?,?,? +3,0,"Webber, Mr. James","male",?,0,0,"SOTON/OQ 3101316",8.05,?,"S",?,?,? +3,0,"Wenzel, Mr. Linhart","male",32.5,0,0,"345775",9.5,?,"S",?,298,? +3,1,"Whabee, Mrs. George Joseph (Shawneene Abi-Saab)","female",38,0,0,"2688",7.2292,?,"C","C",?,? +3,0,"Widegren, Mr. Carl/Charles Peter","male",51,0,0,"347064",7.75,?,"S",?,?,? +3,0,"Wiklund, Mr. Jakob Alfred","male",18,1,0,"3101267",6.4958,?,"S",?,314,? +3,0,"Wiklund, Mr. Karl Johan","male",21,1,0,"3101266",6.4958,?,"S",?,?,? +3,1,"Wilkes, Mrs. James (Ellen Needs)","female",47,1,0,"363272",7,?,"S",?,?,? +3,0,"Willer, Mr. Aaron ('Abi Weller')","male",?,0,0,"3410",8.7125,?,"S",?,?,? +3,0,"Willey, Mr. Edward","male",?,0,0,"S.O./P.P. 751",7.55,?,"S",?,?,? +3,0,"Williams, Mr. Howard Hugh 'Harry'","male",?,0,0,"A/5 2466",8.05,?,"S",?,?,? +3,0,"Williams, Mr. Leslie","male",28.5,0,0,"54636",16.1,?,"S",?,14,? +3,0,"Windelov, Mr. Einar","male",21,0,0,"SOTON/OQ 3101317",7.25,?,"S",?,?,? +3,0,"Wirz, Mr. Albert","male",27,0,0,"315154",8.6625,?,"S",?,131,? +3,0,"Wiseman, Mr. Phillippe","male",?,0,0,"A/4. 34244",7.25,?,"S",?,?,? +3,0,"Wittevrongel, Mr. Camille","male",36,0,0,"345771",9.5,?,"S",?,?,? +3,0,"Yasbeck, Mr. Antoni","male",27,1,0,"2659",14.4542,?,"C","C",?,? +3,1,"Yasbeck, Mrs. Antoni (Selini Alexander)","female",15,1,0,"2659",14.4542,?,"C",?,?,? +3,0,"Youseff, Mr. Gerious","male",45.5,0,0,"2628",7.225,?,"C",?,312,? +3,0,"Yousif, Mr. Wazli","male",?,0,0,"2647",7.225,?,"C",?,?,? +3,0,"Yousseff, Mr. Gerious","male",?,0,0,"2627",14.4583,?,"C",?,?,? +3,0,"Zabour, Miss. Hileni","female",14.5,1,0,"2665",14.4542,?,"C",?,328,? +3,0,"Zabour, Miss. Thamine","female",?,1,0,"2665",14.4542,?,"C",?,?,? +3,0,"Zakarian, Mr. Mapriededer","male",26.5,0,0,"2656",7.225,?,"C",?,304,? +3,0,"Zakarian, Mr. Ortin","male",27,0,0,"2670",7.225,?,"C",?,?,? +3,0,"Zimmerman, Mr. Leo","male",29,0,0,"315082",7.875,?,"S",?,?,? diff --git a/1.titanic-survivors/sample_shallow_tree.png b/1.titanic-survivors/sample_shallow_tree.png new file mode 100644 index 0000000000000000000000000000000000000000..c4cd1bc6fd1a974d127fe44b394e59f1e7913de7 GIT binary patch literal 51186 zcmbrm2~>`4`!{-vNJ1!zXizlIDKu!LL`g_dY0!YuB&AeTG*8l?L9-+jNs**cqvj0F z^FW$Qsqc4s-~amd-fQi>*0=Ur@ALBX+}-zepVxUF$8S0=AI+0TH`4B;rBEmvRgWoY zQ7BZ36v`?;nzi^ziRHsi{IUM}vGaBm%H~VtpH)xf(k$@9!_L||_NT2c+dE#eHKkB! zqNYyp^Hh8m`utg4i~G0$Z*6s*Sj(#~VlAgCxOsTE-!!z=dGURz5>jhjM@cW;B9K~9 zcYs1+qo^v$Yu}6+Yj?cRa%N?IqSfJIwco}>DvlnbsJjd{b+*Z8pIaNL4Ah3}cBEd8 zIxKcHHR?M{Lh|LrgN+x0cde_UzT5$U$oOd8y@@5o1Ivz`0pLgSpI*#)iiJZs)h_6A)%m{m>6Fxd_sd* zLR#8A4-a`|NyVpZ_}xnNjOOgiH9Jqn9`aI4c{((J5BR%Rf#&MftC5Et1yxj37~5IW zsVWSQ@rq@hJ#J{o7Pem_)p=$FKgPFm;}j4G5c)8Gr@C65neL1hdB>V>-*)QhegDtr z$r+iO-;ax1l6qF%M`ii{^ZWeYmq!0dNr@5zEj6vz9lOEWGxm0IdGFs#fBN)E%5H$J z^@YLy!-wA`KEiiCjjP8E5Zb^09<$hGVe>C+ckbSGXti$7FYPM2yHMx0tf;H2>*HWz zV)D|mnRn-bs}-X!3Qv{??w**O{8UpD;50Q5^5DVr`*-ZBS_jEJz?&U96fL0l=KB2a zOV6G?vv1Xim#rD7d6Z{2xXCgnzipD4nOQydP`FKR*_NFd2z|TlOAPS9jUc9>SUKPrjB`isRJ4iNvI&^m8xvY}&Lbe{{b_94GGFn`_?_wYRT~ z+Ahxie5RX2%f6*Oq6uzte5yuisE0r>ZF@**d%h zVrI3$VPT5zZv3>D4^m0$o}cJt+O@0kz0;IY)jm$nmo5vo+1c6VtWqTJ-W}bD45+TVcEp(V1TQ-9}vJLF8*NM<~@d2uc{X~ z&s@K8qwLeC#HJbP0DKi(B0j4=QF%lA%q~f*>vO*@j^Oi+-qpn(CLj0b&mWiR`lFH2 z(c6znii?-Dw(f9qbHlZihwMGdBz^O@*p)&~)s+|=yJ3UA`lO@wzkWph{(b%SLjMka ze*VY<*LFq-UR20vrh5G1g+}Z1i{}fRCC+4=RZh@kc%n#C)c(#f>W~BPt+`)Z2M?Z) zxNK;6r0Su-!brvo^Y3r2C1n4Wx=(&%YM^HCfdgk9+gn;5;)6wvO73r6Wb^DQ3)tnd z&>u0@Sy=e-ld+79%=>}@^2-L}FG>*pGe`i`1T5&wi=UT=7>U{X{A@!XE zzH`qhhS#nIBqbS#%zXRy&B)BGJe=F%t-_l3cAJX~4LPCo6$Ga%#=rFakw9GFo)MptVZKqLJQd+Zm zEnU~r!W7*e>ByMG>-C^KT)KlumENVitLrA}*rR9x!U5Z&<9Cd2J z8>{xp<-d!=tuI)y*&8mh9=^eEVPV0q^U@usY~=Z^n>QJr2)S(x4hT4rWgWv4uGao( z?49E{hbOlk{eIO3J5E#*TRS_i7cXAi4-9-hlzMDsudJ+o(+dLw%BSLDMQP{hCz^4u zUyFD5_j6GuhSTC{GtXum-#|;db?w@UQWnAAb^@}yWoW< zeDPsnd)IE&IYQ|{4We#{5YXF4>F(>}3=IvXeJx;MYnyHU z?R7e(1lL_T6B9S4fqmeKuTMim^W|btVBmIIFNK>oZ{Ek*exP%7dFt2KS7ts7I1>9Q zmo8mmZ)j{>IrT2Zj1LEE{?8v@Pft%@D_?E-zV9aFhSnY)H?*)gKa?L5vL#@b%3a}xEW}rrKNGAR#V)T7xqU*MSbi&6}yxp`QgI{ zuhdQoj`{D237+f%)atSCxtraw{Kl6qo$4F%iHc(W`8{{t9*qK-uglrKK0fTy(lMw_ znuWJr+h?#@_j*274cn)2@mZ{!o2%>Jty3~l&+E-A+b^qz#>pH!u}^hHYi6`n$kroE zE4|6}qnU|Ga74tt4GxzC?J*9%w) zX5f&9L`EJPZOL>Pbw!Cr|5)?bwCbV8Mq9d#8&}0SkEz_wS4g;N85_!3po2!8?3SLW za=B~bp3UuGPR}nFTg}CjQ&XuJboQRsURZKCl%Ag6H!wgI6!iL-hDQ0vkCZD{Mvba= zoO3*T_TjJP_3PJb$Si+qXxNJC)vjl&5r+M(A@^6?Fg~7KN_e=ki;MK>RP|MRgwuDvMy2*Xj_`rw++I=!j50q@L=U^jBaKNwI(i&g|x%1zojZprE632 zDQVmaG#B%+djwxPXS=APHa5qyCS&_!zZ|WLlZpR!dBcVc?NmS0K37+p;M*(j*>tPF zlCfRylE&oRTVd8jn)0Z0|xYb4=*q3ZTr-}WWG4$G|Bl$ z(mECOmySvJ$Q&IC?GyBt1ZQ-z>W2b)H>ZcTIR5&PaH-haYqF%Ybj!AFt2M_M5;;{F zj}qWFENLws@1Cx-Wb#I zD7ZPfo?YtZZ^Mwe=UOSWR#sM|Ct$~k-kKe=eL>CZi_?%K|5@MSPo96&m6GsV6n5a+arDRh^D4yNYR((jB^C{V87Y0ooRG@vA@Ho{~%vzutA^;zy%v*G>fOk)aTTfn)DA zQh59Cp)0M=1tvS3ot^1+9iYR;;^5$jl(=%%r|}wUA@z-N!3=_FVq;Idx?E#_Gz|OI zw)+#cyVg1Zl=afa#%-Brt0w!aoB+!bZU|n?e=s(7H6}KeT*`kA=VpSXla0|S`aXxP zYRfWS2Mo1eSU9+?P3O5mVeOARJBJMcXzM3%&af|k7jL$)v)j9O@7*|=TiM3tn-UWf z@B8}pv>LdTmY1iMP}gPZ&1uyIlSF zRFX=J%&j*+T>k=EQp_7u1Agfm8F8F@q2C;!74DstC4!?;^y$+bG_|hY-s1GrY4`p7 zdT}{)tgF)_F@n7pU?J;cUz9?yuG+F zNB4x4m7tH0k9m&nA;(|UzKndd1zDHzokyB8CMG7>IXLcYmYqK`*Bu`d;~yT*=(j^i z@Wu;ve9I5Zf38eVPwV8_a_POfdI>NOkT5};_j6U%UKyF#>1lh^5{J?7N?w3zw83YY znKq7&trrVj7DRb?c;5e={SHu_LfYp*byV^6a3fg&d3kvNvCxnZd0Si2va&Mu7^$p} zJ3({w_x!6vTTlgcUz>X*CGBl~dWP?SL3_T#a8vp=ly||`J3@3b2e4=WI|r_Qd+mcF zA}T5>EG+!7u`$fC(=`HRd&k0`_gd-6%6{8fq^`T;51U^<4mLD2Xl67MTnBj9`|H<9 zoPCO~%Ty&+8Hm3Am6^tyt6vqaUl+!eqlEwq`DbPd=TckYpOIi{kr7Q9S5T}#<2dp`8Is_La5Z*BPX-|ILA#%t$Q zgaG^drf8*Cy3kw7dMU_<^PYL4m73I^vsVc;p=dSyI z!YThZ2Q$cw;Enb4Tw~SwApo6i&z?P|9g73!D?9xLaZ5~0P1!v^R#*E2SDw>(q)(7M zJtL!+Zf2@}fpguo=2@J>?BGJzWVONH-Nj3tD}Px70|PI-yK%yC*wwaTkiUYsarU09l`i;uPj0Vs_- zxL;N1Fp5n0Nu10mN$WiW0|P0tx;;)hpaVb}udlRj0uwnX$`O7XH`2Jw{}L(g(H@9D8d2tD}IZ1vu^Y!wo543@Xo` zKfh+}T3Z}U0OQX!HKjj(u$Y;d{rK_2yy?lQyw#C_rnBRnFWznbh->)9Ibaq*-cL7Bz3@-Xo~>)DRu-q56^l&K0W|KC9E^ZlVIzi$ZTKKYjnD? zwye8Ah*R}PSqm7hyu)w!`1>oRXo)~~AdD)RkAaqKp={Htw~pg`a4bmOVrFA<j@>65u=_PDe4t$?41vop@Y~cJ{ zXP;l-VcEUgOCf<<^8=t;Pi^dBj>CubmZlpuK7Ib2ULl=p)y|tO2PQ<1)3t*){Aq<* zbFQ_44cIM5)pMOJ1#I7XEae2`6op}Ia-*U<)QLBKep8+;08H+|kCkWtoBl<>SCbHAsj zm(prnEx7jY-(X;15E2}$S$`sg_dW}AX!44hhKAXn>EW>-dE0jF+U31zw;EIu5fKsG zDWB2S7uy&Zlq@YR^Tsb(TKc|tAw)p*-u?U6SzB9QxNw1jHqqABMhQB4k!Ul(4+9Ek8xt!zJ1%eV@EkqyOi6q^xbuvF9Tz~w(k5;acdcC>3Q!ST1zbs#7l5!9GI(L zv%OZY+a!Ez_Ns2KRSh=8#P8o-00=k<-j5%%EiElcUGJiR68GO@z5Vgy$Hzz7u^HRG zf1d)g>FVjZgPjeq6C>vqhmY?bAJ@2X;{bpm{|)#4tUoyO+oPeyN{wnHc} z9q%YuLrqO~*p0C^d0b%pXPQ%}F1T?|Q>I=7`n^?qzVg|#XA`z0H{1^j zGHXayMeA9edDgF>KqgZ+ClSX?>d>J??aDJd8u*?iCW#C;Pg(C~rd_{&%Yg$2KH(ie zt{KlCU}u+CQc{u*yP>12OM7H#zBfoYb^Ke-ahyroMnvQk9gCDE zxLkeu>HRqP7uaOnOpc{%`%d(h`{BS}j6R#eh>f_7H(V|9(W4D|dU_&Q1S$udbrF;# zs21nODvCidm9Yate#+Sm_yd(<7pu)LF78khvNAcA(d=7rYi{J*8_0DEt{T{;va+%Y z37YqD5_Syfo$v4KBakl3rdNfahD+D32~ZNW(v=`yC}HVKQJ0mqwI6)3#Cn0IaiCE1 zv9PdI&NKrYislxeaZ%A@dA8zclnyM8y{fa{dkol$uTf_5sQ3K%{TL_+Us_vRFJ>4N zerS7ZlT=Y#D`>Z9upOl|bT4!a1E70OF0O>L85WJHCqkSEA`t&{N?(CyyMV3|HVCWR zlE`@B%I$>R(EPiBBjyI7-Bijq;1Ed84P21FtDr>aZ_48-VWBI!}FAY}#9;ZNVO4(WP zxwiK5L{BMzi8medouD9%gb#W;IxnwxD-cHOvu!`k#*G5DuT!N!A^;vw#>)o8$Frj5 zaqio<)=R+yXaGD0cQ_beT@zA?R)8~Z8~`4uFt@|uxCc>D=LbX=k{)0Wda3-3dr-)n zsFK8Ew+I|+QJ+W+<*TTsW}}#x7~mceeo+bcfvf{>heSnvMq@Xq*eR&$+(K~6im9cg z8jj4(`QPlvAM#%U66=pXd2{>Lty`sB|ATQML6Od>W zCB}UH6g5UHrHZYsZI+W|(-XqzY;0_ljvn3dbuIfEoZ=-MO#CaTa3DREJ76`{b*Q>{ zy;@G>A(SF$=dwBDv$L~r-@c`1U?@SOt74$rEq6NxR1f9!M7sp&TgR<&nGUDH-8;q2 zH3v33;3p7SE42sWE8{~?b2D(gkzA=@W><oO@mS^XS`>P@dN?2ZA z&M(ab*fQ>`2&r?mevG2fWh1PWq!OUD+er7vIwyTO&tBE41#amsKwj@>o2vG zt#Wd5mXM)GM1?9V!}&n&u%(upETN=l*@ej`vQ_bh7SX&rD&j)#up}6sE?=q^zPc`PD3bSS6?ODGVW( zxpqfW-Y_?56);tNqVgUe_T_gPjMAIp;vCqlFI`GljO(}NxJ;O{jdb z)XU2&JWqfB{{0WsxKK4vccUe)%m#h`Q;6z>-t*e3JsL%ie#efZz?a{1tp~~K$=rGf z4?`Q9Gra*0;=z_R5C1qtsr`a}W zXbwf1D68=cRD*bNyLgOryt?z5e>X}&Lu2#Nqeo@`4DCH|we1KNLejd!<#~}NfE5^k zprq9gLx2hUpWn{p-WW6uS=kqsl42Ud`V!Jc&qt5drq6Q$BEc%`W=5KKG&ll{-o3lp z_0M!Sr2GMBSkP?zu@h~fPyzkcd8}S{-QGSKB?m{qAa`mm4Df#eWu>a1E*J+astS;3 zbXK31hUPH{u~&!7VN@;@Gb53(IDh{1=N)bc-72oP{BH6 zJv&-GyMVyP6s_|^cYmKh%^U8&`|v}o{1$rpk637?16OqthS}KHK>hpi-YM)`&K0?- z88)tTXlDrt3FKgMgg|=cQe=^~%+&)!5HWVwdUA987^z>6k^6+dg!@ zwYdwh8_pLwZva&Xgau@}5_mB0<^%_MC4T$I2iHfC!pQ!Fs#1eyL;FBNLL$YuJaFah zM$=P}vGVPQKcUvOy}7mvOIK7?b$myRtjm0Gso##Us3=_h37A+H6AppTe*y{2%FYHX z{=oe*a``_@^pcs`IrFEQGyolIARuu{NH88ge3&5r!S9z;olpL24i2CuF0QV_5R4(J zrJ;l9oIf7|RTIj-PL>fhnm6>=H2}|p9dRH$w$nqWZm;}xgebEzbdt@{#zsCxYs;=( zRlpht!Qh~@jJ3a;^IEHj&D~ENyYIO{cvqnN*KDwvJ8{_fSNAq)Rd4PytSKrHazCHcJCVb{)`=t|qk z7eZlFTZ+5s?7ZAtY#3h#TM@XlK2uL}>$Yu>{<`f749>sJ%gchVO%5(7ACriYl8622 z)29dO;xz!-s?NAwy~@8!^232kx&M;|urk55DW~e4KQCf8pq|&AIIRYI{y!|604D)~ z4exz_;8PS770LaDKiGrK2EPpsrGHr1Hk5=!kj^@O`kivOi5|=K{1pTj!%|;HdGj7lg!E%_bt;dZ<=VoRE9QQyHBLyd3))hYB z4jgdh6s=P)^kq=AkD|8&ofu8_eI{W2OOr7UK%}&jD12k(wYF%*&o1PJ;x@gq8$1bI zl|1?`AYdaj-_qH?PR^&^1xF}@wjM!sVQH6n`fb~`p>i&C-QBGAV{!kA`e8`C zPoXifW#YQAj|uvRw+>Nqub9|2$RJ}se`4pQ;>x@#RU0x?*q0rr=vAG4;lYD{RmL2& zyMF!plc51=yM=et1O5HztEYIwhlYnCC-O}T8L+Q$a&iK2?3(ywAR|*iyK?0MjfYAS zyO7Z4o9`oPUUl5)GX1$&r9vYQF>`0Y+7vCH4qP~NCc;YW2mmLzaQXqOrTud^nHQI{ zPjNHUnLZd(b_wE2=lDA%$NVpP5vqSlv^pZ$_8WG2gph&Y=_qoi&|U_cI7n(knr!oa z26}q;!a}#GN+u>I5-{K#=GqI}oi~lBg3!Z7!$S^FtHIE4`SA(ZQMDmpWe-Ye< zSy4^ta;~%r+FwuC7H3~GJUsj(-@)(87fnb)gb+A<_4lVEx(dV%peo`mWS(7&(GyTz zv9hhfo39*$$} z;^fJJ!FacUI=PiTv?QqNpBwJx#{GT zWmM{G)?%jWeC9t(aB!OfJsJs$7DSJdiVB)rw{A6AN}!n#K8q#HhOgZ6!XW6~yIUTU z1RucPjErQ$;mUgbx&$Z@+lOeJDAXV@#MB0YV1dM=l{1RAK{hs8GzG7Zck1LCKEpvfIv?R|*B~~qo`#0|I*UIPclaHG z0XrpNj;_XK!jOiQ#x5!vihGa^s`tja^CbSW&fDwVr@udljC}Iw+w1IX4iS-wycvT~ z{Tt}6Fgt2dL{;G%+)MuO%x)_ZtL;USOJb1h6N0LDR{kFYj8zD54*)K(v#R zlKMx?VxKPm?p7oMfV1-2 zm!3{007MUZDHwNHbaW-i_7j7`+gS@j1|O>NJ5MgYJAhRhDBdi`uaS#DhT;cUs3{N7 zZ2XzUP)0tMmU=->s(*g*Fw!~qvA$60kygk)64lhCjhlM}@C~~u0Z_nx=!*v+xAB!L z$I)J)EXet~?jj!t4Z(Xe>q%{G2EuV~+_>@Dve_5Z-580NWYsYHE3(ksn5AzD12d=K zA6R)?u`l+Wj5!7dm+%MOBmMjVdRJC}L)6&G8r_D*Cg+f*h9SXMw?8vI){b$@;;Td$ z-2U8-1O&z(C5kb`o<3GEthV+(T^v4s2Zi^FAZ{$>Mw-;ZsLn%2|Z?E&!& ziJ6kJGTXm@97x8)EZ%iiUFCUP8eE!778akAjt2dnn=||5xtI}%EmQ_7_@_l}ZIN8Z zAO6O7O+1@{o&wuE^x?xYu={k~97_*d9BUT@SfFJ;#AO-*EvTh%AU*}KAcA9pJy;GU zj_eUAO1zWH_cpVZVaMZ`O#T^tVT^1Mj-1^<^`)=brdQkZ!#C^@gfUbJ1rMTVQ-2hK zdeCi&=1($D;*cgPZV`Y5$ee9dN_*krMR@7(P=13)yfUxnAj&KbOq8^fZF>B79G3I> z_Bz`=k?ghlc`t=SWZmX-bkO> zC-Gqup~UY|R4mrYU58z;dSz&40zkBPbW|@@^hM$FA*}r6?oVFiL!gl~rX1gahzYzJ zGw78BU;x!+VOmmY0lH$KdNufIu0UnwCOy zty&sG(Kvogi@ASbfEMELmfgEA)}L^?binEdH>JC$hl5Bk7f)t1Bk}?ZMNQ4uydl{~ zlQ-N5`iEBo7LJc{2`~dZk+zv}+qS(}LiT@Qlz%_j!pzJA8U}@&{z}U;9(y-1!c{a- z8f^f<6#B(PMU_^T|5CHzB=1M_(lOa}Z{x1BUCx%4Pp{k9Y;lj2xpgC??nF}keWGxu zXz}R2xyl2*%H9H1h>HI3jWO);_##=FG3y)NenHRth9J{te_{v7b3mAxqyxU6n{@MUE2ud znY!VS!w4q@T56i@%+E6sF){q0Jjzgel_iy*vJtsat*EI9mX0dSPBf_$NTMmx`W1Ca z&6ZAxCBXea@xsZrcLD$;EDn;$M>ydX&XB8)pyJZDH+FQy;bZ7`?+)2v%6xgE}a&^N>1y$=gJ zomVO2JpIo#ij56`Vh4~6#1@S6iStE15SK#O;$vdUv>01iodn(SC~pkLR|PN*M(XR8 z>*5XIqI2fFr;(O*n!3D+Md}D@HDMKbf7n!4&Jw1rW&Y!>h@hY#Y`ZT+7@8ST1}Sy0 zwu_34WLP|_ZDPVnJ_;yCNkt_zCPp1)C&6WIyi;g)8Rz~}b@j7~*Gn5`0bu+>LQW;v z1M#BM9SQM!GL-{cp>0M9Eu^TnHV~r6wmp0FpBfG!OxD-e7Yve`7JplJ?14H81e6K6&PR_xy|uOVJ)I~05;7nx2W{7&)M0IOx^m`l&QaEIleQ2fv2GKKA(}m+ zJdaD98EL73jUev|JB(-pQ!Vs`X+Y3N5>J*`neLEA5gj~%y+E{6?6h0Y|Ar@@3qcMw z{Q(Y53B(5CPnHL<4x(uGU};z&55rJ=h1PI;dBN=4Yl|d4F*q9_=*MseiOn~JLYu(j zkL!K~A$iA-N1r_Dxl;SnB4&RkE&Zed^o*2sb@q@f^-a{~MW)Q>S0~B|G5Gvh<>Fv! z*+My}jX9`z^QIJ-#nq1YQ5v!fo(Js)9t>a02E4m-=Z;$JiklNch~|ThKnjqHC`TZC z`L(a4fve*SU;p_{0_Wm)li`r6T1qHtRMyQ2BUpFEKq&S_njkIsQsp@Bz`Vq7Q0TY* z@it+x6Z!*%^iJYNY30g?>YI|&B#HoW0&MN+v9H^1zMuO7rcGQ8;%GshfLgi}jyQ6{ zZSNd~D8SC9S*%tt{DhwU<;nx#&$2+M11;~dCO2(?$hnv$2O;2Qatn?gEw|070_NYm zdGkK?NOw?901Nc*mllotwhQU2qZ@1(8(I=acQ%Ej+;6$zBeFu!>AASLLLNR`tJxDL zYnh{)Td1jeI+ZKDPEL;>c9x@zTyRZA#ZAjEyP26k1C3D-Sbhloz=ANNe``aIn4+d8J=A|}nD^>M!H*v8g6zWQxT|s}+mmL? zc5QvtRc6l4`GWU(e#&QPsHv*fQ=ifh{CMN~bwk{Hu9L-rfO^o#;h)#R&~z`~Fv69d z9b6R58LptFMvGkg$HXQVgg0}gbP_a&wzEHqjvk@%gR|HGWrnIBUu`?Ep%N5=!}u?EUw27mjuGecg7WpXBiX_G_hBPMO4w^7Ft)2aC)-A?aTe5m(h$Q z=^ZaGmG-rfY&tA8w=vml?) z^b|;0YvEFzKo|{HL>k;8SdwryKI4PV!}4lJcUQqtcho1B^Q2>NuX`zA^!=y$4EE$00q#__Xu@DGyL|a4qAE}l6 z{=xMy()dSlE%4yv3hzzQ!Ja2N*z(ep28tn}IDp;7I086ASZZ>o3|wazaX`?cVQR!v zIk+tT%!T1d_$-hQxVe&sMiAr&P$YoR4S+$b9)r*+$GPoO)tdOXbit94_hIhAkI{ai zUvNa2ftgtq+Xg+W8{1h>SWVotk^zlq{pQVPAKh1>2k7mfD=jJcQt0Le_JF4LqH7Ov zMcN8(NuplDj#-BbL`#9_R1Dc-%U+cS7N>-yI~vV^BdcQ$hJhJhhiYqyz0bx(gl;}Q zKQ#a2=T6cT!RR9ReEat8#Jr>NhKK@-)eQ2WkgM>TFF9Avf!S4{uPiK%7Y;+;K)Y(8 zRz&U+W=aI4@NASX+}8~cf)MOLdo=L2(A z1BTEZq1}+O4P^rhR&SXD)OISz@(h#|V1_j$*QWU#+-nKJq3U=!5|{;K&HO%RHaqs! zf2V{mF1`l=dcXqO_FQlXsl$gsX!Wjsk2@2GK+kX3HpJW}+5>tpXdQaFh*1em2bc;+ zCkls_J8^s3Bb6b&x0Foas2i^>(%q(n3A;I?Dw0hftdhvxK-WJ^9{QHPUNp-wYO=}Cp z0;WUu+@Lw>_WSh*$2naQxB_k`m9MC%JN;3ch4@aad^ygIu&5}KDZ?rA^cp8llol7? zML|VU<|t7376p1%R*ef6SS)jP?%$tgcEkG&RtTK|s#YRKIk2QiY6#vCpgV$q1T+Kk zbFFkF<0KKq!wxzwy*2SY3H(A?i>iFmJR%z5 z6a}H4IQlaQ8CvNtU%d+3D-}BJ&$u!e`JYiRu74^Q{{DX*1(SdlqICAgU zz0dzmZ=Inb5Q{5SD;>4t66U<1SStLBi~c{}z(RD`KnSf5wHWb0MwLL8^CPcvcr%s; zXOe+_L?NWu{&WUntB0S9ilL(sL zQ;3-^(5AT9!n1AD^8bEja z*G=s!e3+iXqS#=F1pJ0f&AhjZ8+h!@4zVuETw!043cVjCEA2W`)iH zU{_1V68!uWp}QxkYy@Rf19J>3lTs7`xHVexg{mfkzt0Rp&?%@we+i?EG}SOQHMPwhxR#;Q zWhwv?VN~0Dr&q_0AHQWu<}q%gT_JF?hK&Nf;Jwk5+2zZ=uyIHTji}tFlZD`XO1MWQ zIKXP}$I+~maj{+r36~NMO)lCZ8YL>{w{!qGB}E+_9fqgpz$ER*J1&Aer(JN6tHG~% z-o2~nF}TndfgXy8P!9y*?YMI(&n5Z!)e$%w9)YcDo#h1Iz67@sHs)OrXs>UNQDUGl zl%i%-wbvo!F#(UB*3NEjab6H482sC0wBXkWT=$ZMprqH4PhjivGvK4&mtAKQ^ zjMX9rK0YWs9|;3G=nciNmvBMbvauV;LjaF*R((g;Q90C#2ExAAd)ij`ZVZh)sZ3qSe0S^$8jFvG0A^UgwG@7^tIy&p^d3H2`eF#xQ_smAx333>-geAja z$6x%DkH4nP*kH}j8CY>`FbJ8&&FO&x$h8r1+HK{wO3)rMZ-~asulWHfJ~RzlcW~Yb zXs8c{mqXVe2An?DSMjA#Z@D5kDJcn+ipL=j^LQecKCOWTQwmHQe@OJf!-xA2{-b7t z#i})QE9}uDzK4Prd7-#r9CWMP%934(18H(p^iW)TQ1lg&>KQ5^1}GaDB_h?q?_e^VYZr!?7_igwyqA?}((WDCejM#!F+K3}oGEmpR-e@(0m(ZAS2pGr%W zDT$~78b6a%lD6QiG9r~lGUOP#%q$6E4^Y_)kM_hW8n~Y}s4)t|z~0 zV>|zD%(H4~Z3PL;4=d&K!*>nC;`SiTN0ugf1&kjvQ#2G-)_8?ceWcm3033D<={($$ZjSbXX|lZadiVD5hne>$lN9i_%KhrrRk_ zBP1k*Ni9f^r_)u6D?h;|!SWH^OC4FCG-L}u_U4G8HF32#!Z^U)^@2+a9l~v7=Tqq2 zB%3z`B?S5bbwjusm-YJzSUKVpGN+a@(i#R9TMFczm6KzNfF899#~EHm;3)(LaC@sD zvsHZl%rhm!Ic(7<9yR^rTIYw|NF<{yf?%D^YJ}P5jScDnaMcB~9`2F71x_)GtV<*m zUK@A?(718*k@aYNc3uo0?U|9mhg7KgweNt2XvL`@p)M1pJCp~A#EYmSwISqeLdSzsco*sqZuJLzIy7p7s zm8(~BbfFEA^`7H7Q}}qUHaSk^ck&&MMLb;KZ-X(-a{|uptFQc%q02!Ac|XP#`)WOgOAW2*ac&ADLQwH~yg* z@y(`dx6U9^clMc%Jn}M#rX~|vkM~@z)kS0hafJJ@-O0p*rtmGaN;rS@P(mP7Qa514 zhqz`NrT66EeiN}D0am;Ksx~jeCn;b;{klRALPN>mBn9QyIm_B#;%XZ`ARl`A{rmTC zCKPGHF$7Pc`dC!7>ej7Aj;a22H_%AZAS^m=lj0b@7dPMH{_%goG=%E2@ z*|LQKhvupJPiUD46C5UfBjc|51IS>2D`5}PtY42|*6C^lb)0_zV#2@b$3!AY9kdy8 zBl`$+(qx%qH6%x3{|n&LAWGLfHrJ!lWMTH1*aJA1zkmPc7JslJt^7Ho;D53JfSQ2W zB@ocjlTD!V5*Y#x4?Y!BRBSLZFQXZNaAmtJOo|5RV-^TGdbiMsh;z?p4@yaW!PtnA zoJpJ)Tyv~EnQTEf;hrhLlF!2ciaKbw4;%^!r6`Ctqp4PyxU9oH0AcDujK2p7J$_AD zfHUYtKs^V zr#?5oe~*lF3DgK8lkD5K50f`ra&#}6bS%}gVY~_*0x^T(~)Zv*Jgd zqyC(zol{-jV9YLN=JXug5`Rdv!oZiafPEtuR&XGmp@daqnkQDyO@DlJNUs&K{K1za zzDu{@l$}Q>Nzs2Ly88)W+j-=;Z*P8LQ>T1zMerUO2E<2QiVh z?&5nhw^gu(Hqg0 z@o{zaXVbEOr|RUYtEpC^&Zj zhR!~<_CrFBfTd$84ZQtVpzEhBo;p(oz(BYHkb*#oa?v+HnbWG|IvoUM3fniRq)1hE2yBw=wzF$ zM;$dty_+K|8l~Q7kovy16(Vl5@lsETTQd(I-*GWjBOcT=3@v}eDEGKCG3YQ4h+s7z z!iQ-MFRE-P=s&k-L04!)I4=*6JS1gzGdJPoKchkgbpkaDJ*=-HCZ?xLpkzGVGbxde=}ICW zlY}OwGs2^To-_fk38Tf51k>-XA|@H<*O%iGa4RpN5zRw`BvW*7GtB?i3(2HXzM$C? zEnL_2GOQkVR5sL~wIr(+xJQQIKBW83a(|y1uNyQNRfa-(TKvrGFHe1uU+B5JS(ai< zx3IAA*0!IPtUa(3$=lLw+9Y^7I5jQJ7>W*hOr)HfEZ`{L-+bH{WSl+$Regc9fawN{ z0p>%Pz(6Ru8RvkP+J;avpDmrs33{W$AfAupGT+VtV*AG4#)je2GT92D2HxIC13Z5fAy# zC(hg&ZOhsVWB)#^Jtkrz!|J^U)zD)3W^`1PJRALy6s@Ax)^lbCB4}xJyALq{;3~qy z0UpuoHhN;eNU7W{Dil#A;hL{MxL8|RsdnX)Jh&Uum1}^{l+bsBnCgoJmEIOB|y_P*}TjEc!*e2W@u_ZDdo0!w_wfD5IeYS&6VF>ViM2-=Eo^e)ID;$G+ukfF9;?gbiP2U2uH- zW`q;qScRXr1}OxOQUNX^_EoH1+k;I)&z}wYttpGFwXQ|v4Qjo*JOU5tPFE2UL@-x9 zT=W4@<64~W=AG2M-Gg~FS%ci-|ZN)bJ9pr1I2R4yt6mskmg}un6 zyNh@O5DmrJ9$}*=!DBMR1aS_L4M_F8sRxq_woPlp3*6B{*>{=5NqikELiK?PEx^c&lDC3uW{!h$)`1 zfQc$ViDT4;`+|WaFUZ~1y#)dtExF_hnv$rv?CEnGDG zjTWv7|BDryyli6f_{oze>Tkdai)(8)A!kiyP0+wD{uB`A4X4EyIwR<)@Iw@`fiu0E#|dD3P9=tYo)7eflq* z^t;>(5I?G1H$V6lfy5^uF*^foj^OEt5Aoq@rg^W@BbEc#P|2qZ*dyPt1&WprvUJD- zC&0d|o~HPVTzGqZ74{B_?sM&UP6b|HUv{k|ybZG1_rO1mvE7C+mkmq_H}qY^8{wf{ z%C>m)4rFY(GnJTfpux}-7%DW?hr=2O!%U#Gj4Ua#G0=)&CYs3I#N32qpW!O{7Fn`x zRLkc4nvvgR_AS=2gJK;sF9XZG}X^P2-C`}s-<`HMO&-Ng+mqf?x5>)ZkH(Sa%@xY)fU!gxuU>2hrC-6*VBj)KL zIk6u+$c)HtJ+Cvq;X@&V=LffpVgQ%{V)|ZW`pLU_q!h`6iEd8z`CMi;rh}wN zxShM1KoH8C?kKCQ3lotV%56X>tfTyi|BZN?rna^xk_MKSkFSl(F|UDc1%wO}p5)u? z->A?0YTw0DUWAlLgMbTYIL?lL?V=6DYs{t)^Og$$74E3PH{EmR5jSqWu!oFQOL$q} zIUint(uOE^6nAjI2%fXRiBwrSbb-D0+b<}3)5#-KfyYp|f!9oQ=jLxX635FVhet}eG>I%u2RvFRn?7eRD@L8}S<27h)3 zXTzZkg7vN_7-5VeiU6Bg$`oW2V^oc{dO>hAwoX z$f4XQfptSB2!tVCR9B~Ax9E-+cEMC3Pjg{1J~Uon@`M~knC*rbr6T|d5{)-rZsFY$ zFJ(goN6JGjMFC4dHbnSW6(mnc;ttOjV+0UY0l6kU4`hs_1&HSbd<$ys1$>*>z?_+x ziIgrau^{nWAQc$s!g&4$c{Rq38h=RNsC>Y46TQh`A@cnYg1eC*VkG|t6)6Gxn%+kV zn_)c^FHZ>g6(*u&h6AU%W#_fCyU8pK;0!xAH%$<$Tp3)Z`hr`InF%vEH_>#c$b^COIz=wT5{T^Yexn@n}{B8nZI76 zp4HLO(QkD;MJo%!#YSkA}O8Ase@=$ zFCl4X!($na^~e`D0ASfA>mv0E>b=;8*P7fW(9W(RM=%EVedf?*iF8ph&4@Jnm8wS` z`N_$i*ARdp)9r}Bg&({DYxOE50P`i0-{r zDE@3v!qoVhc2%8VY+io;!^3wobu(3Tb$3FF!J~v|0(-j|{uSKukzGXu6ybMq+1Y@|My8tRhI0Dc-#d?2DDHa=OgNuPC zl$4kE0?J`p3`U&yyLX52jk^){N!jJy@*1e52NJdtTIO}+0(noQ(i~|_Z?CW4f~iU8 z__VVb(A|BIAOWmg2f`eEN)e9%xNd9PKv&puPsAG*HO7{gjn5HT?`yN8uRWQ-0s06~QpldKmN8MkluM%Lz2XD2IY zM277p)#)m9JG}5ClOpIL@F3?&#i2OUzHk6jntCHR(3iDCU%e8`p*C#;!a3@zf-1o zwoHm@(``|BO|&wsUf*Gr0#cYh>}|S*5TMJji<;+qx*9Ph8g@_myDFvh_(OqiC!-?% zpb;@Aze>Yi@)+Fs|L_Ivfp@icmfOH>P=Tb3(SU_OMH==OO1$Av6E{$;%Gu1s8z@pX zze#>%dl?h(Hyq+RM+Plwvi=AsdCO*bGSQSVJ=ZVr zg(PkS6zfu+eoiW|7#*iO6g}WM zO&&-I4Emv$UV+!cmtBFb1lr6h7ziXxJkC9H7VYl~CgVZVfA999*IG~Bje>-?59Ztq zQMFu-rniDIA?t7-LJXoKUgJ`p!L*4+_k*2JA^;0{g@%qUIi23p9rO!>m7dUXcZ#C5 zlb1avFB9bFr+f3}&CSuwT!<%~HX|~Dy}!X5Kee=wDf3ku+qjZvlgKN_aIU3X=7r0G zST*cuo7wO>n1MZWoo>XnpT})+TF>iElb(i|5EOGSxMGl%CU%#1VYTVFa4qlmLlZM?xEd5|Mx}%{fJSpajCV( z`L`P*CPyA1^BV-6EZ+3LZ=#ZU))-uG2oKo)D%WS5)(N{Tf?O!zq4-TKtCf|DZZ7m z-R3P?8?cR!$rLdaqiNJ9t8POvoY;L&I?etUI|A(xd>)bY-GOs;Oa{*u^~Ah|F)sGl3A@VHIb%)@7Qdp6ONOYA34ZUUJ!hIdU*GqhK)6M#lNN|YKA zP=sU$$cKB>KJ#oc0=h+ts2p;!KM)qmViP?)Zv5J6bSOMznOx`09&%TVK#UOGqef@J zidpKwSV!rEmm`l=?vo&UK$jO;4P@R)s*-)XAGWP!Boq#!rhT_AWXE_t7P09Hxgo~| zF6J}9c1t|yMTZSiLy#+Zz{;W1+a`CC6DGibM@qpuyHpX(F5dXsV;5+?*6GtWf2J)y zB++YG|9j18baUM6JqRZz9Q2~W4a08s##|ldG*E(roqe#vmRmqIFs06j&gF@{mP5OR zas4(1*yt{5TFrrEO5;|K|+5rRol>0}``k%ic*tgKAv9iZqM zs6{wix@CAUGT6jXv>a^6P8*u^bEMpCH}uEjC0PI{U>SBD-jwbo6-bhO|Esk(56gLP z*SPO8g^-eYs1V9jWR^5Zi6lufm7y{$<1$8*k_;tDNJ*tKrh$x=k|aXrsiat8kz~m9 zelE}RyvOnW`yP88dmnp0mZ$Ff_xpaY;XKdlyigo?0}gWs?N9vq#f&-n5(tG$T~XL9 zHiBA=BdvzNFaT85D03^LgQRWZAh&u% z@aD}X6DPLhZ|0B=8*%i2$y)$;o9D%rEgjd}z zLT1StUR2H@F8LvR(cscbhc`)b6E`>Nb5|LS&)ga^#aw<}(6((BlteOw6_qeHerd-* z#(7?V>ob!sCun8+D4)hMB$SsjQ$4^oY|3q9eQ5Nwp>zTsY1muHA-c?*Pc=Z{i^6`F{E=T0bUO9mOtxy} zPshwni8@M0Z29wx848m;7b8ceZwEC z($ynz@Hu^YFoCvFx^vO0Zl<0ii4<$Lp%VQ-J10hSYE3o~YZ|@;>BtA%Sc*zduG$-} z+SLU)Z7=ig)Y`V){GT|{wk^76!28)K-$DxJ@L!B`lo)XTC8_D;sZ+jqRXm@#*{40~ zz_xCJ4LzTzl6042_tNMpwJQXyI4Ny5*Wnt}%Ujw}5Ls@hm~hBjbC$POBxnc)0BJg# z(UbQ>a#FoIMj_&JAkAY6BFYtzkZnfdRvMaI4HpT7r0Sxp>rrM{N;stQ&HK2b`pp|g6y1xRngD|DzAIW7QgDCRwC zXq|av=7&*t&PL-ZG81_|lmC1dhztxPl_~Elhd0r#AS!5};YdLobk@c4>TfwUQ$B&` zbR4l-4G=rP#H33v`*VbNISq7=@}=d;XuiH~dsQD&$q6S;8H9l6;c0)g@0c$Rq*RBw z3_NH@6n@)ouJT@9jpm>FqHo_Tz|tP$we1fJa{-7iVS^mra0l@;IWZREJCFOy?~_`?@sn_rTnFHc+fis-ETffcg~3xj!p4r8UPO|b0%0v^2h?&v>V zf`hu7DsZ3xuQ-#|J7{;6^O?MmBY6h*Nf~Nf)yj0WT)psa5rqaITq34`-=tL1K9PIv zS`$XdvoA%d*2E{tbJO8HzAc)GxAl7~G<%{W2 zLpPwJze0&YinB^@sZw8_6+EAi}`HB?-U%YtHf7wf` zvlR`KzED4LZv%xf!~aPhyfS}n7x-7#Aw$}NYWc^J5Qn-Yt^O=_ao%~ zcD~BBYJx1|V2!XZlrwIb4v0#h{FT?9v~qLFI=)Ek7*yd>UQ<<>X~pblVlV=2L>94= zdF3p={|xFLTucR^7-ZYDBs~Bo%+25Rv`r za$*TJp)dX(Ioa7ha><*(e#!hhzPIBjVrtd-oj#I<{+Lz?r#FEdSp z&t;w*rB3oUqkVmq(NKvDD!$Oo|GbG#=q&Ppj7fod%ENTz^ZCv{W(poR93-$Y{Rp4O zUO%1jVcN6Hyplf$jp|cPAs7o)AK5FHN9EavJOG}99H|u!`%-?~4cMaX`XSD~m(U&Z zxDaamiMwG|-M(Tm|A7*8bl(VhWuBw+)C^WLB2Or3fRRzQ{6w0&VoWZqx~YrCi8D~u zKrdkPXyW)~NGL+PRa8RbBwD-v2+$#H>H($l^IwLO091FwR}(C%(Wis`NUK@W3xXq? zXpgO;^`Szms4@IbC$M-7zOwjZN(z66Y>}!14au~7--ys*+xQA0ya}1}1%qTFk+zN; z?V8e-$}1O&Gc+RN&u!hx-&{ffMnMtG$IC&dB7f5Z`=8N(AaWe(i$nBCI&Jr3RtmB& zg`1SSCRdNN$8iC5)e>ffC5LtY6ye==*NYdfKi+TreHk^~f67y<3&kgAn;}-}jBsev zINfrdaya;fLEEhcu=tlL>j16gJk~bk=03?BKzoz|1tf3LgO}?kNfNPY7tVPMXTV`V zsFlCGHPCOQI`VexU-wfsPytt>174v`HRV4goSGj`*>`H{yxFKDdiLx|VWnLmKW>_wc?c$% z>_6L5UweemOHy%B_*RXx^)%uuMD50m0x7TIj>G5#U`_V)pRLU3@ER*i6=JXaCuT~K zfm|>wj2^MZm%g?0&X%#9A^XE%rec=vyrZCEnT#t_1#f~Gn^2<th4~7Y+#_7yXlS zVe>A=TPX;ucWn*%O$M_+jF~3B-qtk(+*BdH%&?}f`|^H5M7~N=1JqXv+(b|S9?QpX z&m+UrUSA$#8W^ruo&la?Em5nbZO zhZR=PvMao?$pTk(L&rDbu#W%v&E-S*YFw{ILXRn=>+RXMZvatqXeWae4yvKUY<0s% z_io)4EK)=e5@lUomBk73D`jOh`m@&^ms+Z<@ghdeyRkor2RAy&L0KW33I&-wOCbu| z8<~zB+t}LLdi8i4Rrx?Sb{1AB4m@r84~hqGO3Ps@UMsG&MM(IEpaDn{RR)SH{{H6K z1}J!79OSA9I}T)8UnGA`X!o;75W*?@n3#O&-}OA#w`3|uTP*jeMVBB|+uCV(Ys4_( zDu9olALW}HDoZI~?Rvf(-j}|)e2C2ZNwUTAQ$h)l`XOLio-ZnR`A`aKW6yRv=gZsH zx^!LXfa;J287SozuqAE8Y!GO{kntQ+W%~1CS9Q~06TrvW)gV3!7>=}~SwiOM{U1H` zEh-lNQoVV(s}!cmdXUi!Vo7bmsODzrQi=PrkD%F+9&x*uVrwz@`FcMZYd2_2P;{5p`g- z&YweZLtUl5Ob;%>plWN!q4ooE52#W2)mN64dO%nIl95!FL+H1j8_XDvfCCA{u=ikG0`oJXJ-73TON$;0 zgsiP8ZO#90Oj)5oaV@I}K#=~28eY{OP6bB8x*d8k_TDMp+d^9=Q$IOSsYH1)k# z3R#-}kpoRvB3}q$9Du&KUW@r-*f}$mq}kNG4^IEpMfwRo#m7#KvQleqmt77NFIy}i zavnTrs}K25Jg@lj-cpa5zw_$^^RFyE=eg=;7zM%&@iILa&@Bf}d z!RxbaThW5&5q183!$O_k@aRIU-g+zK*C$c&x|uQ_n=kQ;@CW^jE#iv*sS<$3m0w1>G~TcKR5x?#x9*^08cn-x8wmDb-B8Q%gy?ZF-w;kU~t58r>EO^d!5Y-qnwq4*SCW=0G#J!mUXB@Mekw z78?`-xV+Un|E+T0-h2kYeW=StP`~$IMZcX^-H1)T&&F{F+G3$5h4}UB85@VK3XX3hRr)Bo<51ZJr{9^$WY`4 zfMZfZqNZ-ktPQO$gBnT8r}HpLs*y#&Q zE9G4^`h;?bN`G96!?#aFZGeW#Xw<7$ue!pDB9IcK3yTkhxQNW!3V5W{WBmT&5zpz3 zcwf$sk1h-yqmqQG?#66}uTQ3=WYa8)$Gn^-n1;PRO%Oihf{NY()4E_Wk)}z6lgwx1 z21G8-q2J*y)1Hg@NbTqM`n`H()7@<1>4;DidEONQzS|+8^ zhu_}LeKindbKv49ZOMYGk*iXmYMN>0>6KA<^u{~a@QB(KCyG&M_j!~GuA_c_(pZ3L zuSkp`;IA{d$qzM9h|u~S>cm%r2!&33n@AXX(}N*HhYd4C)>Bzpnnh=-5o9h>w%!8< zq+UM@AASs5v#HL`hKfI0ZGKiJt_wH|;Wd{B9CSs|pLY8*K$zjclEyvQ9JD{paJ$-t< z9D>Yk(}Ndo==Rzt);seMS{FLLo~BgXeJGZHXI zf)k_2n>gGD5u3{lE(Mhs7}2&h=9F0S=F%;d!2{fIm=!ROCm_=`qBRw{AN39O6(fZ6 zMA;~tw%9_Ic5zb_I$|&fb99gt*4`&B)=AGzA`q^Y;{FOT)`SY=n2iZQ zs}xc)R!$>PY^Oa*G9jk$`6dD2I0+ zIBk;q&}+L3x`S>})MkN2k3IR_*zJUW}TH-9YI&hXvf zD73<@Sy~X2{+6$WFxD3{40!UHm5+lUazIIosS6=hS|OUg)0;}ca0O{FCHqK zV`QZh`nuDgUZGY4yS#4mS0GkgjY}WKck|NlK(fR}3k_)Cd&4|LfkTWUXa%qU@5aha zrrI=He#D3Hsed!Fh`iIUe2D0LAw2J&+erCN!AF67{MjpqT!?;%G4X^b8kbDsB#inv z^|nL-GsEM%e@GSH3r(4mi7G^`qop3Ch`IjqaQrLqxwF|a7gUG5#UGsrbwZGb%xY z`D{{2-^(BkvEHnyES#`@Tm&P+K@po@YC(~10GCV(U*29%FTgW|_T|~cmdZXR%e|%? zv~%wqQCP7z>}t)iZf7%|5}_3M9RyTX(}`WJSVmjtZrS~{_&r7Km`^>S8|GsWK<22L z{u>R<8qKwx6;P|%dV1EWH@6xHcBKHtPl$|p3+!|TH(}a10E{gZP6`o@(3mC;EmJr3 zbY#5oQ--O^CR5wsn>DYD7^56IVb`h|8o_z83=BK6duxt;`pt{FH_jz7_+rf?IzdE8 z^Ha&17v7BOhmE=EO?|J$9@&m{!w98;q`D#7@9e+SdDMoj{O8N8oI^gf*Uc3ft6<9jqw2pS^T{!k)Fi0=!UcZ#6jP zYSYH+v189xv$l@zral`sd+!bJid#nE=Z$47727fqZP!KO3;H=_3KYz4d zxUvFRF5zJt&IEws>qV8i{vQsXuW?RFK5*aqexDPQQZFuwIN(ObZGhX-vP(U8CyxtW zLHfXbCiz>WK|`KOuZ!fU9z`2a_fTe{enzV{F&RBgQR}NqWvMm5-@&r zFOKn<7i%Fv5VusxJ^H@&Z#F_6y8Ggjj@RS9?-s{6=(TLymZ9bo*6+>MkSWsoPL4l( zxSXiS8_yTH;F|L*#wYNf7rcwUXtOb%k0e$%5NTOl4)LNPq$h3q0k`VFBvqp>UAi#7 z*a4{V&h@$@2VPZHCK&nu%F}*#A{mg8 zZaKR06^)II4loz45SXO&;pwYPFly10paU3fVq%hh!B{)45*8Zbj)UHWQV8wQu-_ri zFRYs~pxv9ASLwHZ<0--7v+46^T9fv^oWF|M~;Xk@>>eVgN?wd2P9jP&%o zE51HXo!B~hdhd3QU4*) z5BujymFMvc`5+PuH15))c)3eo%4|(6=aE=-|KTt^eUk3}^=b_Vgn`cC3io*@`tES) zd*b7^3Dg(Fv__#;^{J1F%IPUre<)QV`RI?Buopm>2HL2>UE)=B?fsck)&wm4_Y}%NI?SJ2j_{vOlE4qd9ifm zRS2C61ZZVzd-r=C{D3(pid97QFx_rWt~TQ(aCo5;<`_mMRJ?`~SpQFuMKp>UJV-jZ zrZ~Nclc{#b;9{t0)&_olqZ3wu1T^v6lwnC-KO8Ne{ZBbf^@_mxrk)SLD@D&m4l?e{`k>`Gde&3LS-KXlKpIWriuK-pgs?Mkw=@$MjuYzRtiZqAUq4y zIg<21tZ@czhu3w0=|OJ_HH7VjTaP1+??!LxM|PXVcpis(l+@kCTie+K7C#w+6361z z8>)o%^fR)ILA;I*jcI|;2|P?E+%oCzqyoVcQ-$eTbO4h*Mq#=tPa9$&7M6Q&KFZ6` z=;$3lp{Y+oyY_QFzuJIO_Y;J|*v9M5DJ?PUf_*DHngFk@QWRbO&R+aRU`De6S{+Jk{xLo@A?Nr6h z%Jy{#1y@|$K)t8dvEx=8_+HR84q>mtqtk!2AOawa0d0Y3u1BMb0nHVLK98hD$KMJ2 z`t_@OlpEss`aF4#|CGe%<>a$!eD*z>oadA6dYp8Q0UnVezWzA10VjUUiZ}O~fxvnJ5B0chkqZ;!GuWiMJpN4c`oMFIMnW1A*g&+Cq9?RNs}RNaQ1g*iWs^vQl;5 zi3|xfoy@$jolSN}y6@(q$Zf|zrZ(&THYD3 z74&#QO)3ix9gnosj+-Z3KDYlXBen9xAORgxuV1;+P#mps&p)x;bPR0;CId~8y!H`D zjrm%zN6IVlJ4RTL#UbSbDkK!rK{nKPJetMb5YYbEShu30qFc<4pb|7a;j-%f=#p!5G`~Gg@2AsuKr!!@Y2+Voaw4pQV-a%uPN%2C6Wpb^QVI^d= z>@-+lxU6F%YOD*FKj7X-FG7{>jgGwk6}FYQojG&mi(UHvv;b$aP+WjcP5yUtPhy0N zi)yG+}bAjgU2%!fN-Y z2f28tL@)jo<(dKz#EjA?;3v?Jl}_-Oc9oidW&}CXz?q1pl4Davo+E` z0AI))q^D;S5(1=xSwBY`!snn+l5%na;Myqx3k@YhO2|gfoJl}gG zmdEGku~pslRcGXH%y%}KdAm)MO%(cf9~qoCmhdJZ9P4DN{EwO; z+x@J%5h?s`Oj~k$o-}S-SSYY~R8&Z9)T9~R)PrU%Sn%DsQeQvHvecsA@V@=j zn`{c75$MoyWsEKe|K`yULIU|WgyrM^__rO1js)!AwHW^K|N9pL?%g*7?82qf1e*;e z^TvO{Hn*fH7~2`bC>8zdfTB2OZe|N137yka(DCI`-zB!aU0x8@gE;WXria1uzyG$R zGh5lWu(0qlshvc+L*7rTRuKBgR+|2G@f(Y$MtmCo$#IK80Le*UX0jmiNF~Lms=G}= zz>*)`fVm)^sxnO{%hdTDX2%@MiJI81nb7$QQ%2a72 z7-9y+IJ?kDC{{7}%0)}d+PF=q6Qc%r{Pj4)c6q-zuua~O`{JH9D%#=k%#SceOS3A} z;In7Xh!BFY-m5rC`5_#kJTHA~U&rO)MYMoQU3*%`!sAQe9ItNo_)S=;!5yf<#gtE{K6( zh>FYn;@?a5Mi(GP^MZyOe1E5IV3soC$qMq zxRD)VX*=?X-+SM^er#!Rpyt$l{vA{bVTk#R{bmR+?{Jvs>Gp z{LdE7%q%Lct2;#Ji5emZro=2!N)FR$jUn%zce z;`>)?KCdZ#7MZ#HaVGu!&_?3i4w^QR;X(WtXEQ6|I@fFcdh-lGsMNggwl&oso`0G2 z^?=dt2b1=cOzqiX)5@1#gBvI-RaI4)sD$cunA7Wy+Ir(ID_5>GjNUiGtIY1sq(dJQ;g@dLg@8}vFLaL2hF}5FdHqGbb8k`OcRr~ zLbg(o9!ySd;?lQ`?8E~m=#MxxC_nk=(Oihj4!<&)Vc^;1P#$HM zS7%i$lWo&{q(-7oqcOQUz+w9IZ2%L%tz}S#2p<~mD+=)OQQ{Uc3#MmOy%hQ%npgI| zfn>Azx*l^Zqt~w=k$mKc(5k@Tmv7w)O|GfBt1oXu?%c|iMnIyu*Hp@?SO4)Hc#+qX z;T6FRHNJ!L6xQ8R94S*ZhEIFAU_t-3s(RXs=gy7KO**lAw+()3v&h z`I)V~YzgZS#1L*xa@r6m`0gE>2P#79n2y&-($LhjAV0U)o3Pi z@eo&NUHb8{saPt{HjH###LW$({@?lW<1#~(lR2&_x!0&gWZ6oJ8{^#ebIJ5$ImX>T z-$9LqF`CuU4Qtj6#bm6z;wte{J0tq$t1v!+Eb~sf5A3&{hHCR&&bJP4bJ2&jSh`Q% zKK!c$>Tck(=2NCb@TJc`eB4H*KI+UZ3N2_)-Sx(oZVeNy^~$Y5K^~utjd}pp&EdYP zKM$KAu6$usxoK4fD1A)Hat}(^QJ@%x&QCsbW)H8!$SEJThH}(q1nuPT#){iG*s80k znQ+qbs+JGw2+V$o${~}~e+wi@|4>Yf2^3DxdmDJc?Ern0OfLTXJna;~eb6!>flx++ zE@T@&diZecljwc>Y-niX4_rz}&>gz=Q=-!ap4TZ@?x3G7e_`NeMK(S3<@mA7<<;V$ zu4F>xX~pF|v{GF|V=VP++=fXnyBipUo;{9K@%_^SBiKqELaNxZ=y&4eCt?KyF+xm% zZIIdNKbjm|HS!P@exPyN?D3Ik1A^N~E)^Ln7O7H@AlGd3%uovYt^bg!YM`V?l@ww)Gt)kqJbf=$0Q^Ku+0E;SQSvu*140^9@r;e zojyUfrXDT(LKOZx@26&x{y?gRHX4E?}xW8~v2R=iV2(pQ} zj~+RbGRg?ORCpoZJN5mKSI4;R`8$j6-WB`MeT%A29zCl1>SlC41#0%J{wFa_OS(DQ zCW}--`OCRgRzN=)U^U}7e1qTBLle`D3X4}g_Zp)J0s3cNMLp#woGXkVYk%5@z6%cz zk4sG445gMbjDwte^X86|PQ7EfDhWoH7PPasv(sX(ST{XAy<~%N^aOl`thdFM+`U@> zM3s9D6Mlb%R{QqtyMf5PZ2R6h;EYS(Oy=c@$U3!THrrj{;f)m^5x53zRqJp{RkKyA z5M!@8HN~8Qo!#TkoN;MRf;LF(lNc)>i*w zl)FV!e{*uOXV^yDcGFe*m?<`&I%UXG@E*g44ciqzVeHr-dAL~N7d-vj*0vdpoT`$^ zr`p;A`v1AfW2OZ>>U?ZbI~u?qSQ7M)9EVeyzV2btf&2@c3g{6HL9B)zU`Dpsg7 z42+Bj!KjhVt9XXWCa7b3EEC}z2uA@0d}D>{ym^)Y!`(htU)rtBzmUyV++aE&ZRST@ z?;ksVem}q!Ie`fzEnZBCF~p~`Hx}EI-mV*Mb>VuSUcEwBFY2HJ$;}#u!BdYzzU)LB znYsO2Uudp5AagJ)mE3Ro1sgK3<$WH<6DEW)e7VPk$eDd%L--!R`wd zXiT0w`9)==C8T<{4S~~kPPlE@ZR^39q@>20nwlv;RU4Ych7(7oR=LlF8iq3!`QL$2 z8--zY%iY{ky^wdY<=Z`;ECB3a9`_iO}&xiy`(Y4XaPqfir z;OUv=nj#%Y&^vuSy+KtrT^pmI__8c^!L`?x78VT5xcA+6V{Uzg7oN917_xyWdT$c;u80UX)Jep#*t+~#{fjA&=uLD8)F21y zKVSOie}y6Ge%$pDcAe6L$%RPiP)=J#?N-k(TXZ!7xF#zw2hOL7)QAm`r4RjOXk-Qp{oczfB zDG`f-Sn=^>UdEIL)N{dt(JHtj#Vnq|zI%tc?$pHUU3BNpoeN*qnR`Z48Sv^*IQVeeRB9yQU2Tb4-H2{IhXdE3SLIj=9%RKvk`)?7W|O!BxPno;=orZ?-z%e>qh&0lT}N84e2SZKiUbPzl$AR6v(@1=7qRko{lkoW8uiWj3yzhpiy8 z6d(2z4~iC>r1*k)a#J*UfYrFkpKQG^=l-o**?fDuY14wq3M4HZMxB7G_AnHD@yACS z!IcyK`rD>vqRngZ=wlEV3-HS#mgT`@gGDj{mMg!VH9N1XsSvFNZb zY@BrD$YuCpC6R(sq)#}s^4Uc%8w>M$ckcL+q#Sw4U<+jb9BO6uk zy3#zEm?)6YiR?=R{X(^fqiO2Z@@hnzJNW4`fn;)FnU0J7jamH@S7mBvCSWcyc}<&Z zN1?h3y4}AzeB#6B@!FYJ=B4(U+jIEvX~`@9nf`2B#t0hUhJ{VYIx)W(&m5$wx&+%c z8gtPn3Y63ah>HLx*9aF+L zNnJsgc@pO=F?k{Y6unbpsUd-@m^%sn@A@Ym(nd%*hZ*q>auWJoTvdsa>JE{S{XGf2~^; z{XuDGp6awIQ^xdK13MPT`jA5_sRw$+`xMM^g{l!dBCvM(#iFtR?9UN6ykZ&q!F*|8 zQnHu4+nJb@bg=%)Npx7Af4`B_iHuMTt*AaR0JEz46vL!4aZtWzRgJvoRS}hzI0vVOM9pL6k27U&_u|ixxE_(L%ammI;i2EfnBFQ|{cLo*#Y{5*@1n%7p{J*Zp5W;9MNqurgs;BbzaWPIwiJ=? zyf5!$t(o|XR~B`k9~`*g@u{p?{pmk8(+~=*LrifD*xOV$tTAL6oqD-2T6DJtkZ??t zyrA4+pXa8tXNS>!B!#>X-YKzy$)8E{DqGlMz*piP%W$^EqD6hUVsn=rn3wvHxyVKe z>Gswe|Gr?knnW)K_#Af?Uak1RfdZPMSfDumUPz#Ix7e8nj zNM6laIwb3TBMj;BExt`3)WF83P3_O^=jstJ=5M4eNC((ezBQnUL8homH;D~cOEYTO#xTOJ--dg(}PdpC|1%IAfrTxx1-7qy&Q z!C4U+!tRn_}E>OA6Ch@-4e2_L2=$0}++-jqW zHYZi)43$b6>4nb?ZDjYpuf%+KH+rCsRM%!SfVpoXFrz_ZHt{jNoKWScxI*9igdhqN zcRlYX7ef{f`hMYM`-sBu$1|}cSEB;AZ}gqy6YJY~FO3D`K+Dpfx5bD>x^`NX?#(kO zJ*(+q%Lt$jd)lpW(R1FiW9{Cz5J94-pfo_n&+LWFfqvc$ieAVgs>N##-?iJZZAZvGB;UgMj?={kswLpCBKl@NAPSU< zc1_bmU@;V3Wz@FvM9>RLTmtePJ!MK8UIS|-$Y(7CK!N+&^D(dB#*HhaezAGOA+?RT zX;3!v$kjS@2&Tyv#FsBku$g5uWB0t-bXFvIX&z+il=Uc}KMm3JS(1|Qz-s_Ej3VCI zbyo>;$VoQ4hIVXD4(L(q#P%hj%kwNv0Eq;fslC*HOh++^4{|yr;1(V6pz4Jl#;yHB zD};2GnXX5VOl@qM^0{|y>}+?*@G1zP$%Q<31P9^*006u{DvB?zG=2JXK+hNSLE_=K zxn}-6ewp!0sH=tNQcj%mXa1OgAR-&tbIJ7MgN1_(4Gm?R9=X6|!h{xNvjr&& zZo9Z#T;C3=No1K~t3@90yIh8hS&d>9b?_J>G)u`+Sbit>G`*TjCU(swzX?OTy8pvR zmc}9dCNn~Og+sq?(qYh)!zVO`1b|30n>0y-;7ePOkg!Tg=E}(`KTGus6ziX~OvEl; z5X^3s?c7qFa&a|BLlkV$s_4cIT@a5pg&tSRmdK9bOn!-MFHn) zbkOb&Rp$>5Q&hKAy+|#IR1RJJePkEDHv1}}O zrK~GXTnkna2UBBCJ?Z*yXVAkJRaKATHWzjACDk%>tr_$xXI^R$-gra7J(Cg>L!4%= z{ypd0!v_zq+`cyM~oO@C96yPDdB!a z(%=T|qDRbSKmaAqW*K0c6f~5X9xcUK^U)6V6#ytLhc9+pbLnND0XWlys^tGJvi%z# zk#)yoT7J9inz9+dZzyVjkO-4FqP4^pD`P^a3lpc6eYC%o!T5HVjH7tz(y`d}N(V9%qy)r}NSv_VM zPobpJovXikrg4EviSS#@Q&s=?wwy(XT0{!K1^^S%nLf7dV1V5cR)VJG+`r$3Gi8bw z0I4zN&>=rCLFkW`@LVD{K@pKxIVsbnuS|r|Xa)Hcc(2vZ<}XcjcGgQ*Rs7%@($lz~ z+idk?EFnsWbGoeZ!4W9u3 zENm=+$|B*pxT#ZINTm)8D*KP683m0b?$PS91@&LQp)U(;n6afS0l^3$j*BE2(1cB% zeyDLV!|1S8qx<=dr(*bAOZAq67|~vZC2ebAaC*X>I#E4QEHYlV`qz)4#F|Zj`Fs!g zfC3FiMMXVWw!C?u9~6=J3kl1^&CHsYnxqv=-y%a$(b3VlTB|s|zLAkr{eE@$xC@}z zV@cgw+A5ku$&!4$?0KndHShzsndH-`n8mrYIXIC2KQxqH#ww-jMkvHsP@6l9H2$>bBosN5?nN)WrB{DRN zz>jBS)b@38Nl9A4vI49xh(iLJKnu$krJW*^nG#%RVp$=vVEM&xRns|NV%X582lQX| z&p!`$deyxJmOM1$9{o?|t0WJ1XFnp9{7y`F4v$+p-Pn->EhDsmZ)IkyD##TH4F!Tn z|MNk%GxI9DoV6Jkt=GOExk%j%H=tRVz%?9n; z1|z@z_2S}UEB^z!hbWr(=iAYP;o6*Z{@Hu8y>q+R|NZf|IIjS#|69Zu-|iJAl&(x|HCwt+J)t`CAnF`KiGY_#OzIc8Qa}4lrIi9J|@f(XfP}bKM_k7Nj zc}C&#cSwhpAdFMgjxS~AXVJ;^yihsYsF4u$16+#}J4em)_E1>8QbKp)@#75@{NKZQ zX0Lz4-%ExDwU{_#M)N`Yn$bG0s45woP)EZhkR$dgsY3DpGJTP%UsRo)xA*`4;$3e%GvP1GzyHqI^F$2u zpp>3XYgd=3kv^#5uTcgrOO|{H{MUM44}5~aZ`Byqk#&yCnDvzZWua%UNk7qeA(l0p zUK5}`)Of>>Jxr8pz?twKbavXofuxW9dE&^CuIy=PIkv8?hQ^(^jP{2zGIoOu`|${) zIB{yt1I;=iwBLzPBJz=-_{iUNp#6JC9t1u32JAPM*52s?KQl6{r?M8ck}hvRXA#r- zlfFF2%ZtCYPPg%}i3=Xjq0OzYsQ&Oli&nPF+2M;0Fv-|b5l5^n8BXKTEYy$}>F{y! z)C~{{=t_dpQdYikgghC;dF_6WO&2+gHAz4wQ2>qT5deXCG#-|01&NSstT=vrYR#h2&_1+PUX=L@U_c>DpxLF|x3 z5XpT)>swE^X5+tJq^l1fKYE`0$*~YUwnB_-55clKiMDS~#9T_2+lfB5!1~@$~E%%pMv24^2AIoA6k)j;&ED*u#k0f#*Wi z_t(kw$jDBjE%{Szul-~K{9}NpvUO%i1Rs)e*eAbyw#?&^gTo$$YU+jsiBSpzsUq-T zjsR*}YW+zf1fr7@dwiOEQCZ__sM26l-TkEi#(M_;)mi8dDva4AQk`}OIE_%ml?@+1 z$L3C9!UZSx(*v&FF(BdKxAU`8AM)Rs;Wu|NL%#G#G|sbm4zBNAI1mQxu96)V46AEA z9L13m&sZ^4q@L&cXbdE&}<%dV{&d zOHqbFJP9_;LH9g4f)q<&6o6Q&g{&+EZ`So!a2MYlrtNh6V?cbV7vWe+mkhC+GUcxU z%gb_pQHlDhDff+_KL~H}^q8aes8P|U?Em1(9s*S&~ z1rU_`{o|b=@3kDk7L4pG_H)fdNG}nY=>R;A-T(eWjBu7Wn>PsLEr1SS8Jtf6w-oPw zSbbAch37i@ZV~+gU-g5YylkYzu;bPD3NPk26t}XP7I$1 z0cSsHhKyeGM0l|Q=7(o+4C$+YVj6yV|9lMogeuzd9TD${YdyhY4-H35p33A2a+T7VIWJ z*VUp=a5?vPGipCsfiib)cjAXoBdQ$+sUnW>1}$>&I+C26!*n8UuiYjmC<%&O#y)5y z7=n4behgRhMfBj3xvT*VkC~%mYko86w9o(oo}sE-FmX(2h9#viB&9+@4;QxjulDCU zLk&sR#K(*D{`9Ta`c+xo8$+Q%WGN-CY5>Y%>vt`L8APBwK@87iX3B5e_W59+jZJx{ zh64xYVm~XM#Nb43 z5|fj!JvogGS+GL|^+KO?7lsn}RK=*hQ@pq^0s{Jqn-j6&~@=aWjzbGWs{~VNQ9q8ot|%S4f#OmykvadYFyg{hQz~b)d*fxJfs^O; z>*J)twLW$pphPM}#on~oH(uKQr6li?-&C;ng(P+H2%>1tVvs|tGVH6tZP#ldOP+ng zpcQSXnhaM3<%|HPWH_jWLNE!PLr#GHlyHQqhUl>@$Qp{0;l9*ljX?tk@K75;S7Hqq z6F=TU6&jSNO=az;rVK-Iec#{~{7ogrh&3PUi*+kHECa4GSfNcqi%2!T5S!bo@pBEg;1gsG%+))N7?hC zwlTOC!wagN)Ne+QI();6 z^HlWEBC=dk!~h(7DE78yVLI>p zW54%r+u;1XJRG>1V9U`mG!wv&5FyUEClTi@e0IJaKRdiCKr0Ad^}-ax`*7JAXAN7S z{G!~fr(jw6vpA1`2&$Z&gRE92P#zn0rcqU+ulx*C;14Lp5hF)--*7@jTPQ4GmtyA2 zk2tTgdye2OwRh+yHo6ow*R)^nTk||?X_Wb%zbu? zQ0$Cgu0U48fz^mmW7<=t<7dydpXpVrNnOS$$-D;-9;8)OKW{`5F zb_@sBU`PIfw08hCF6URbR1~w2L%@Iuhdo}R-IZG+`)fFur%s(RSB~K8@TSB&g`ju+ zVTM8GeMBvixF9G-L+%{uWyZyjwIr0lVjehl*J-#qnNKBM2scL-wT^1C`;W-k{Z_2* zmlS#y+vATNgaMP@Z|2M{@~X~V>_2cU;R*1Iru%u-XkV^;5VeMnnle*Xye&i9NM`WM(#288b%D2$uYnzB({4W{U+-o*!RwJManZh*6%*DgC+Dy z;<3gw8(kKyKs~$PvwQXHcerDnb3OV;ux^DnXpnNfdhx@q%$+ySH+z;AcGUc3Lwz$u z&&=w1WEcUk`PNR5=l0qUC;a|B_LD z*&+Y5XTz2bq$prI{8?S^DYa=0Aexx-ZvpBqRu4eRvRW@m09Tu-o7h{ey>yswez{mc zQ>+OFO%(8>T)K9DocnaFQMh^T;p?K9YhYvxe)R`s7K_Br=Pm=Rr8LARSH`Mcu7#wg z){Lom<%k|MujrrqC!(J?_Tq@(+Z(l|=P1VOgHpBoj0NWV@ARY$qEW=|%T2n^uY3C> zQ-c{2VX>)le~dTJbW)LM9Qlq=M20@_W>eac z??=ZWc?+r>b4w6d_kSiS+4Z~Xul=z6#fv%DW=?_ycGt?;p~Sl&2A9FG$c!+a!OlPZ z_Ccn|X`n=f=Qh;ev#3GqV2f=D&wid6YuYw>^w_aUx59gphfySs0Wc&$jk;RWz38{y zDl8~Z7>Ld?F{?(&jLMJ3gd}W zLubfZe`2W+NX+`1s^D$gHKSDuH=ciE&T){k8LLeKBmjMweE?^&jD^X0T|Aq8U2kku z1pVQoRIlN{oHAJRMqvfHJb_1*H^)NxXA4PjV?}kf5e$Dp&ukOTT(;Kf~(5Hq1pZ#Bfgk?D=G}>Ewb?P_s;=-Mg|2}my ziZgE5AC70V<)Bpp%OYt0!Kiu&x?vzB85 zC^2N{iK5M@N%^n~{c_s;OVRck%Fu7_e5`5|GF3oan>M+4Ag)xJ-fK4*u(~w)!v+8d zv?CU7txr^LBT;1S~=tP|~iC zkn0LZz1yHf_~QkqT>Gu>+ulB=TfxZEjfEFzrOPTR{?P8V2epL-7M(ePNDp_ZsHDTO*3uRk;T zc`DD7XY76Rl^g9QtH(~1oT3We^>${O`$WI81&`E^89Mxp7z?^ZNCgUlgGh52-5cn= z)<^rFc#@;C-KbNj*1~%}=`w1=lWuPc&K)_*(``yzPB8>>Q+KxBpS@sy)Sx#%l8D;OJl)wbhO>9s9il8Wx z6_If1vVN44yw6JuD)Hf4kDkt3#6}f22E;hc<~gm7K>8~?0T>!G;ovOco6S32I@lb; zf_XO&$Osc%^&fQ)t!v57qo^X>?Ms-Nm;A^(?xXX4+Fr*R@4eUuKm zZDy|5PC0L9C*V5BrA`yzSk3?Lz#N#=@4t#4#Vl?Vs73r|3_@iTyqnI^xQmVbejJ17 z0iIE}m3~wDA|^TZmQ2{Y`yjwCEQ91wt{X7#wA!!SFDJ(F6k-2qr#UdiiDqA9PSyb!he>W+s z`6ja_D2z}gKa9JWvGUorJ_Cu;k*$}BVJa8Ej8KC>o8R8^v<{GSU(b~u2#H-*qQDSX zkDO-4Rgon&U{kMq)&4$wcZ4-#&H@eq|JvEKobKWhx83#KyLXIW_yYnQbxKj@@5}3C z@%?t9b2%mBp5d$d(p|jVP&TAvb9i+>=mHX?z)Gmn98TsS^x|yQqeCfK@$}ruhYN*l zmg~;!*bYp$$`Buj*p$+h9zYg>F!4t@i2>52gvs-xn{tWvj9izoSzYJTj>b)!`T?A$ zKLz7Oq-;2JL542Kyk_L!Hp8}0nLN1+dkFQ$v0rfZ40cMC@)XT3Rg?I(6z}AFZDW%Yd&&EED(P_~jaq6V~KD%%O zPe#fD@lqCWiJOJ6%wHUE1Qc;-uS+Vm{^$2Dwd2VRydkMY6t?Xim|r$QAZfoF;zxec zf|KKyPn$A6+Ss<88oA^o=Stdf&ow}{=wH&Ne&?J7@dLXW8y|S2>u`}xvleqM;cbL5 z^b^mP_omsld$DAQAg6SCJr7q5^c?e1p=hKjS^(~bwbAcXr`|{fXEE=q(zx+xIvr-R z6eSaud(rG+!e@Kv&Y+$2XtIkI=F}U9nyzGH!I8b|dg(Et1t2iNwQ}}sFOpJ~AGGuu zdaD=kBsvx71N*ZQ(Q}~Xq!!UP$56!^HT%?;;P23}N6dzSkDll^XrQbF?xiT%_iNv& zT}IeU$3>fdU4L=UsKB_2JX$thN#KD4oe@b1&*8`R2f>j`tn;C+ZE6pZ3WfA!eaT5Io0-qrTIU3h>nvqb41zG(Q09NY*kp5s2oy*+xz|`bKD4sFvd`7D`CxkCyT>@9zr2*dE;6gm6Q-^nyi06NE5dqiqbi$n{PSF& zo3CVIUw!WUHES}jeg@KToYuX0TC8FHlJCYOQ@g=&7=<)zvKA4+{*miii&r`lM_8#_ z^t^Hb+2REekJ`Lm^v#IZ*V|}l)KjQ`Npb2e^I}|85%4f;M~`zWb^Zid{7D#Le}qA2{$wTKm>uq)GRYEJ>lcCu;wD22^ki;NR@)7y_ z!i6HB3flhjcRZIJYKQ=>7F;_1&LH$vSujjO3&%X0e>CN4Ih1BL8BU@lMB>DDWuSpg zkktULyP;e_stiFo(P zbFC=WDqCz;#A4MO{e9OA9?+?@vzifNK@{I%=V;*qN-`_$~2eVvyhSMkoz{H|)l4 zn0BNKFvh`gpL4Wg2lnBG#pLw5+9Wv7mp53lwpqdcD=%A;DtGU0O*yQ4tBdWu`Scx4 zVJ~)1OE^6l-=JQZhlw(icP|~%G4p0*!JKP9RewYf1*P~P^g?h1J*g#=JYQJ-tQ+If zC9ji*v<|*IXKJI8X*>M;YI0?Z&U)5e9&_-J$E1>b_g-LBoA9ee^X9+e627Tum$>|3 z8t`uH&?k=!VQ0R(JH9I}PHRX>8r#qw?8*LclToes88T-I=7@6dRg0%lEo5=GOLm_M zAIAW9VoJB~wQqVPJUs0<@cz9xYHRcy0sHnn?%{DIq5;jD!NJ?=OMyEd4dV*AzV|&J znmVl>e=hII;dRK(mb{phb$1zAofkR&5NZrX?S^JKFGHh6nT-J|)M;Ju^lvdJ407(? ztuQs&H8FP7k9+_jzY8oR&?Y;Dz%QZXjL;(fG z1hnXOFH|Nwq{}6)`sTTMy*{4S6R%UTFh_!6ykZKvfoB@bv>RON;CIy^O+%%=;K`so z_iiADS-+n)q-W3dk9sx#w%(Z5*0_UyTgYowzidU|<(3_C3*!H$nJHfHS^WQsY5tGC f_W#MV``xH|Rddbhu?=bz{4>^Ky!mm{S-$@dJL)%a literal 0 HcmV?d00001 diff --git a/1.titanic-survivors/small-decision-tree-alone.webp b/1.titanic-survivors/small-decision-tree-alone.webp new file mode 100644 index 0000000000000000000000000000000000000000..d71183d33b03b7457bf0a957db8b31559c4512f2 GIT binary patch literal 7690 zcmaKxWmFx_mWCTAI0Oq2Bm}qM1b2tv?k)#+J-8DHPJkdmgF6H{I0O$KBxrDVJ!i;w zXU&}-bEnp-uBYF<-|DK}y;l8bH92W%cya*HmJ(OdQsL7<0|0>Xxxat|egc4;goH{S z{PQgUp9eB`a6=RY00&2RS2Y=NN*!H2N|asT1%MCW0O$alskxi8n2L(x-|YXpUC#k< zeX<_MR4gheJ&l#fT&aUpyZ1T)JUhd9+Ipdk}&23CAp1I|HWqii_L9Z9iDTzo^#$>I5BZQZOmIsTF0FvI}>={F2^ zK?49N$pG+_2!lQ3!(dMZ0D!Oz09}s%_B-VP0N>TKp7?L=Z7u*{hXFuS-@i4pbO30M z1OVb+&Ze%W|2zlb`3i4k1pwzI0D!3r052y208Rg2b$gEejRRlj0YKxqR*GW)kog$^ zXsw^;Huw+wMtwH?Pu>3Cod2%h^Os90ND2V&tbrUjMl`r7K$x94MxuZ!A1}HCM2Ub{ z+w8u}bW&Bv4hdgEd2@$w4qkvb27G1}IRX>AxDi7qIm@9GGupe5hrl(8d6BNWdEX%D z$S(SI{cPwH%8_=<>LGX+MiVG1QV$M*?Hy@CCl<^fs&A`Ju(yoYpA5hUf%}j6FjH8< zL;dN?2M^fE0s>5=6y@n-V_+Q2Kgz`{W$+vvTb}l0eixy0KxPRksi|@WbRf^A*mwrt1aMO7z#AudTEhvD|ZpR z0#1KAgsES@cm&_g-%T8^?t(92Q7{;6@c3rY`bfJDe8BdYFmc`=gYyom7G*VyMvvG1 zHl+wMt*@0~QPh!M9j@7%wAuLVXO3$M+ zh2ORrLdQ)in1m0#W|=g;a3VK(0#zR9>6Je;sr6YKQQxkmSfb8vJsKk;NG;@>+HV!9 z#4p8BeQ!B!#z}G~<1K6o&Wa5mz~>95qR{0@Yfe5{a=*KtdUc%CY*@$I70vP0WwqgC zhN18d(l645gp~(D%kNPgYknDMZ79l;`e^ zECu|rBEeJWoqV-Z^~LFX{~0lGXE}WyQ+u*EB%&0I$RfI(`jATuSOmk+<0zAR&pjSvE^mukw_PcOrd^Xh~W2w04S{fJs~6dcaf6@WgHh|BwshF+UnVOiM;dg zw~-j?r62+1gP>Sm!$pl>(KYMe@sd;toAeeTFZu%Zp-q_sa~UN~(-?^5)UR0Itpo#b z4oIQpK{!M#CW>51QgwG;b7sgk!$Pxp_K>;RA*vpY=}%^`@4Mfk*^V{ouI4{jlVZr{ zsyof54hbejq|`f%29JFr{vN!YXr%6(O!}DMU3@22#e)`qjT7&TR!(Lhk%>3N7`r2& zLV2ZfY;!WK_IwNoD!d~o@#oQG*&H+ABEfmFYZ=d`Q?V&XLF0yUY)QHAVwT!hntR69 zeIzib&d-Dye`>CflCuxsnmqC2-&U*U(}^v8zPIZT6KcuzepKj=JMP)pD~D*ic4*5I zKTu6I5{*Op2a_>Y%ir+}B^8yl_gxOWt$84)1u6OkUR7g?Fl^6&B*SjFc%8f^($r9q zib^~+G)bYI=Ij249WPr|EQl_oA!U3rUuWWe?DxctYi2ajduVe&zH@1R*7{A~I~^+f zZsb+CBbVB{3LkF6^%v3RdI-u$J|Bt8T_rmomB_`9I?wQ~s`jJEKBul(U=Pc^M}MNh zYFX3NaCqV1ALC}VFt{4d^QO9pw}n%>)Y4CoMGZ6v{i6Eub@ngh?DGlhIkkFXm|Sm6 z*XjrTYo4T^2$n0Dj$^z* zO@R8Vzjt^a^DUvlZoi%~h`{$d(RN53j-8wLH-a(!SER8^ZX0ov1dNsojBYy>(lnDP zN)7y3p(i^@q?2J)!Qxpc#e9^gd{+_M>SP;HOM(4UI(~#^w~$; zCLn&akFX6UiXd8Av%sZRCtI(XL}t`cpIu3Bnyi#X^kcC0;hulp>)X3e;)q>m5D0e> zJB-`)d;+N?Z|BZfp5aVszk;P2D+*mAONsJSy;59Nv7W6wBH9+H&s9 z50wxHSx7C~J~_)_!}YantYM;9FX!GDq~NHp2|5>LPKF;Do7Rz%+2G1sGVrM=?59Nx zAoUs~2I0`=iqcTHmwM!3P!)%7JE!U! zC7!SWs#NK!(Q!Gg*%{lTJFcqNzfOg)e)mXDPtDTxi))?qJTqY~f(RmiOE_*%ue41V zNrNj{WWWqO?~;bF@lgbAQ-IRC_QfdB_epe44ZgqG8b+C%E=^zj!%8SxpoJT{>=aLW z=96r{mxQTQ-K4ZDOQMZ-Sq52&NTl2W4Uah}>DGmquCOG@#h@&>D*Y&cNAe+5Ha1_H zF;YWhUCl31WosNZ#HR5~=QwSo3dS@@7tVl;&8L5+1WLX&DS~sGKQ0~2kBKvWK_jZU ze{2=3DV>-j99o$l6rMP$dwccCy7M}QuZVAi&k{%aCA*FMEFA@7TXr!_za9lA+dK$&EB}&RN>YK0w1B$_-o^3F?PNx zk{kESQrbHzZdoe2+V$jbO^@O00#|P#!fZgu zjYDl0SCNRW;@loHv%+TjuC=`}(XW3fKN9|yuQ6#Legg>dBb2CrsH+7%5VFGiT(-^( z^@l}VG!bI$VkGhacMNH*RSDJi1C9gXd zr>MFVW8u;AW%{Xcm@842#wSXy$;-@#$O#?jlOi=KWO`Dt0uI~Jw#3-fu1y#cL*?>M z7=%Jqg7QcQeu5e#P}2Kv>!>UN-6|0P!UF_7f>8HbFF*h2i%{~del#hFw^Zk}LR$gg z7+d=*Uf9DoxVOHGaSji*3zPxIh*c~O>1v~a(2hqQP)XuBYXIx{l zVl=Zf@v7hEhAa2vvl`Kl;w^XM`=1VJcWZ5CcJ7Kh7M9s@n>_Sj>4tlkk}dqEdF4^; zraX6s-j;~y8!hOA$3D}RGwB7jNzLDaNTfNATUQ$QzU!BLVhhO7han+EOr1#XKKpz z(d@nZx`|NBbm2u-B`?AdqXs72?U}*e2e3M4Sg!l~Lpj3|F(#Y~x!z_Nqan&vx018p zEFMloOig7{cxMltvcLBbm$5m&bEkaZf>0bGR-IQ5&i$U@^nJx4ACp0pDum%M;TY-a z6gEwrUQi_Io&kqCIm?S4W38MTCjlEeCas?;IAVT}6(JHm`1Q3t<-Md;7{zTorT9m` z+t6>0=AP=ycU>I;o9o~9o=RJ%AcHBWWFY>{OK=jOnBg!S7&{erfdi7VwkD#|zaQST!GWUhZAWJRGWH_j z>7G^>CfaQvkN^$xT&x}R8F+QK-QXr%(MTAy15@o?TVL>77s(-u6>w*?^C^vrMG^{h<3H zd|OllzIy=LyIAs=T8y0&0P}xjyU=QF{zO^6<*|WM6 z>;2_o&cW;beepeA1oD|V6yXbRyxi;4?};p8yA7WNYf+o=7HHYNuwrQ+&Xvqd$w7Z& z&eJjM8U86QB$1MHWvNLBV65M!>vq=m?7df8Kj6oL^E@XQ%W0h6MdCNYQZ1@KyrABj zQNp_r~ zVIsU{PBAJay2U8hPHiz3t4Ps;kP?NKJSrmjM|KFp;U8>hj_8T{MB71xYdj<5$a!io z7N6R=6irbinnoeol|Su$9cbjQsyjV}B~7hEmi?CuRE8bt7_Kxnqyz{S;wHrQmD2>; z$cMxmMqVgmDrzTNo~yuP7-9la^(A7_P;@gy6H|2oiJ zE!aWbLR@6oj=N21WVM8OW^kALI`~^*|23bKlZ9(bC`sm#kP%l?LwA*YKAHAP-Pl<121G`-w@C#Bt=mZ^%gCBDhMGBB2 zwTu|BxGhMQ330h150W_HrI0sLMm4{DCP|VOeN6Jro-PTfMX_)2kk8&$9r2q^`9N0P zUX^HPR`~02<7M$ldKuyb?!G5guA%-0rlQDZX{sM5Ew;SUlb*&ge7-b3q9Lzu<4)?V zOK_H1v8WRf!PhPFUnCNxBuJnxXchHcHt;{K?YgA^M84IfP zAEa$i(_r86qwfuzFfaa;$s;K_7Sk5xJ0la}%QL&3dZi(?%*lv*8X7L{li@AM405Tx zE3j#y7P!ZPVzzq*xn*s$%7r!Lx2Siu*6wHlZZ>%sK@MFUlghH(1}NU zKUO@BHTp#%yi&sAC+PMIR4A{eLDl(A(yyH5LT^#`L`@V2Ubv|0(l$cfs$mjgh0d>O z{)zI}K2B3Q`H>%?hORel{;XD`86Hf|?EHRxseRV;i&}T-3y!n=V!<09c@H$I5458O zS3NZ2c4H%>Z@%1h=Sg(^oJ*FYq_I}DT(j%b9OOk)U~ch+C#DZ>4L>z1@X~vW-6Nc# zaB_R0Zm%^*Hz$&CB43aPnUXjj`=%Ie$Ud3(fEjG2Bre<&Nj<_}hVPH^xn8w^bt9$U zoSkg3WZL$N2&JTaJ7{UecqK&p0G$)rc@;st?YqpjO743?G%58zBnkmR?%;78nWCVw zJ5zcg3Vi!~R$W#*qSQ4wiSPSA(1S(7?2Aes3Me0;u~|NC=${gpdpkCX)$>Jb*C1r> z{50H7H8fJ!WdGThGF*p%n zm9Ljd@aOrX)f2Mdp(X-mL2dIB;vjlrS@kc`{1&ibB4ZldO#-Pef~7&v8xZz%p5|oQ z+vMN4l>DSNu)CDA;RX{f?CI_Y=XqwnoFI2G9Ia*iv7!FHjVtf+LxgSlpFLossmh4f zPF5kMCDwM4yBQA@au%5tWZf|p)ksB}t?`t3SjS$CTtlhT&NoKT3EF%HjqzwFDsxD2 zr(negsRPJ}gWVt2DjR2b{JXmb`>%*)St7i>!Xen~{BIN8T;1}CC5`H++BY74+L+4T zG&AQNOAKV!Z=BXI@WZYxxe&N0igI3&?~}V)HPcPHDt`3}NZ*L>JVoMEX9|kXsfhtA zgpNZrx}ijI%;nC<1kp;QX$}J>#QZBKS~#reHey=bqNn@v0U=3!VqEf{<5?6pIYPLE z3M8a3jRjXXWe^c^I@d-eiVB+ExW9tO6Yd6LsS3;1z>dl7hqwZ>^^onO#CXWX3~6It zowLMFC)1L;neXB`ni6qTS+CsVurjf>CN_Ji_6iCww}!(<7cY@oUcC=d&SGO{(~YYO zhNt;1((w;9_L3`X?3Tt@uNG&>_YBBzY~$F+F8E113L>j%O~fLoJ%I5LMZpLDv@2$b z&>f82UnLR>FZRbvwefp2qR|4vLN;h~(6!-dP3Zi~J7hKoRFF%FcRZmfLqko7`?MM>(>)peyxfR`r3Vzu+I-J=Fxg2xV#V6lJ8GLFN?b>r3=$ zA_v|VxJu#%GYXcKuZ|@#5kv`K-kt2`8UA7V(-*(Qh1luqV>UCVda0?{GELpi@zE(8 zIS6-iLYx)H+8ED;hb6V74C2kC2X{mmtyvTeK`f@(SL;Ngnep+!;F6|{8ZI?xCxvSj z1er-Gh%!m@>+63{-fU*-m^bmyIAl0#dFcDNw}|+gyJ6o*CwB#b7u>}2GVGYd(Md3C zKPYo?lP6|6{AGlwjMv@wTJ&tB9G&HU2%%fDmECV~*Tp%{4sUxkV>}w)h5cV`*DdoO zKe|lp8ebBSf!Vi;WQHoY${x++T<6D(5DS@`Osw9Cf2e0ePVbI;_~6ZY>CEeLWRXnw z_4g98NMeURHDd1J4qd3SZ*hiKA>5N4t7l-8NT3nzBCDseBGY9di1 zDy)dwPm{j`1y+ru1W<(515Scm`l&RHt$_56c_g{0y_iD6bN=k@3(L0`YO5uBXJXDp zNmvEbbNy!Tll6AJ!nFRBpRi#H2jdOoGn`;iYVKFe>@vE6?}>|jDvGsLoNQ^uujQ*) z1@e_SNQG%~k1Bg`CYIB#kfTR&hXYqGwb<-F8o%QsuIwow`!sgQ0`-H_(GD+t+xqeK zDxtKl@Gxyn`g?e!`!zfca+i*#OWEUXqUtpyc7S#)%Z3nk)U zAgl^4HF?C4z`pMqUiwqUj{IqO!dg!_0P%M7`%+2y9+yNwx;Lv^HLF^;`Hr+Yaiq65 zTiP3Or#b$MokC&>75vD{stbp8FSY_$Gkk&3xwwqA<=sv^K>Z`e%V17jDOL}Lcn~sY ztr^Fk9=0Zne{$YTv+2V8=t1qd*_Zw!VV;_cm@n!Fn*~e60ON#=q0$niZFNtZ8z>H4;;4?z=q(v%;D)&uMW9-f0!}Q?f7S^vj=d1k@rS_v6SIFh)xI zNQv-se0<{&RCCQSZ$Ru1ErpkaR{YEb)!UWgkCRk?m-W~#l_{jZ_D%xsAL@FD?T!UgGl)xBmi&xh;7B literal 0 HcmV?d00001 diff --git a/1.titanic-survivors/small-decision-tree-female.webp b/1.titanic-survivors/small-decision-tree-female.webp new file mode 100644 index 0000000000000000000000000000000000000000..e8bf20076e71a64c285bb87c84ece4462706f9ac GIT binary patch literal 8012 zcmaJ_WmFx_mTfK&+#P}ihae%r-6aGI?(Xgq+$FfXULd#=AV45+aZd>D?hqXA9rC?d z^XA9AskN$W_daJ=)j3_O*XdT3la`jG1OQDbab*oPM;61(+|?8S;HaKGL`|Js+@7(~Gv@YmbNY)jo-w|um9g0~u6o9=U7k1i zjDP>-P5y(m~d>(0^`%6FukOMvd%Fk&v0o(y=zz%Q&Sf59SXT}v! zeYT7L2R-ROdgW)8$+OBDFnv}?0*-(^VEm6B`1=f=eV*IDbL(pHmh&G94qY4o5LaNZ zOF95RN(O+Z1Q_h05C(fH0s#0W0O)b}x8AV;0C=yS`GkLSwD|yl6$$_?KmN^`qys=} z1OO1vI~lte|FaJK^A%)a0RR_e0Dz$l0CF987C8pwrXMuVFMgx?TGNfc32<1sZWQ^6zD zw>q`%IitnjJ~h6j3<(f<^1UvbZ%y)je=|29pyexZ(9TNUy=(heR-Ql6eJAu?q!#9K z*>=VBqzTULZGv)bmr5zrD4`{Z{EKp{|e7_6E7k==yyXm#f)q&q%92G)JF z4->d~53?L%zs9;Z>%;PN91g^qT2>K_n`9Bag)E6e?|d+A9@9PG`-!u78&k7>T=GlB{jTP5@lC`hCn4A zd5(7PDTPH=0`UE&AJZR{Zj^>7j{=M+2Lkc~(jI$ZXwU09p5*Te>OyB8;7;HlV zGsL-qlBs?0FF<@#gPfm~Uz zpm;tpXJ}vzSy1|1m3YxA^sU$%$yaYX1-8m4-@2!H84oAZ@i8Tp!X~A-dXTo5j*d_k z_-KIS4RViHq#u)V(lsvYxWE!2^+~8ghkxQuGt5LINn$!O>OWqGz9}+RV9X}!Bxu3R zD??B#clxTpcEZJ7m=iV58mD8}!f*?}$Q(VrPCgtFgO(ZlKX!=8yAg7Hiu1ZAW{wrFxap1dK?G?BwaP(!KsUh>KR^!Mk4Z&aUNrziG@ zv)msX2BmZ|XFMq2U(_DxeU};CXBNGCC97Ut&vkfFiJZpJV`=G*#TRDQ>W#73rgmS2 zV*h%8&2LdLgguKY5)Rrb<-&#UA}x=6@cSw`usn!omF0D$8(al$!t-mimd)JHyC5Ie z6%OlDdLrk+Opqo3dT1Zr8!q?LUbVducN5s9cbJ~ z26aVA?SBnpO!#@xkyfsZ95n5}7w>VYu3e=%=};tVG+wW_%_5Ek04S_eCvtJRLhz7c z(JE^K{#!lkmOq?h6HEHGZ0d~6v}HMg?Y-Io_dqy4^|JWI1U-gVHkRVRA47G)V!nA4 z#1NCGpJ#KR6PnCGviXav468s14bVoW?e=O^&jqzun0;c+tw^u|Fy@7C@M4hTLk~$U zD5hur1xg#daFwhrX;jV+af@?RE!k6tpQZf9XM5MK27K?8N}Sf zSBKm|e|am_r&ev8X*5Be$87cxdQb2ei=kjZcrWy+K^aUHhRzPvLv*CF)0@Tv7+=58B1q7lOW;ij)b9YzQBVSo9cw){F>?V)B>A zsHBR>w@&heVo&?*D|h@(hbRXa_;nsM)L1nT3y#-Gm)T~SvcBrY(nH7B8~Y6F-orQd zK|&^2CkJ5=vrqi!NT}?;VVhO8MueQwo{*31p8B7n6cP=UBiMMzW-oIY_evSwOzIg) zZu+6T_%SN~AYXS&fZ-0vR~^e}Qx;SG*3vec3=Z)$z}uqsT-)!#++WH-N8P-^I%uyn zP}El9B-+10p%4mA9G#H=(neJ|$uGuEa`98@TqZ7a1 z`Chr^%4SDO6IQ;j|GSOa_@*? zz#DCu{r>IuGf4J1MGA&Rg69~S_`5;JrEsi?lvSOnG*vX=v2z`;kH@%ct7#uEheW!3 z*59J!xgMdy-`D*Zi2vg2_zk?Ar@vMB#nk-oQNN}Q4`KID-Rce$KEn}rdZO2r^smf# zRw*y~!Hyfh^!h8Vs6#)JXvQn9&X2 z7H*-S|LkzlDa$uW9Wd`RUny0)gDYey^dUD>lOn$NeL1Ol1Rm|8KJES7rTO-F*%f*6 z{D55zMx7A=vipJ8>Gmz$;AXh|m*s7Ry>*Sd$rrlZSlSkkVQmJy+=g|U`@97orpC$d zg~{{wZAjlpmCL|2pNyxQCoN@r*DSqY3V5HqVv}%hHutt|+9_&r^JIOIHZe4ekGn2q ziLa9=DoeSnnfo4p^kd^#9Y|X1?7C*8w)u-7@9ndUriJym2)nrW>NS9h2~XB+7R%{^ zc{~Hi4Bi%K7HQl>zLAPDtB7tIQxmjs5xb76GsQ^J9!2Poxx-EzIVHFU{!~T;QFs+x zPWAMmauG_a6eV!!gdO#N)y|l{*uFu^#jg#73zGgM+3=xW(7oFICnv* z(ozWDZGCc36r|tPyap+Z%(aNN7fuIZ$`C;j#0Almwb7uTb}h28~KK$-L+X| z#-h1|HN-1^0eX4|C$r-FQ=cQv@-msJtlE$O^C9}w9h!{_&n&QXXHkL$$+`l5Tckxj zlJY#f1E47(Yj0M&uod+vZV`8b@8~tZ>P#}2NiikILr+2{4-b-DtZrnMvm+fxEmGG} z5jcXd$!u&X`89T4GnkN6j-+9p%OVih_J=)rdOQs7;$E+rcX1d0TE4oZPq4GaF?st= zrbA#w_iVLc2%w&N3``)c;JIRq9o|Ho09QpKIUuEv{aH(uwpS=ULbXI)7BUohCx{I}`3MfV!tN&JK`IOkZB z{|-47A0J|+(|N#DKH$clZ&1#I2XUUBh6B__eys*VEF1}7?_4iIpQuvkr0<`wprZ;! z^1|c!%zjEWQCO0RZN@x7Ax#Ws9o$Qf6+32wBU{`>_z;3Gg}e8Mei=I-N;qnlyVMBT z`(mbKA*!a!gN8W88%f9p6HsWk3KTGRq2B<> z;SGV$=4Az_!@cx_XWyvdO?kJz8BsF|43f=___+$A;1OMepkbc4^nBdVUbHI_Ok*3W z9aIcR7@xlYXU7V~k}mlAmIE4@OdIe=?Hd7dNpd?g>6gs&3A-Nrii9Qf$>AvXy)ZD0 zJ*N}07FDT097HN?yQqt1vu--D0V%TOc+hrgSo7dJd~7GBp1z)30XzIe?iFq@%7AZ> z&tg%FT68ppBws=NB!EeMi@pe2aH5#N(xHNPdjtUbG2V5Ua*cXdyDpo+tsfH;A`5%r z|3fai(2mn^Moz`i&%pKZSXYs!Mf~F@W&|{0);k3?SO1{!p0KP$nmw{j;$z>GeP0=g z`_v;YnQJh1y2716&#ph0Z!_3PPLM))-ofj-|89)g6q-DM?pM8olsiY{)v$fkhgvj2 z?&rV3ozhaJh#Y(C2W7@Djx5^S$$`ufqFjEU%l9;l;0^FRR8D;Rr)ilpxNj!FCOIv8 z!m7#V+@tlq4&SdDy*{WA#i!OLuv(1cKuyDkfyk!322YuzcXy`7F_($yEflq?*~)T* z5$mcYv~7-2nhW+Z)RGLLs-Esn7_tGpL457^px$+~z=do-zG;bV4*DemjhT=Hj{ThA z38GSsQs;d`Prn3t)Uxuv<%Oj9_zI!8m*|VzM&#FzFY0;*9Kh!qUd~?IlO>uT=T{wB zTj(eSa3#Nf=$qJKRV*;ATlyx*pTaK7268{NS}lS&61BqWX$vvbq{(f*Ob%_*Z+(+H zVW##dy#S-LZwxhDZp|DgNNbJ0ALu|;LD0mUr@yYfRp(_n2dRI!^&NbjwVXg#kW2?y z=k!6CTa=Kr8pq*wb|z@eU8Cr!iZSIH=uZWe6X2s0GvxkQVWvz!P$D&Ws?L(p&R8RO z@2n4dM?HSlT=QX_9g*BcIW>Mi9zU6i)0ft=RJbLS_aBR-H6o1|drqY7n ztdq&L%B!4W-ZJgNQDVFiQX38MDL2-!WZ~KkBUQoCRqzHd^R5oxxSKA*h5|~O-(t+j;`8`V6{9Fu!Vp^Qr%y5SJ$^_M z=SG)R5&NMO3hm_4@`u1M9PF6l+L;!r2~2;!7H8$aIDLJ5OHM9cArr7+M)$N=;b;!+xEk$x<%nF8}l5Ve=pc`wIn|MCt9>V8Jt6Xzi3 zzIkenApK@w`$%hWIK@sC?xXrp3S5%Rg)(#7Bo}pYQ{(24HQ${b3Kh$vTo+ur4yHVO z7UH!6k%>Mh^iUc-QOMrsbY&rgx+`05LOF+XEX75czu2K`GUMljDFoyKH?CQ#hH!j> zq_0O1C~8b$X~+o$Qh{c?cg*AHvyR+K+4z80Gxc0^fylZ(|o_#yRKV5=b?cI5)P!e@}Sh8Kxu z@}9S7^r=R4<$5R$=4q00zaHGFos-RCeh5JB0?3(1_BFK6! zD=$^m>#KyvIwa)_y6n>${n8Igcwa`ys0dnj`Qn~oGc!2|zTUZYmoDvekmEtk`|>6O zXN!P2wX9Im-h{>=y+bDGaL{e3IrFz+MVzCL?ZJUgyC}}5oQ2BAg?@f5B`OiZltImm z$MmIH>4XX?Z}sML`p2WEgYf>{;hzMyV&rFiVEBtL+?4K1EN6>3`=6Hmt&ak?Owm28 z>s}Hn$@yS`6f5jej#P68^J(_-&(UKp1dQ5ILF8dCjA)L^*bg}jjs@pQ^BQDv08qmV_O@E$_P2v6~|vis_1f>u_`w`lz8# z=$nFpwIxk;SA~#sA_b%3EjB_iMSLQdHckeMv$wV~;D-roSIs2+`tHK~o8xL*k4BWy zc0WmUmX{Q@A@~BzazkJKAGn+uPX$d3sMVEgC5tcik6T=6a?t zowEk0cV2R)-L8$kw9Rjoi5VtWqT(i2;oSCIj7c)#?-+eM;vuMfbZ1yg&!sGVX3Cxa z?bGUho7cBr*RG@GDcje*Zw6j-BS(%_g(Aa9MEhy$q#;r2mC|Fb>>pj7uF7mF2E&^V z0wTUEs(jzIElFT4$;wtnY0rGpD%IG4ryLKsqB2%AxdXJ%ZR6Ux%yD%LMK&lA?m}Hy zZ19xUlT;65#Yrp~Nmit4`5UUa9P9_@y7o8G=|hKrkvX$B6X5^J5u*^J%+fEeo7z6fXwZQ33`qvoQ8e@;&Oj)Njwxq=NB3g z7^>c3t!@f_(r29_7)mbfBb5KdH7ylk*!jZAFYp0U`H~MYosR-d{x;LbkM6!r=eI<< zADVx5ByRjeoXb!9rd7&cb+)PBW6_lS`&;MYbk1|HR0|RI>4&=%k1-|hg@SO?Z|4-iIYpfO&`QQ^267 zLE1EBq4!bdqvFSAw!A@+%q&*8Ab{`wQipnqR%{dvmk6HfBwv#COoB13iKbn6om1+( zXyazhr6pfi1nTZtY~Utj=MOF zDtD3}a^5Q}pKH*RATa)C8#GJGvW4`PtdWMA-&on3(`e6-P2280L8ZE#gxo8~O|MDn zC2Tx$GI;u6rRZH=H8XbcCCznS{rbU`Xv*5XhRoe9Z^l-*0iBiyy>RNchPXEpm)mhh zyXb?~NXaOdsVTDkHd*!D=|D5%z%9K9kbHc(;Vc|k)HqgYHeDO!4_!AC;3cxihbICJ zZAv=S_T3ikqA*jZW5?r@VR}=L82N;LZ8v7nl_b0l>2HNeAMG0zvc{h?=!W2M`B?@{ z5%9X4DRfka8j_i63O~hBV9LBCeOJ&RQx{?qCUIqw&wqRq*d8#kRWPa+U(CNp8-ZE% zjVM1DpG61O#>)bKVqTP|992(NAG#T~eCnNZsEeT34%+u;de{N~o{X{LhBAvQo*j^A zu-gjMuK3-K6%fA_*{^iiev?&;mUPFRC}U^C#uBlul7sI60?p^&PjafL5ca=TJ`EE* zTwBGV?2wn~J#2w2Y39b>v%Sb~2xx!d{I!v#pCq_Ygm*`Z;U*Zo_@Y5qNW)p|SX9~n zB;hkZr${P2Og!6`{N_kQ32oB3ocAJri}n5OSJg_OtFkE4b{+={rDF9We=b0R;iSH> zd5P+l(O5|QX?r|0^iXr~l$nZA@1`T|QuPNy`QP(WD1t&rg(VC(F7V<31)a`OwW;N{ zB_l7>;ELdF_B!G!9WL)W`*1L5G>nR~3nR?5CAM|PEk5PQwlT#l*%_(qoj{Wj!=;6Q z!PK2@jVhQj!~Mp#udHme(!$B@i4yJdYco3ea!MuyJ5Rco!%i(~WoTtyF^;VC z7fMg~RDLV)Q$FOh#%*S4S)REkwGC8Qmwt?J`~+r&8FkXCM4)fxr-o~0bJ;0;J!M|0 zm8%`_PsYGDxC@=jvm6t!!VHExQkSCX_<+^7?gtM({o|uTgYHG75FvQ+y)d_Lex1<= ztr-EqaJ;p5Z}-E8o$cMPEp~kBp?wFRH<(1pxG+YZf>Jy#yV}{cDBe0zfR5zKv@U%a4ExVyJzQ4SQFUuxNfjdG@Ih4r`N?>kjT z2U&}G^xD>Vs8I;7eS3H%jRkdGrjB5o@Ar#qRJ+Sv*~MQ0VY^ffmv-y=a!yW2klk#R zsSOL?Td$_H+))o0=#i+cTij;IByv8%%7EMj+n}zohEhuuR)p|OvO!fMrZllgOR=3foH6U}}zixFw z8Ob+WDMu0)AM@c&_E(nQnVVAS7{R2kLqp>dtiWR*Y+BiFhbm55`-y^P2H-@)rFWQd zf+;}cqVa@W*9WR+xqE}HMs(Xg(^S4PJ+#iAYcxTQv0wcT;Ro^dcEGmQ;)*hn1-Qct z#pa%6c7&2{{oOJOJxO>Cg*9NX9i%`a{Z{iFZha4zKtt4fEPSp%&qGo5;`&XUPiAQl z1R*zZKS1r;D)`0FXLMnK>Ce?CFQ@PKFdVVM^9i6N?WcKcS%v)C%QMYyx@T#A-NsUX zLZNMq{pn@Y=`-SF>GX>j@8j~K=eAWga<+>1_SdJWYP-@I-;{%U`tq?%lm3CR%ZePgR9X#$JAtQ6Iz%{i)LD41TA;t^_93U@Vtj#DuQy1&FV=H(>wf8q`iOj8r^Tc~eis8y^{7$c zz=rlDA(|G?Cq-=4`v<*iWj<#X?K4#Zkg6b@q-8iBVhX zxR@C&NV?g<)lp>loyglsaFZgkJc0aACq8Ap@0y3?HJ(laGNq2@$$ZE}E=OFTeddc9 z*`urq&Cd+U?{>O&QazepF`Tk|4599uU}np(M}sjfFW%A|Ive&Pd>M4q2eHJn**0_1 zAFz>@=tBx(+U~~A36hj9nU$jg0jDF$8a$@#tl#q)291ty?j%4>Jl_5oQBUJ>f%S8I z$OlHCuKh>Z&pWOi?jEt3gkcZVL|nR?vYX7l38yeG%TL$_8mEoKT25Xo)kAdlnVjjU z+MeHs@64@vHkXbN^^hz?etcgr?jRMq=r6!Vbm_9zbuAlXv8QxM34I%?`uuPAzW_sz B7TEv* literal 0 HcmV?d00001 diff --git a/1.titanic-survivors/titanic.csv b/1.titanic-survivors/titanic.csv new file mode 100644 index 0000000..cea94a2 --- /dev/null +++ b/1.titanic-survivors/titanic.csv @@ -0,0 +1,1044 @@ +survived,passenger_class,age,siblings_spouses,parents_children,fare,has_cabin,is_female,embarked_C,embarked_Q,embarked_S +True,1,29.0,0,0,211.3375,True,True,False,False,True +True,1,0.9167,1,2,151.55,True,False,False,False,True +False,1,2.0,1,2,151.55,True,True,False,False,True +False,1,30.0,1,2,151.55,True,False,False,False,True +False,1,25.0,1,2,151.55,True,True,False,False,True +True,1,48.0,0,0,26.55,True,False,False,False,True +True,1,63.0,1,0,77.9583,True,True,False,False,True +False,1,39.0,0,0,0.0,True,False,False,False,True +True,1,53.0,2,0,51.4792,True,True,False,False,True +False,1,71.0,0,0,49.5042,False,False,True,False,False +False,1,47.0,1,0,227.525,True,False,True,False,False +True,1,18.0,1,0,227.525,True,True,True,False,False +True,1,24.0,0,0,69.3,True,True,True,False,False +True,1,26.0,0,0,78.85,False,True,False,False,True +True,1,80.0,0,0,30.0,True,False,False,False,True +False,1,24.0,0,1,247.5208,True,False,True,False,False +True,1,50.0,0,1,247.5208,True,True,True,False,False +True,1,32.0,0,0,76.2917,True,True,True,False,False +False,1,36.0,0,0,75.2417,True,False,True,False,False +True,1,37.0,1,1,52.5542,True,False,False,False,True +True,1,47.0,1,1,52.5542,True,True,False,False,True +True,1,26.0,0,0,30.0,True,False,True,False,False +True,1,42.0,0,0,227.525,False,True,True,False,False +True,1,29.0,0,0,221.7792,True,True,False,False,True +False,1,25.0,0,0,26.0,False,False,True,False,False +True,1,25.0,1,0,91.0792,True,False,True,False,False +True,1,19.0,1,0,91.0792,True,True,True,False,False +True,1,35.0,0,0,135.6333,True,True,False,False,True +True,1,28.0,0,0,26.55,True,False,False,False,True +False,1,45.0,0,0,35.5,True,False,False,False,True +True,1,40.0,0,0,31.0,True,False,True,False,False +True,1,30.0,0,0,164.8667,True,True,False,False,True +True,1,58.0,0,0,26.55,True,True,False,False,True +False,1,42.0,0,0,26.55,True,False,False,False,True +True,1,45.0,0,0,262.375,False,True,True,False,False +True,1,22.0,0,1,55.0,True,True,False,False,True +False,1,41.0,0,0,30.5,True,False,False,False,True +False,1,48.0,0,0,50.4958,True,False,True,False,False +True,1,44.0,0,0,27.7208,True,True,True,False,False +True,1,59.0,2,0,51.4792,True,True,False,False,True +True,1,60.0,0,0,76.2917,True,True,True,False,False +True,1,41.0,0,0,134.5,True,True,True,False,False +False,1,45.0,0,0,26.55,True,False,False,False,True +True,1,42.0,0,0,26.2875,True,False,False,False,True +True,1,53.0,0,0,27.4458,False,True,True,False,False +True,1,36.0,0,1,512.3292,True,False,True,False,False +True,1,58.0,0,1,512.3292,True,True,True,False,False +False,1,33.0,0,0,5.0,True,False,False,False,True +False,1,28.0,0,0,47.1,False,False,False,False,True +False,1,17.0,0,0,47.1,False,False,False,False,True +True,1,11.0,1,2,120.0,True,False,False,False,True +True,1,14.0,1,2,120.0,True,True,False,False,True +True,1,36.0,1,2,120.0,True,False,False,False,True +True,1,36.0,1,2,120.0,True,True,False,False,True +False,1,49.0,0,0,26.0,False,False,False,False,True +False,1,36.0,1,0,78.85,True,False,False,False,True +True,1,76.0,1,0,78.85,True,True,False,False,True +False,1,46.0,1,0,61.175,True,False,False,False,True +True,1,47.0,1,0,61.175,True,True,False,False,True +True,1,27.0,1,0,53.1,True,False,False,False,True +True,1,33.0,1,0,53.1,True,True,False,False,True +True,1,36.0,0,0,262.375,True,True,True,False,False +True,1,30.0,0,0,86.5,True,True,False,False,True +True,1,45.0,0,0,29.7,True,False,True,False,False +False,1,27.0,1,0,136.7792,True,False,True,False,False +True,1,26.0,1,0,136.7792,True,True,True,False,False +True,1,22.0,0,0,151.55,False,True,False,False,True +False,1,47.0,0,0,25.5875,True,False,False,False,True +True,1,39.0,1,1,83.1583,True,True,True,False,False +False,1,37.0,1,1,83.1583,True,False,True,False,False +True,1,64.0,0,2,83.1583,True,True,True,False,False +True,1,55.0,2,0,25.7,True,True,False,False,True +False,1,70.0,1,1,71.0,True,False,False,False,True +True,1,36.0,0,2,71.0,True,True,False,False,True +True,1,64.0,1,1,26.55,True,True,False,False,True +False,1,39.0,1,0,71.2833,True,False,True,False,False +True,1,38.0,1,0,71.2833,True,True,True,False,False +True,1,51.0,0,0,26.55,True,False,False,False,True +True,1,27.0,0,0,30.5,False,False,False,False,True +True,1,33.0,0,0,151.55,False,True,False,False,True +False,1,31.0,1,0,52.0,True,False,False,False,True +True,1,27.0,1,2,52.0,True,True,False,False,True +True,1,31.0,1,0,57.0,True,False,False,False,True +True,1,17.0,1,0,57.0,True,True,False,False,True +True,1,53.0,1,1,81.8583,True,False,False,False,True +True,1,4.0,0,2,81.8583,True,False,False,False,True +True,1,54.0,1,1,81.8583,True,True,False,False,True +False,1,50.0,1,0,106.425,True,False,True,False,False +True,1,27.0,1,1,247.5208,True,True,True,False,False +True,1,48.0,1,0,106.425,True,True,True,False,False +True,1,48.0,1,0,39.6,True,True,True,False,False +True,1,49.0,1,0,56.9292,True,False,True,False,False +False,1,39.0,0,0,29.7,True,False,True,False,False +True,1,23.0,0,1,83.1583,True,True,True,False,False +True,1,38.0,0,0,227.525,True,True,True,False,False +True,1,54.0,1,0,78.2667,True,True,True,False,False +False,1,36.0,0,0,31.6792,True,True,True,False,False +True,1,36.0,0,0,26.3875,True,False,False,False,True +False,1,30.0,0,0,27.75,True,False,True,False,False +True,1,24.0,3,2,263.0,True,True,False,False,True +True,1,28.0,3,2,263.0,True,True,False,False,True +True,1,23.0,3,2,263.0,True,True,False,False,True +False,1,19.0,3,2,263.0,True,False,False,False,True +False,1,64.0,1,4,263.0,True,False,False,False,True +True,1,60.0,1,4,263.0,True,True,False,False,True +True,1,30.0,0,0,56.9292,True,True,True,False,False +True,1,50.0,2,0,133.65,False,False,False,False,True +True,1,43.0,1,0,27.7208,True,False,True,False,False +True,1,22.0,0,2,49.5,True,True,True,False,False +True,1,60.0,1,1,79.2,True,False,True,False,False +True,1,48.0,1,1,79.2,True,True,True,False,False +False,1,37.0,1,0,53.1,True,False,False,False,True +True,1,35.0,1,0,53.1,True,True,False,False,True +False,1,47.0,0,0,38.5,True,False,False,False,True +True,1,35.0,0,0,211.5,True,True,True,False,False +True,1,22.0,0,1,59.4,False,True,True,False,False +True,1,45.0,0,1,59.4,False,True,True,False,False +False,1,24.0,0,0,79.2,True,False,True,False,False +True,1,49.0,1,0,89.1042,True,False,True,False,False +False,1,71.0,0,0,34.6542,True,False,True,False,False +True,1,53.0,0,0,28.5,True,False,True,False,False +True,1,19.0,0,0,30.0,True,True,False,False,True +False,1,38.0,0,1,153.4625,True,False,False,False,True +True,1,58.0,0,1,153.4625,True,True,False,False,True +True,1,23.0,0,1,63.3583,True,False,True,False,False +True,1,45.0,0,1,63.3583,True,True,True,False,False +False,1,46.0,0,0,79.2,True,False,True,False,False +True,1,25.0,1,0,55.4417,True,False,True,False,False +True,1,25.0,1,0,55.4417,True,True,True,False,False +True,1,48.0,1,0,76.7292,True,False,True,False,False +True,1,49.0,1,0,76.7292,True,True,True,False,False +False,1,45.0,1,0,83.475,True,False,False,False,True +True,1,35.0,1,0,83.475,True,True,False,False,True +False,1,40.0,0,0,0.0,True,False,False,False,True +True,1,27.0,0,0,76.7292,True,False,True,False,False +True,1,24.0,0,0,83.1583,True,True,True,False,False +False,1,55.0,1,1,93.5,True,False,False,False,True +True,1,52.0,1,1,93.5,True,True,False,False,True +False,1,42.0,0,0,42.5,True,False,False,False,True +False,1,55.0,0,0,50.0,True,False,False,False,True +True,1,16.0,0,1,57.9792,True,True,True,False,False +True,1,44.0,0,1,57.9792,True,True,True,False,False +True,1,51.0,1,0,77.9583,True,True,False,False,True +False,1,42.0,1,0,52.0,False,False,False,False,True +True,1,35.0,1,0,52.0,False,True,False,False,True +True,1,35.0,0,0,26.55,False,False,True,False,False +True,1,38.0,1,0,90.0,True,False,False,False,True +True,1,35.0,1,0,90.0,True,True,False,False,True +False,1,50.0,0,0,28.7125,True,True,True,False,False +True,1,49.0,0,0,0.0,True,False,False,False,True +False,1,46.0,0,0,26.0,False,False,False,False,True +False,1,50.0,0,0,26.0,True,False,False,False,True +False,1,32.5,0,0,211.5,True,False,True,False,False +False,1,58.0,0,0,29.7,True,False,True,False,False +False,1,41.0,1,0,51.8625,True,False,False,False,True +True,1,42.0,1,0,52.5542,True,False,False,False,True +True,1,45.0,1,0,52.5542,True,True,False,False,True +True,1,39.0,0,0,211.3375,False,True,False,False,True +True,1,49.0,0,0,25.9292,True,True,False,False,True +True,1,30.0,0,0,106.425,False,True,True,False,False +True,1,35.0,0,0,512.3292,True,False,True,False,False +False,1,42.0,0,0,26.55,False,False,False,False,True +True,1,55.0,0,0,27.7208,False,True,True,False,False +True,1,16.0,0,1,39.4,True,True,False,False,True +True,1,51.0,0,1,39.4,True,True,False,False,True +False,1,29.0,0,0,30.0,True,False,False,False,True +True,1,21.0,0,0,77.9583,True,True,False,False,True +False,1,30.0,0,0,45.5,False,False,False,False,True +True,1,58.0,0,0,146.5208,True,True,True,False,False +True,1,15.0,0,1,211.3375,True,True,False,False,True +False,1,30.0,0,0,26.0,True,False,False,False,True +True,1,16.0,0,0,86.5,True,True,False,False,True +False,1,19.0,1,0,53.1,True,False,False,False,True +True,1,18.0,1,0,53.1,True,True,False,False,True +True,1,24.0,0,0,49.5042,True,True,True,False,False +False,1,46.0,0,0,75.2417,True,False,True,False,False +False,1,54.0,0,0,51.8625,True,False,False,False,True +True,1,36.0,0,0,26.2875,True,False,False,False,True +False,1,28.0,1,0,82.1708,False,False,True,False,False +False,1,65.0,0,0,26.55,True,False,False,False,True +False,1,44.0,2,0,90.0,True,False,False,True,False +True,1,33.0,1,0,90.0,True,True,False,True,False +True,1,37.0,1,0,90.0,True,True,False,True,False +True,1,30.0,1,0,57.75,True,False,True,False,False +False,1,55.0,0,0,30.5,True,False,False,False,True +False,1,47.0,0,0,42.4,False,False,False,False,True +False,1,37.0,0,1,29.7,True,False,True,False,False +True,1,31.0,1,0,113.275,True,True,True,False,False +True,1,23.0,1,0,113.275,True,True,True,False,False +False,1,58.0,0,2,113.275,True,False,True,False,False +True,1,19.0,0,2,26.2833,True,True,False,False,True +False,1,64.0,0,0,26.0,False,False,False,False,True +True,1,39.0,0,0,108.9,True,True,True,False,False +True,1,22.0,0,1,61.9792,True,True,True,False,False +False,1,65.0,0,1,61.9792,True,False,True,False,False +False,1,28.5,0,0,27.7208,True,False,True,False,False +False,1,45.5,0,0,28.5,True,False,False,False,True +False,1,23.0,0,0,93.5,True,False,False,False,True +False,1,29.0,1,0,66.6,True,False,False,False,True +True,1,22.0,1,0,66.6,True,True,False,False,True +False,1,18.0,1,0,108.9,True,False,True,False,False +True,1,17.0,1,0,108.9,True,True,True,False,False +True,1,30.0,0,0,93.5,True,True,False,False,True +True,1,52.0,0,0,30.5,True,False,False,False,True +False,1,47.0,0,0,52.0,True,False,False,False,True +True,1,56.0,0,1,83.1583,True,True,True,False,False +False,1,38.0,0,0,0.0,False,False,False,False,True +False,1,22.0,0,0,135.6333,False,False,True,False,False +True,1,43.0,0,1,211.3375,True,True,False,False,True +False,1,31.0,0,0,50.4958,True,False,False,False,True +True,1,45.0,0,0,26.55,False,False,False,False,True +True,1,33.0,0,0,27.7208,True,True,True,False,False +False,1,46.0,0,0,79.2,False,False,True,False,False +False,1,36.0,0,0,40.125,True,False,True,False,False +True,1,33.0,0,0,86.5,True,True,False,False,True +False,1,55.0,1,0,59.4,False,False,True,False,False +True,1,54.0,1,0,59.4,False,True,True,False,False +False,1,33.0,0,0,26.55,False,False,False,False,True +True,1,13.0,2,2,262.375,True,False,True,False,False +True,1,18.0,2,2,262.375,True,True,True,False,False +True,1,21.0,2,2,262.375,True,True,True,False,False +False,1,61.0,1,3,262.375,True,False,True,False,False +True,1,48.0,1,3,262.375,True,True,True,False,False +True,1,24.0,0,0,69.3,True,True,True,False,False +True,1,35.0,1,0,57.75,True,True,True,False,False +True,1,30.0,0,0,31.0,False,True,True,False,False +True,1,34.0,0,0,26.55,False,False,False,False,True +True,1,40.0,0,0,153.4625,True,True,False,False,True +True,1,35.0,0,0,26.2875,True,False,False,False,True +False,1,50.0,1,0,55.9,True,False,False,False,True +True,1,39.0,1,0,55.9,True,True,False,False,True +True,1,56.0,0,0,35.5,True,False,True,False,False +True,1,28.0,0,0,35.5,True,False,False,False,True +False,1,56.0,0,0,26.55,False,False,False,False,True +False,1,56.0,0,0,30.6958,True,False,True,False,False +False,1,24.0,1,0,60.0,True,False,False,False,True +True,1,18.0,1,0,60.0,True,True,False,False,True +True,1,24.0,1,0,82.2667,True,False,False,False,True +True,1,23.0,1,0,82.2667,True,True,False,False,True +True,1,6.0,0,2,134.5,True,False,True,False,False +True,1,45.0,1,1,134.5,True,False,True,False,False +True,1,40.0,1,1,134.5,True,True,True,False,False +False,1,57.0,1,0,146.5208,True,False,True,False,False +True,1,32.0,0,0,30.5,True,False,True,False,False +False,1,62.0,0,0,26.55,True,False,False,False,True +True,1,54.0,1,0,55.4417,True,False,True,False,False +True,1,43.0,1,0,55.4417,True,True,True,False,False +True,1,52.0,1,0,78.2667,True,True,True,False,False +False,1,67.0,1,0,221.7792,True,False,False,False,True +False,1,63.0,1,0,221.7792,True,True,False,False,True +False,1,61.0,0,0,32.3208,True,False,False,False,True +True,1,48.0,0,0,25.9292,True,True,False,False,True +True,1,18.0,0,2,79.65,True,True,False,False,True +False,1,52.0,1,1,79.65,True,False,False,False,True +True,1,39.0,1,1,79.65,True,True,False,False,True +True,1,48.0,1,0,52.0,True,False,False,False,True +False,1,49.0,1,1,110.8833,True,False,True,False,False +True,1,17.0,0,2,110.8833,True,False,True,False,False +True,1,39.0,1,1,110.8833,True,True,True,False,False +True,1,31.0,0,0,28.5375,True,False,True,False,False +False,1,40.0,0,0,27.7208,False,False,True,False,False +False,1,61.0,0,0,33.5,True,False,False,False,True +False,1,47.0,0,0,34.0208,True,False,False,False,True +True,1,35.0,0,0,512.3292,False,True,True,False,False +False,1,64.0,1,0,75.25,True,False,True,False,False +True,1,60.0,1,0,75.25,True,True,True,False,False +False,1,60.0,0,0,26.55,False,False,False,False,True +False,1,54.0,0,1,77.2875,True,False,False,False,True +False,1,21.0,0,1,77.2875,True,False,False,False,True +True,1,55.0,0,0,135.6333,True,True,True,False,False +True,1,31.0,0,2,164.8667,True,True,False,False,True +False,1,57.0,1,1,164.8667,False,False,False,False,True +True,1,45.0,1,1,164.8667,False,True,False,False,True +False,1,50.0,1,1,211.5,True,False,True,False,False +False,1,27.0,0,2,211.5,True,False,True,False,False +True,1,50.0,1,1,211.5,True,True,True,False,False +True,1,21.0,0,0,26.55,False,True,False,False,True +False,1,51.0,0,1,61.3792,False,False,True,False,False +True,1,21.0,0,1,61.3792,False,False,True,False,False +True,1,31.0,0,0,134.5,True,True,True,False,False +False,1,62.0,0,0,26.55,False,False,False,False,True +True,1,36.0,0,0,135.6333,True,True,True,False,False +False,2,30.0,1,0,24.0,False,False,True,False,False +True,2,28.0,1,0,24.0,False,True,True,False,False +False,2,30.0,0,0,13.0,False,False,False,False,True +False,2,18.0,0,0,11.5,False,False,False,False,True +False,2,25.0,0,0,10.5,False,False,False,False,True +False,2,34.0,1,0,26.0,False,False,False,False,True +True,2,36.0,1,0,26.0,False,True,False,False,True +False,2,57.0,0,0,13.0,False,False,False,False,True +False,2,18.0,0,0,11.5,False,False,False,False,True +False,2,23.0,0,0,10.5,False,False,False,False,True +True,2,36.0,0,0,13.0,True,True,False,False,True +False,2,28.0,0,0,10.5,False,False,False,False,True +False,2,51.0,0,0,12.525,False,False,False,False,True +True,2,32.0,1,0,26.0,False,False,False,False,True +True,2,19.0,1,0,26.0,False,True,False,False,True +False,2,28.0,0,0,26.0,False,False,False,False,True +True,2,1.0,2,1,39.0,True,False,False,False,True +True,2,4.0,2,1,39.0,True,True,False,False,True +True,2,12.0,2,1,39.0,True,True,False,False,True +True,2,36.0,0,3,39.0,True,True,False,False,True +True,2,34.0,0,0,13.0,True,False,False,False,True +True,2,19.0,0,0,13.0,False,True,False,False,True +False,2,23.0,0,0,13.0,False,False,False,False,True +False,2,26.0,0,0,13.0,False,False,False,False,True +False,2,42.0,0,0,13.0,False,False,False,False,True +False,2,27.0,0,0,13.0,False,False,False,False,True +True,2,24.0,0,0,13.0,True,True,False,False,True +True,2,15.0,0,2,39.0,False,True,False,False,True +False,2,60.0,1,1,39.0,False,False,False,False,True +True,2,40.0,1,1,39.0,False,True,False,False,True +True,2,20.0,1,0,26.0,False,True,False,False,True +False,2,25.0,1,0,26.0,False,False,False,False,True +True,2,36.0,0,0,13.0,False,True,False,False,True +False,2,25.0,0,0,13.0,False,False,False,False,True +False,2,42.0,0,0,13.0,False,False,False,False,True +True,2,42.0,0,0,13.0,False,True,False,False,True +True,2,0.8333,0,2,29.0,False,False,False,False,True +True,2,26.0,1,1,29.0,False,False,False,False,True +True,2,22.0,1,1,29.0,False,True,False,False,True +True,2,35.0,0,0,21.0,False,True,False,False,True +False,2,19.0,0,0,13.0,False,False,False,False,True +False,2,44.0,1,0,26.0,False,True,False,False,True +False,2,54.0,1,0,26.0,False,False,False,False,True +False,2,52.0,0,0,13.5,False,False,False,False,True +False,2,37.0,1,0,26.0,False,False,False,False,True +False,2,29.0,1,0,26.0,False,True,False,False,True +True,2,25.0,1,1,30.0,False,True,False,False,True +True,2,45.0,0,2,30.0,False,True,False,False,True +False,2,29.0,1,0,26.0,False,False,False,False,True +True,2,28.0,1,0,26.0,False,True,False,False,True +False,2,29.0,0,0,10.5,False,False,False,False,True +False,2,28.0,0,0,13.0,False,False,False,False,True +True,2,24.0,0,0,10.5,False,False,False,False,True +True,2,8.0,0,2,26.25,False,True,False,False,True +False,2,31.0,1,1,26.25,False,False,False,False,True +True,2,31.0,1,1,26.25,False,True,False,False,True +True,2,22.0,0,0,10.5,True,True,False,False,True +False,2,30.0,0,0,13.0,False,True,False,False,True +False,2,21.0,0,0,11.5,False,False,False,False,True +True,2,8.0,1,1,36.75,False,False,False,False,True +False,2,18.0,0,0,73.5,False,False,False,False,True +True,2,48.0,0,2,36.75,False,True,False,False,True +True,2,28.0,0,0,13.0,False,True,False,False,True +False,2,32.0,0,0,13.0,False,False,False,False,True +False,2,17.0,0,0,73.5,False,False,False,False,True +False,2,29.0,1,0,27.7208,False,False,True,False,False +True,2,24.0,1,0,27.7208,False,True,True,False,False +False,2,25.0,0,0,31.5,False,False,False,False,True +False,2,18.0,0,0,73.5,False,False,False,False,True +True,2,18.0,0,1,23.0,False,True,False,False,True +True,2,34.0,0,1,23.0,False,True,False,False,True +False,2,54.0,0,0,26.0,False,False,False,False,True +True,2,8.0,0,2,32.5,False,False,False,False,True +False,2,42.0,1,1,32.5,False,False,False,False,True +True,2,34.0,1,1,32.5,False,True,False,False,True +True,2,27.0,1,0,13.8583,False,True,True,False,False +True,2,30.0,1,0,13.8583,False,True,True,False,False +False,2,23.0,0,0,13.0,False,False,False,False,True +False,2,21.0,0,0,13.0,False,False,False,False,True +False,2,18.0,0,0,13.0,False,False,False,False,True +False,2,40.0,1,0,26.0,False,False,False,False,True +True,2,29.0,1,0,26.0,False,True,False,False,True +False,2,18.0,0,0,10.5,False,False,False,False,True +False,2,36.0,0,0,13.0,False,False,False,False,True +False,2,38.0,0,0,13.0,False,True,False,False,True +False,2,35.0,0,0,26.0,False,False,False,False,True +False,2,38.0,1,0,21.0,False,False,False,False,True +False,2,34.0,1,0,21.0,False,False,False,False,True +True,2,34.0,0,0,13.0,False,True,False,False,True +False,2,16.0,0,0,26.0,False,False,False,False,True +False,2,26.0,0,0,10.5,False,False,False,False,True +False,2,47.0,0,0,10.5,False,False,False,False,True +False,2,21.0,1,0,11.5,False,False,False,False,True +False,2,21.0,1,0,11.5,False,False,False,False,True +False,2,24.0,0,0,13.5,False,False,False,False,True +False,2,24.0,0,0,13.0,False,False,False,False,True +False,2,34.0,0,0,13.0,False,False,False,False,True +False,2,30.0,0,0,13.0,False,False,False,False,True +False,2,52.0,0,0,13.0,False,False,False,False,True +False,2,30.0,0,0,13.0,False,False,False,False,True +True,2,0.6667,1,1,14.5,False,False,False,False,True +True,2,24.0,0,2,14.5,False,True,False,False,True +False,2,44.0,0,0,13.0,False,False,False,False,True +True,2,6.0,0,1,33.0,False,True,False,False,True +False,2,28.0,0,1,33.0,False,False,False,False,True +True,2,62.0,0,0,10.5,False,False,False,False,True +False,2,30.0,0,0,10.5,False,False,False,False,True +True,2,7.0,0,2,26.25,False,True,False,False,True +False,2,43.0,1,1,26.25,False,False,False,False,True +True,2,45.0,1,1,26.25,False,True,False,False,True +True,2,24.0,1,2,65.0,False,True,False,False,True +True,2,24.0,1,2,65.0,False,True,False,False,True +False,2,49.0,1,2,65.0,False,False,False,False,True +True,2,48.0,1,2,65.0,False,True,False,False,True +True,2,55.0,0,0,16.0,False,True,False,False,True +False,2,24.0,2,0,73.5,False,False,False,False,True +False,2,32.0,2,0,73.5,False,False,False,False,True +False,2,21.0,2,0,73.5,False,False,False,False,True +False,2,18.0,1,1,13.0,False,True,False,False,True +True,2,20.0,2,1,23.0,False,True,False,False,True +False,2,23.0,2,1,11.5,False,False,False,False,True +False,2,36.0,0,0,13.0,False,False,False,False,True +True,2,54.0,1,3,23.0,False,True,False,False,True +False,2,50.0,0,0,13.0,False,False,False,False,True +False,2,44.0,1,0,26.0,False,False,False,False,True +True,2,29.0,1,0,26.0,False,True,False,False,True +False,2,21.0,0,0,73.5,False,False,False,False,True +True,2,42.0,0,0,13.0,False,False,False,False,True +False,2,63.0,1,0,26.0,False,False,False,False,True +False,2,60.0,1,0,26.0,False,True,False,False,True +False,2,33.0,0,0,12.275,False,False,False,False,True +True,2,17.0,0,0,10.5,False,True,False,False,True +False,2,42.0,1,0,27.0,False,False,False,False,True +True,2,24.0,2,1,27.0,False,True,False,False,True +False,2,47.0,0,0,15.0,False,False,False,False,True +False,2,24.0,2,0,31.5,False,False,False,False,True +False,2,22.0,2,0,31.5,False,False,False,False,True +False,2,32.0,0,0,10.5,False,False,False,False,True +True,2,23.0,0,0,13.7917,True,True,True,False,False +False,2,34.0,1,0,26.0,False,False,False,False,True +True,2,24.0,1,0,26.0,False,True,False,False,True +False,2,22.0,0,0,21.0,False,True,False,False,True +False,2,35.0,0,0,12.35,False,False,False,True,False +True,2,45.0,0,0,13.5,False,True,False,False,True +False,2,57.0,0,0,12.35,False,False,False,True,False +False,2,31.0,0,0,10.5,False,False,False,False,True +False,2,26.0,1,1,26.0,False,True,False,False,True +False,2,30.0,1,1,26.0,False,False,False,False,True +True,2,1.0,1,2,41.5792,False,True,True,False,False +True,2,3.0,1,2,41.5792,False,True,True,False,False +False,2,25.0,1,2,41.5792,False,False,True,False,False +True,2,22.0,1,2,41.5792,False,True,True,False,False +True,2,17.0,0,0,12.0,False,True,True,False,False +True,2,34.0,0,0,10.5,True,True,False,False,True +False,2,36.0,0,0,12.875,True,False,True,False,False +False,2,24.0,0,0,10.5,False,False,False,False,True +False,2,61.0,0,0,12.35,False,False,False,True,False +False,2,50.0,1,0,26.0,False,False,False,False,True +True,2,42.0,1,0,26.0,False,True,False,False,True +False,2,57.0,0,0,10.5,True,True,False,False,True +True,2,1.0,0,2,37.0042,False,False,True,False,False +False,2,31.0,1,1,37.0042,False,False,True,False,False +True,2,24.0,1,1,37.0042,False,True,True,False,False +False,2,30.0,0,0,13.0,False,False,False,False,True +False,2,40.0,0,0,16.0,False,False,False,False,True +False,2,32.0,0,0,13.5,False,False,False,False,True +False,2,30.0,0,0,13.0,False,False,False,False,True +False,2,46.0,0,0,26.0,False,False,False,False,True +True,2,13.0,0,1,19.5,False,True,False,False,True +True,2,41.0,0,1,19.5,False,True,False,False,True +True,2,19.0,0,0,10.5,False,False,False,False,True +False,2,39.0,0,0,13.0,False,False,False,False,True +False,2,48.0,0,0,13.0,False,False,False,False,True +False,2,70.0,0,0,10.5,False,False,False,False,True +False,2,27.0,0,0,13.0,False,False,False,False,True +False,2,54.0,0,0,14.0,False,False,False,False,True +False,2,39.0,0,0,26.0,False,False,False,False,True +False,2,16.0,0,0,10.5,False,False,False,False,True +False,2,62.0,0,0,9.6875,False,False,False,True,False +False,2,32.5,1,0,30.0708,False,False,True,False,False +True,2,14.0,1,0,30.0708,False,True,True,False,False +True,2,2.0,1,1,26.0,True,False,False,False,True +True,2,3.0,1,1,26.0,True,False,False,False,True +False,2,36.5,0,2,26.0,True,False,False,False,True +False,2,26.0,0,0,13.0,True,False,False,False,True +False,2,19.0,1,1,36.75,False,False,False,False,True +False,2,28.0,0,0,13.5,False,False,False,False,True +True,2,20.0,0,0,13.8625,True,False,True,False,False +True,2,29.0,0,0,10.5,True,True,False,False,True +False,2,39.0,0,0,13.0,False,False,False,False,True +True,2,22.0,0,0,10.5,False,False,False,False,True +False,2,23.0,0,0,10.5,False,False,False,False,True +True,2,29.0,0,0,13.8583,False,False,True,False,False +False,2,28.0,0,0,10.5,False,False,False,False,True +True,2,50.0,0,1,26.0,False,True,False,False,True +False,2,19.0,0,0,10.5,False,False,False,False,True +False,2,41.0,0,0,13.0,False,False,False,False,True +True,2,21.0,0,1,21.0,False,True,False,False,True +True,2,19.0,0,0,26.0,False,True,False,False,True +False,2,43.0,0,1,21.0,False,False,False,False,True +True,2,32.0,0,0,13.0,False,True,False,False,True +False,2,34.0,0,0,13.0,False,False,False,False,True +True,2,30.0,0,0,12.7375,False,False,True,False,False +False,2,27.0,0,0,15.0333,False,False,True,False,False +True,2,2.0,1,1,26.0,False,True,False,False,True +True,2,8.0,1,1,26.0,False,True,False,False,True +True,2,33.0,0,2,26.0,False,True,False,False,True +False,2,36.0,0,0,10.5,False,False,False,False,True +False,2,34.0,1,0,21.0,False,False,False,False,True +True,2,30.0,3,0,21.0,False,True,False,False,True +True,2,28.0,0,0,13.0,False,True,False,False,True +False,2,23.0,0,0,15.0458,False,False,True,False,False +True,2,0.8333,1,1,18.75,False,False,False,False,True +True,2,3.0,1,1,18.75,False,False,False,False,True +True,2,24.0,2,3,18.75,False,True,False,False,True +True,2,50.0,0,0,10.5,False,True,False,False,True +False,2,19.0,0,0,10.5,False,False,False,False,True +True,2,21.0,0,0,10.5,False,True,False,False,True +False,2,26.0,0,0,13.0,False,False,False,False,True +False,2,25.0,0,0,13.0,False,False,False,False,True +False,2,27.0,0,0,26.0,False,False,False,False,True +True,2,25.0,0,1,26.0,False,True,False,False,True +True,2,18.0,0,2,13.0,False,True,False,False,True +True,2,20.0,0,0,36.75,False,True,False,False,True +True,2,30.0,0,0,13.0,False,True,False,False,True +False,2,59.0,0,0,13.5,False,False,False,False,True +True,2,30.0,0,0,12.35,False,True,False,True,False +False,2,35.0,0,0,10.5,False,False,False,False,True +True,2,40.0,0,0,13.0,False,True,False,False,True +False,2,25.0,0,0,13.0,False,False,False,False,True +False,2,41.0,0,0,15.0458,False,False,True,False,False +False,2,25.0,0,0,10.5,False,False,False,False,True +False,2,18.5,0,0,13.0,True,False,False,False,True +False,2,14.0,0,0,65.0,False,False,False,False,True +True,2,50.0,0,0,10.5,False,True,False,False,True +False,2,23.0,0,0,13.0,False,False,False,False,True +True,2,28.0,0,0,12.65,False,True,False,False,True +True,2,27.0,0,0,10.5,True,True,False,False,True +False,2,29.0,1,0,21.0,False,False,False,False,True +False,2,27.0,1,0,21.0,False,True,False,False,True +False,2,40.0,0,0,13.0,False,False,False,False,True +True,2,31.0,0,0,21.0,False,True,False,False,True +False,2,30.0,1,0,21.0,False,False,False,False,True +False,2,23.0,1,0,10.5,False,False,False,False,True +True,2,31.0,0,0,21.0,False,True,False,False,True +True,2,12.0,0,0,15.75,False,True,False,False,True +True,2,40.0,0,0,15.75,False,True,False,False,True +True,2,32.5,0,0,13.0,True,True,False,False,True +False,2,27.0,1,0,26.0,False,False,False,False,True +True,2,29.0,1,0,26.0,False,True,False,False,True +True,2,2.0,1,1,23.0,False,False,False,False,True +True,2,4.0,1,1,23.0,False,True,False,False,True +True,2,29.0,0,2,23.0,False,True,False,False,True +True,2,0.9167,1,2,27.75,False,True,False,False,True +True,2,5.0,1,2,27.75,False,True,False,False,True +False,2,36.0,1,2,27.75,False,False,False,False,True +True,2,33.0,1,2,27.75,False,True,False,False,True +False,2,66.0,0,0,10.5,False,False,False,False,True +True,2,31.0,0,0,13.0,False,False,False,False,True +True,2,26.0,0,0,13.5,False,True,False,False,True +False,2,24.0,0,0,13.0,False,True,False,False,True +False,3,42.0,0,0,7.55,False,False,False,False,True +False,3,13.0,0,2,20.25,False,False,False,False,True +False,3,16.0,1,1,20.25,False,False,False,False,True +True,3,35.0,1,1,20.25,False,True,False,False,True +True,3,16.0,0,0,7.65,False,True,False,False,True +True,3,25.0,0,0,7.65,True,False,False,False,True +True,3,20.0,0,0,7.925,False,False,False,False,True +True,3,18.0,0,0,7.2292,False,True,True,False,False +False,3,30.0,0,0,7.25,False,False,False,False,True +False,3,26.0,0,0,8.05,False,False,False,False,True +False,3,40.0,1,0,9.475,False,True,False,False,True +True,3,0.8333,0,1,9.35,False,False,False,False,True +True,3,18.0,0,1,9.35,False,True,False,False,True +True,3,26.0,0,0,18.7875,False,False,True,False,False +False,3,26.0,0,0,7.8875,False,False,False,False,True +False,3,20.0,0,0,7.925,False,False,False,False,True +False,3,24.0,0,0,7.05,False,False,False,False,True +False,3,25.0,0,0,7.05,False,False,False,False,True +False,3,35.0,0,0,8.05,False,False,False,False,True +False,3,18.0,0,0,8.3,False,False,False,False,True +False,3,32.0,0,0,22.525,False,False,False,False,True +True,3,19.0,1,0,7.8542,False,True,False,False,True +False,3,4.0,4,2,31.275,False,False,False,False,True +False,3,6.0,4,2,31.275,False,True,False,False,True +False,3,2.0,4,2,31.275,False,True,False,False,True +True,3,17.0,4,2,7.925,False,True,False,False,True +False,3,38.0,4,2,7.775,False,True,False,False,True +False,3,9.0,4,2,31.275,False,True,False,False,True +False,3,11.0,4,2,31.275,False,True,False,False,True +False,3,39.0,1,5,31.275,False,False,False,False,True +True,3,27.0,0,0,7.7958,False,False,False,False,True +False,3,26.0,0,0,7.775,False,False,False,False,True +False,3,39.0,1,5,31.275,False,True,False,False,True +False,3,20.0,0,0,7.8542,False,False,False,False,True +False,3,26.0,0,0,7.8958,False,False,False,False,True +False,3,25.0,1,0,17.8,False,False,False,False,True +False,3,18.0,1,0,17.8,False,True,False,False,True +False,3,24.0,0,0,7.775,False,False,False,False,True +False,3,35.0,0,0,7.05,False,False,False,False,True +False,3,5.0,4,2,31.3875,False,False,False,False,True +False,3,9.0,4,2,31.3875,False,False,False,False,True +True,3,3.0,4,2,31.3875,False,False,False,False,True +False,3,13.0,4,2,31.3875,False,False,False,False,True +True,3,5.0,4,2,31.3875,False,True,False,False,True +False,3,40.0,1,5,31.3875,False,False,False,False,True +True,3,23.0,0,0,7.7958,False,False,False,False,True +True,3,38.0,1,5,31.3875,False,True,False,False,True +True,3,45.0,0,0,7.225,False,True,True,False,False +False,3,21.0,0,0,7.225,False,False,True,False,False +False,3,23.0,0,0,7.05,False,False,False,False,True +False,3,17.0,0,0,14.4583,False,True,True,False,False +False,3,30.0,0,0,7.225,False,False,True,False,False +False,3,23.0,0,0,7.8542,False,False,False,False,True +True,3,13.0,0,0,7.2292,False,True,True,False,False +False,3,20.0,0,0,7.225,False,False,True,False,False +False,3,32.0,1,0,15.85,False,False,False,False,True +True,3,33.0,3,0,15.85,False,True,False,False,True +True,3,0.75,2,1,19.2583,False,True,True,False,False +True,3,0.75,2,1,19.2583,False,True,True,False,False +True,3,5.0,2,1,19.2583,False,True,True,False,False +True,3,24.0,0,3,19.2583,False,True,True,False,False +True,3,18.0,0,0,8.05,False,True,False,False,True +False,3,40.0,0,0,7.225,False,False,True,False,False +False,3,26.0,0,0,7.8958,False,False,False,False,True +True,3,20.0,0,0,7.2292,False,False,True,False,False +False,3,18.0,0,1,14.4542,False,True,True,False,False +False,3,45.0,0,1,14.4542,False,True,True,False,False +False,3,27.0,0,0,7.8792,False,True,False,True,False +False,3,22.0,0,0,8.05,False,False,False,False,True +False,3,19.0,0,0,8.05,False,False,False,False,True +False,3,26.0,0,0,7.775,False,False,False,False,True +False,3,22.0,0,0,9.35,False,False,False,False,True +False,3,20.0,0,0,4.0125,False,False,True,False,False +True,3,32.0,0,0,56.4958,False,False,False,False,True +False,3,21.0,0,0,7.775,False,False,False,False,True +False,3,18.0,0,0,7.75,False,False,False,False,True +False,3,26.0,0,0,7.8958,False,False,False,False,True +False,3,6.0,1,1,15.2458,False,False,True,False,False +False,3,9.0,1,1,15.2458,False,True,True,False,False +False,3,40.0,1,1,15.5,False,False,False,True,False +False,3,32.0,1,1,15.5,False,True,False,True,False +False,3,21.0,0,0,16.1,False,False,False,False,True +True,3,22.0,0,0,7.725,False,True,False,True,False +False,3,20.0,0,0,7.8542,False,True,False,False,True +False,3,29.0,1,0,7.0458,False,False,False,False,True +False,3,22.0,1,0,7.25,False,False,False,False,True +False,3,22.0,0,0,7.7958,False,False,False,False,True +False,3,35.0,0,0,8.05,False,False,False,False,True +False,3,18.5,0,0,7.2833,False,True,False,True,False +True,3,21.0,0,0,7.8208,False,False,False,True,False +False,3,19.0,0,0,6.75,False,False,False,True,False +False,3,18.0,0,0,7.8792,False,True,False,True,False +False,3,21.0,0,0,8.6625,False,True,False,False,True +False,3,30.0,0,0,8.6625,False,True,False,False,True +False,3,18.0,0,0,8.6625,False,False,False,False,True +False,3,38.0,0,0,8.6625,False,False,False,False,True +False,3,17.0,0,0,8.6625,False,False,False,False,True +False,3,17.0,0,0,8.6625,False,False,False,False,True +False,3,21.0,0,0,7.75,False,True,False,True,False +False,3,21.0,0,0,7.75,False,False,False,True,False +False,3,21.0,0,0,8.05,False,False,False,False,True +False,3,28.0,0,0,7.7958,False,False,False,False,True +False,3,24.0,0,0,7.8542,False,False,False,False,True +True,3,16.0,0,0,7.75,False,True,False,True,False +False,3,37.0,0,0,7.75,False,True,False,True,False +False,3,28.0,0,0,7.25,False,False,False,False,True +False,3,24.0,0,0,8.05,False,False,False,False,True +False,3,21.0,0,0,7.7333,False,False,False,True,False +True,3,32.0,0,0,56.4958,False,False,False,False,True +False,3,29.0,0,0,8.05,False,False,False,False,True +False,3,26.0,1,0,14.4542,False,False,True,False,False +False,3,18.0,1,0,14.4542,False,False,True,False,False +False,3,20.0,0,0,7.05,False,False,False,False,True +True,3,18.0,0,0,8.05,False,False,False,False,True +False,3,24.0,0,0,7.25,False,False,False,True,False +False,3,36.0,0,0,7.4958,False,False,False,False,True +False,3,24.0,0,0,7.4958,False,False,False,False,True +False,3,31.0,0,0,7.7333,False,False,False,True,False +False,3,31.0,0,0,7.75,False,False,False,True,False +True,3,22.0,0,0,7.75,False,True,False,True,False +False,3,30.0,0,0,7.6292,False,True,False,True,False +False,3,70.5,0,0,7.75,False,False,False,True,False +False,3,43.0,0,0,8.05,False,False,False,False,True +False,3,35.0,0,0,7.8958,False,False,False,False,True +False,3,27.0,0,0,7.8958,False,False,False,False,True +False,3,19.0,0,0,7.8958,False,False,False,False,True +False,3,30.0,0,0,8.05,False,False,False,False,True +True,3,9.0,1,1,15.9,False,False,False,False,True +True,3,3.0,1,1,15.9,False,False,False,False,True +True,3,36.0,0,2,15.9,False,True,False,False,True +False,3,59.0,0,0,7.25,False,False,False,False,True +False,3,19.0,0,0,8.1583,False,False,False,False,True +True,3,17.0,0,1,16.1,False,True,False,False,True +False,3,44.0,0,1,16.1,False,False,False,False,True +False,3,17.0,0,0,8.6625,False,False,False,False,True +False,3,22.5,0,0,7.225,False,False,True,False,False +True,3,45.0,0,0,8.05,False,False,False,False,True +False,3,22.0,0,0,10.5167,False,True,False,False,True +False,3,19.0,0,0,10.1708,False,False,False,False,True +True,3,30.0,0,0,6.95,False,True,False,True,False +True,3,29.0,0,0,7.75,False,False,False,True,False +False,3,0.3333,0,2,14.4,False,False,False,False,True +False,3,34.0,1,1,14.4,False,False,False,False,True +False,3,28.0,1,1,14.4,False,True,False,False,True +False,3,27.0,0,0,7.8958,False,False,False,False,True +False,3,25.0,0,0,7.8958,False,False,False,False,True +False,3,24.0,2,0,24.15,False,False,False,False,True +False,3,22.0,0,0,8.05,False,False,False,False,True +False,3,21.0,2,0,24.15,False,False,False,False,True +False,3,17.0,2,0,8.05,False,False,False,False,True +True,3,36.5,1,0,17.4,False,False,False,False,True +True,3,36.0,1,0,17.4,False,True,False,False,True +True,3,30.0,0,0,9.5,False,False,False,False,True +False,3,16.0,0,0,9.5,False,False,False,False,True +True,3,1.0,1,2,20.575,False,False,False,False,True +True,3,0.1667,1,2,20.575,False,True,False,False,True +False,3,26.0,1,2,20.575,False,False,False,False,True +True,3,33.0,1,2,20.575,False,True,False,False,True +False,3,25.0,0,0,7.8958,False,False,False,False,True +False,3,22.0,0,0,7.25,False,False,False,False,True +False,3,36.0,0,0,7.25,False,False,False,False,True +True,3,19.0,0,0,7.8792,False,True,False,True,False +False,3,17.0,0,0,7.8958,False,False,False,False,True +False,3,42.0,0,0,8.6625,False,False,False,False,True +False,3,43.0,0,0,7.8958,False,False,False,False,True +False,3,32.0,0,0,7.75,False,False,False,True,False +True,3,19.0,0,0,8.05,False,False,False,False,True +True,3,30.0,0,0,12.475,False,True,False,False,True +False,3,24.0,0,0,7.75,False,True,False,True,False +True,3,23.0,0,0,8.05,False,True,False,False,True +False,3,33.0,0,0,7.8958,False,False,True,False,False +False,3,65.0,0,0,7.75,False,False,False,True,False +True,3,24.0,0,0,7.55,False,False,False,False,True +False,3,23.0,1,0,13.9,False,False,False,False,True +True,3,22.0,1,0,13.9,False,True,False,False,True +False,3,18.0,0,0,7.775,False,False,False,False,True +False,3,16.0,0,0,7.775,False,False,False,False,True +False,3,45.0,0,0,6.975,False,False,False,False,True +False,3,39.0,0,2,7.2292,False,False,True,False,False +False,3,17.0,1,1,7.2292,False,False,True,False,False +False,3,15.0,1,1,7.2292,False,False,True,False,False +False,3,47.0,0,0,7.25,False,False,False,False,True +True,3,5.0,0,0,12.475,False,True,False,False,True +False,3,40.5,0,0,15.1,False,False,False,False,True +False,3,40.5,0,0,7.75,False,False,False,True,False +False,3,18.0,0,0,7.7958,False,False,False,False,True +False,3,26.0,0,0,7.8792,False,False,False,True,False +False,3,21.0,2,2,34.375,False,True,False,False,True +False,3,9.0,2,2,34.375,False,True,False,False,True +False,3,18.0,2,2,34.375,False,False,False,False,True +False,3,16.0,1,3,34.375,False,False,False,False,True +False,3,48.0,1,3,34.375,False,True,False,False,True +False,3,25.0,0,0,7.7417,False,False,False,True,False +False,3,22.0,0,0,8.05,False,False,False,False,True +True,3,16.0,0,0,7.7333,False,True,False,True,False +True,3,9.0,0,2,20.525,False,False,False,False,True +False,3,33.0,1,1,20.525,False,False,False,False,True +False,3,41.0,0,0,7.85,False,False,False,False,True +True,3,31.0,1,1,20.525,False,True,False,False,True +False,3,38.0,0,0,7.05,False,False,False,False,True +False,3,9.0,5,2,46.9,False,False,False,False,True +False,3,1.0,5,2,46.9,False,False,False,False,True +False,3,11.0,5,2,46.9,False,False,False,False,True +False,3,10.0,5,2,46.9,False,True,False,False,True +False,3,16.0,5,2,46.9,False,True,False,False,True +False,3,14.0,5,2,46.9,False,False,False,False,True +False,3,40.0,1,6,46.9,False,False,False,False,True +False,3,43.0,1,6,46.9,False,True,False,False,True +False,3,51.0,0,0,8.05,False,False,False,False,True +False,3,32.0,0,0,8.3625,False,False,False,False,True +False,3,20.0,0,0,9.8458,False,False,False,False,True +False,3,37.0,2,0,7.925,False,False,False,False,True +False,3,28.0,2,0,7.925,False,False,False,False,True +False,3,19.0,0,0,7.775,False,False,False,False,True +False,3,24.0,0,0,8.85,False,True,False,False,True +False,3,17.0,0,0,7.7333,False,True,False,True,False +False,3,28.0,1,0,15.85,False,False,False,False,True +True,3,24.0,1,0,15.85,False,True,False,False,True +False,3,20.0,0,0,9.5,False,False,False,False,True +False,3,23.5,0,0,7.2292,False,False,True,False,False +False,3,41.0,2,0,14.1083,False,False,False,False,True +False,3,26.0,1,0,7.8542,False,False,False,False,True +False,3,21.0,0,0,7.8542,False,False,False,False,True +True,3,45.0,1,0,14.1083,False,True,False,False,True +False,3,25.0,0,0,7.25,False,False,False,False,True +False,3,11.0,0,0,18.7875,False,False,True,False,False +True,3,27.0,0,0,6.975,False,False,False,False,True +False,3,18.0,0,0,6.75,False,True,False,True,False +True,3,26.0,0,0,7.925,False,True,False,False,True +False,3,23.0,0,0,7.925,False,True,False,False,True +True,3,22.0,0,0,8.9625,False,True,False,False,True +False,3,28.0,0,0,7.8958,False,False,False,False,True +False,3,28.0,0,0,7.775,False,True,False,False,True +True,3,2.0,0,1,12.2875,False,True,False,False,True +True,3,22.0,1,1,12.2875,False,True,False,False,True +False,3,43.0,0,0,6.45,False,False,False,False,True +False,3,28.0,0,0,22.525,False,False,False,False,True +True,3,27.0,0,0,7.925,False,True,False,False,True +False,3,42.0,0,0,7.65,True,False,False,False,True +False,3,30.0,0,0,7.2292,False,False,True,False,False +False,3,27.0,1,0,7.925,False,True,False,False,True +False,3,25.0,1,0,7.925,False,True,False,False,True +True,3,29.0,0,0,7.8958,False,False,True,False,False +True,3,21.0,0,0,7.7958,False,False,False,False,True +False,3,20.0,0,0,7.8542,False,False,False,False,True +False,3,48.0,0,0,7.8542,False,False,False,False,True +False,3,17.0,1,0,7.0542,False,False,False,False,True +False,3,34.0,0,0,6.4958,False,False,False,False,True +True,3,26.0,0,0,7.775,False,False,False,False,True +False,3,22.0,0,0,7.7958,False,False,False,False,True +False,3,33.0,0,0,8.6542,False,False,False,False,True +False,3,31.0,0,0,7.775,False,False,False,False,True +False,3,29.0,0,0,7.8542,False,False,False,False,True +True,3,4.0,1,1,11.1333,False,False,False,False,True +True,3,1.0,1,1,11.1333,False,True,False,False,True +False,3,49.0,0,0,0.0,False,False,False,False,True +False,3,33.0,0,0,7.775,False,False,False,False,True +False,3,19.0,0,0,0.0,False,False,False,False,True +True,3,27.0,0,2,11.1333,False,True,False,False,True +False,3,23.0,0,0,7.8958,False,False,False,False,True +True,3,32.0,0,0,7.8542,False,False,False,False,True +False,3,27.0,0,0,7.8542,False,False,False,False,True +False,3,20.0,1,0,9.825,False,True,False,False,True +False,3,21.0,1,0,9.825,False,True,False,False,True +True,3,32.0,0,0,7.925,False,False,False,False,True +False,3,17.0,0,0,7.125,False,False,False,False,True +False,3,21.0,0,0,8.4333,False,False,False,False,True +False,3,30.0,0,0,7.8958,False,False,False,False,True +True,3,21.0,0,0,7.7958,False,False,False,False,True +False,3,33.0,0,0,7.8542,False,False,False,False,True +False,3,22.0,0,0,7.5208,False,False,False,False,True +True,3,4.0,0,1,13.4167,False,True,True,False,False +True,3,39.0,0,1,13.4167,False,False,True,False,False +False,3,18.5,0,0,7.2292,False,False,True,False,False +False,3,34.5,0,0,7.8292,False,False,False,True,False +False,3,44.0,0,0,8.05,False,False,False,False,True +False,3,22.0,2,0,8.6625,False,True,False,False,True +False,3,26.0,2,0,8.6625,False,False,False,False,True +True,3,4.0,0,2,22.025,False,True,False,False,True +True,3,29.0,3,1,22.025,False,False,False,False,True +True,3,26.0,1,1,22.025,False,True,False,False,True +False,3,1.0,1,1,12.1833,False,True,False,False,True +False,3,18.0,1,1,7.8542,False,False,False,False,True +False,3,36.0,0,2,12.1833,False,True,False,False,True +True,3,25.0,0,0,7.2292,True,False,True,False,False +False,3,37.0,0,0,9.5875,False,True,False,False,True +True,3,22.0,0,0,7.25,False,True,False,False,True +True,3,26.0,0,0,56.4958,False,False,False,False,True +False,3,29.0,0,0,9.4833,False,False,False,False,True +False,3,29.0,0,0,7.775,False,False,False,False,True +False,3,22.0,0,0,7.775,False,False,False,False,True +True,3,22.0,0,0,7.225,False,False,True,False,False +False,3,32.0,0,0,7.925,False,False,False,False,True +False,3,34.5,0,0,6.4375,False,False,True,False,False +False,3,36.0,0,0,0.0,False,False,False,False,True +False,3,39.0,0,0,24.15,False,False,False,False,True +False,3,24.0,0,0,9.5,False,False,False,False,True +False,3,25.0,0,0,7.775,False,True,False,False,True +False,3,45.0,0,0,7.75,False,True,False,False,True +False,3,36.0,1,0,15.55,False,False,False,False,True +False,3,30.0,1,0,15.55,False,True,False,False,True +True,3,20.0,1,0,7.925,False,False,False,False,True +False,3,28.0,0,0,56.4958,False,False,False,False,True +False,3,30.0,1,0,16.1,False,False,False,False,True +False,3,26.0,1,0,16.1,False,True,False,False,True +False,3,20.5,0,0,7.25,False,False,False,False,True +True,3,27.0,0,0,8.6625,False,False,False,False,True +False,3,51.0,0,0,7.0542,False,False,False,False,True +True,3,23.0,0,0,7.8542,False,True,False,False,True +True,3,32.0,0,0,7.5792,False,False,False,False,True +True,3,24.0,0,0,7.1417,False,False,False,False,True +False,3,22.0,0,0,7.125,False,False,False,False,True +False,3,29.0,0,0,7.925,False,False,False,False,True +False,3,30.5,0,0,7.75,False,True,False,True,False +False,3,35.0,0,0,7.8958,False,False,True,False,False +False,3,33.0,0,0,7.8958,False,False,False,False,True +True,3,15.0,0,0,8.0292,False,True,False,True,False +False,3,35.0,0,0,7.75,False,True,False,True,False +False,3,24.0,1,0,16.1,False,False,False,False,True +False,3,19.0,1,0,16.1,False,True,False,False,True +False,3,55.5,0,0,8.05,False,False,False,False,True +True,3,21.0,0,0,7.775,False,False,False,False,True +False,3,24.0,0,0,7.8958,False,False,False,False,True +False,3,21.0,0,0,7.8958,False,False,False,False,True +False,3,28.0,0,0,7.8958,False,False,False,False,True +False,3,25.0,0,0,7.65,True,False,False,False,True +True,3,6.0,0,1,12.475,True,False,False,False,True +True,3,27.0,0,1,12.475,True,True,False,False,True +False,3,34.0,0,0,8.05,False,False,False,False,True +True,3,24.0,0,0,7.75,False,True,False,True,False +False,3,18.0,0,0,7.75,False,False,False,False,True +False,3,22.0,0,0,7.8958,False,False,False,False,True +True,3,15.0,0,0,7.225,False,True,True,False,False +True,3,1.0,0,2,15.7417,False,True,True,False,False +True,3,20.0,1,1,15.7417,False,False,True,False,False +True,3,19.0,1,1,15.7417,False,True,True,False,False +False,3,33.0,0,0,8.05,False,False,False,False,True +True,3,12.0,1,0,11.2417,False,False,True,False,False +True,3,14.0,1,0,11.2417,False,True,True,False,False +False,3,29.0,0,0,7.925,False,True,False,False,True +False,3,28.0,0,0,8.05,False,False,False,False,True +True,3,18.0,0,0,7.775,False,True,False,False,True +True,3,26.0,0,0,7.8542,False,True,False,False,True +False,3,21.0,0,0,7.8542,False,False,False,False,True +False,3,41.0,0,0,7.125,False,False,False,False,True +True,3,39.0,0,0,7.925,False,False,False,False,True +False,3,21.0,0,0,7.8,False,False,False,False,True +False,3,28.5,0,0,7.2292,False,False,True,False,False +True,3,22.0,0,0,7.75,False,True,False,False,True +False,3,61.0,0,0,6.2375,False,False,False,False,True +False,3,23.0,0,0,9.225,False,False,False,False,True +True,3,22.0,0,0,7.775,False,True,False,False,True +True,3,9.0,0,1,3.1708,False,False,False,False,True +False,3,28.0,0,0,22.525,False,False,False,False,True +False,3,42.0,0,1,8.4042,False,False,False,False,True +False,3,31.0,0,0,7.8542,False,True,False,False,True +False,3,28.0,0,0,7.8542,False,False,False,False,True +True,3,32.0,0,0,7.775,False,False,False,False,True +False,3,20.0,0,0,9.225,False,False,False,False,True +False,3,23.0,0,0,8.6625,False,True,False,False,True +False,3,20.0,0,0,8.6625,False,True,False,False,True +False,3,20.0,0,0,8.6625,False,False,False,False,True +False,3,16.0,0,0,9.2167,False,False,False,False,True +True,3,31.0,0,0,8.6833,False,True,False,False,True +False,3,2.0,3,1,21.075,False,False,False,False,True +False,3,6.0,3,1,21.075,False,False,False,False,True +False,3,3.0,3,1,21.075,False,True,False,False,True +False,3,8.0,3,1,21.075,False,True,False,False,True +False,3,29.0,0,4,21.075,False,True,False,False,True +False,3,1.0,4,1,39.6875,False,False,False,False,True +False,3,7.0,4,1,39.6875,False,False,False,False,True +False,3,2.0,4,1,39.6875,False,False,False,False,True +False,3,16.0,4,1,39.6875,False,False,False,False,True +False,3,14.0,4,1,39.6875,False,False,False,False,True +False,3,41.0,0,5,39.6875,False,True,False,False,True +False,3,21.0,0,0,8.6625,False,False,False,False,True +False,3,19.0,0,0,14.5,False,False,False,False,True +False,3,32.0,0,0,7.8958,False,False,False,False,True +False,3,0.75,1,1,13.775,False,False,False,False,True +False,3,3.0,1,1,13.775,False,True,False,False,True +False,3,26.0,0,2,13.775,False,True,False,False,True +False,3,21.0,0,0,7.925,False,False,False,False,True +False,3,25.0,0,0,7.925,False,False,False,False,True +False,3,22.0,0,0,7.25,False,False,False,False,True +True,3,25.0,1,0,7.775,False,False,False,False,True +False,3,24.0,0,0,8.05,False,False,False,False,True +False,3,28.0,0,0,7.8958,False,True,False,False,True +False,3,19.0,0,0,7.8958,False,False,False,False,True +False,3,25.0,1,0,7.775,False,False,False,False,True +False,3,18.0,0,0,7.775,False,True,False,False,True +True,3,32.0,0,0,8.05,True,False,False,False,True +False,3,17.0,0,0,8.6625,False,False,False,False,True +False,3,24.0,0,0,8.6625,False,False,False,False,True +False,3,38.0,0,0,7.8958,False,False,False,False,True +False,3,21.0,0,0,8.05,False,False,False,False,True +False,3,10.0,4,1,29.125,False,False,False,True,False +False,3,4.0,4,1,29.125,False,False,False,True,False +False,3,7.0,4,1,29.125,False,False,False,True,False +False,3,2.0,4,1,29.125,False,False,False,True,False +False,3,8.0,4,1,29.125,False,False,False,True,False +False,3,39.0,0,5,29.125,False,True,False,True,False +False,3,22.0,0,0,39.6875,False,True,False,False,True +False,3,35.0,0,0,7.125,False,False,False,False,True +False,3,50.0,1,0,14.5,False,False,False,False,True +False,3,47.0,1,0,14.5,False,True,False,False,True +False,3,2.0,1,1,20.2125,False,True,False,False,True +False,3,18.0,1,1,20.2125,False,False,False,False,True +False,3,41.0,0,2,20.2125,False,True,False,False,True +False,3,50.0,0,0,8.05,False,False,False,False,True +False,3,16.0,0,0,8.05,False,False,False,False,True +False,3,25.0,0,0,7.225,False,False,True,False,False +False,3,38.5,0,0,7.25,False,False,False,False,True +False,3,14.5,8,2,69.55,False,False,False,False,True +False,3,24.0,0,0,9.325,False,False,False,False,True +True,3,21.0,0,0,7.65,False,True,False,False,True +False,3,39.0,0,0,7.925,False,False,False,False,True +True,3,1.0,1,1,16.7,True,True,False,False,True +True,3,24.0,0,2,16.7,True,True,False,False,True +True,3,4.0,1,1,16.7,True,True,False,False,True +True,3,25.0,0,0,9.5,False,False,False,False,True +False,3,20.0,0,0,8.05,False,False,False,False,True +False,3,24.5,0,0,8.05,False,False,False,False,True +True,3,29.0,0,0,9.5,False,False,False,False,True +False,3,22.0,0,0,7.2292,False,False,True,False,False +False,3,40.0,0,0,7.8958,False,False,False,False,True +False,3,21.0,0,0,7.925,False,False,False,False,True +True,3,18.0,0,0,7.4958,False,True,False,False,True +False,3,4.0,3,2,27.9,False,False,False,False,True +False,3,10.0,3,2,27.9,False,False,False,False,True +False,3,9.0,3,2,27.9,False,True,False,False,True +False,3,2.0,3,2,27.9,False,True,False,False,True +False,3,40.0,1,4,27.9,False,False,False,False,True +False,3,45.0,1,4,27.9,False,True,False,False,True +False,3,19.0,0,0,7.65,True,False,False,False,True +False,3,30.0,0,0,8.05,False,False,False,False,True +False,3,32.0,0,0,8.05,False,False,False,False,True +False,3,33.0,0,0,8.6625,False,False,True,False,False +True,3,23.0,0,0,7.55,False,True,False,False,True +False,3,21.0,0,0,8.05,False,False,False,False,True +False,3,19.0,0,0,7.8958,False,False,False,False,True +False,3,22.0,0,0,9.8375,False,True,False,False,True +True,3,31.0,0,0,7.925,False,False,False,False,True +False,3,27.0,0,0,8.6625,False,False,False,False,True +False,3,2.0,0,1,10.4625,True,True,False,False,True +False,3,29.0,1,1,10.4625,True,True,False,False,True +True,3,16.0,0,0,8.05,False,False,False,False,True +True,3,44.0,0,0,7.925,False,False,False,False,True +False,3,25.0,0,0,7.05,False,False,False,False,True +False,3,74.0,0,0,7.775,False,False,False,False,True +True,3,14.0,0,0,9.225,False,False,False,False,True +False,3,24.0,0,0,7.7958,False,False,False,False,True +True,3,25.0,0,0,7.7958,False,False,False,False,True +False,3,34.0,0,0,8.05,False,False,False,False,True +True,3,0.4167,0,1,8.5167,False,False,True,False,False +True,3,16.0,1,1,8.5167,False,True,True,False,False +False,3,32.0,0,0,7.925,False,False,False,False,True +False,3,30.5,0,0,8.05,False,False,False,False,True +False,3,44.0,0,0,8.05,False,False,False,False,True +True,3,25.0,0,0,0.0,False,False,False,False,True +True,3,7.0,1,1,15.2458,False,False,True,False,False +True,3,9.0,1,1,15.2458,False,True,True,False,False +True,3,29.0,0,2,15.2458,False,True,True,False,False +False,3,36.0,0,0,7.8958,False,False,False,False,True +True,3,18.0,0,0,9.8417,False,True,False,False,True +True,3,63.0,0,0,9.5875,False,True,False,False,True +False,3,11.5,1,1,14.5,False,False,False,False,True +False,3,40.5,0,2,14.5,False,False,False,False,True +False,3,10.0,0,2,24.15,False,True,False,False,True +False,3,36.0,1,1,24.15,False,False,False,False,True +False,3,30.0,1,1,24.15,False,True,False,False,True +False,3,33.0,0,0,9.5,False,False,False,False,True +False,3,28.0,0,0,9.5,False,False,False,False,True +False,3,28.0,0,0,9.5,False,False,False,False,True +False,3,47.0,0,0,9.0,False,False,False,False,True +False,3,18.0,2,0,18.0,False,True,False,False,True +False,3,31.0,3,0,18.0,False,False,False,False,True +False,3,16.0,2,0,18.0,False,False,False,False,True +False,3,31.0,1,0,18.0,False,True,False,False,True +True,3,22.0,0,0,7.225,False,False,True,False,False +False,3,20.0,0,0,7.8542,False,False,False,False,True +False,3,14.0,0,0,7.8542,False,True,False,False,True +False,3,22.0,0,0,7.8958,False,False,False,False,True +False,3,22.0,0,0,9.0,False,False,False,False,True +False,3,32.5,0,0,9.5,False,False,False,False,True +True,3,38.0,0,0,7.2292,False,True,True,False,False +False,3,51.0,0,0,7.75,False,False,False,False,True +False,3,18.0,1,0,6.4958,False,False,False,False,True +False,3,21.0,1,0,6.4958,False,False,False,False,True +True,3,47.0,1,0,7.0,False,True,False,False,True +False,3,28.5,0,0,16.1,False,False,False,False,True +False,3,21.0,0,0,7.25,False,False,False,False,True +False,3,27.0,0,0,8.6625,False,False,False,False,True +False,3,36.0,0,0,9.5,False,False,False,False,True +False,3,27.0,1,0,14.4542,False,False,True,False,False +True,3,15.0,1,0,14.4542,False,True,True,False,False +False,3,45.5,0,0,7.225,False,False,True,False,False +False,3,14.5,1,0,14.4542,False,True,True,False,False +False,3,26.5,0,0,7.225,False,False,True,False,False +False,3,27.0,0,0,7.225,False,False,True,False,False +False,3,29.0,0,0,7.875,False,False,False,False,True diff --git a/1.titanic-survivors/titanic_full.csv b/1.titanic-survivors/titanic_full.csv new file mode 100644 index 0000000..753a21b --- /dev/null +++ b/1.titanic-survivors/titanic_full.csv @@ -0,0 +1,1310 @@ +survived,pclass,name,sex,age,siblings_spouses,parents_children,ticket,fare,cabin,embarked,boat,body,homedest +1,1,"Allen, Miss. Elisabeth Walton",female,29.0,0,0,24160,211.3375,B5,S,2,?,"St Louis, MO" +1,1,"Allison, Master. Hudson Trevor",male,0.9167,1,2,113781,151.55,C22 C26,S,11,?,"Montreal, PQ / Chesterville, ON" +0,1,"Allison, Miss. Helen Loraine",female,2.0,1,2,113781,151.55,C22 C26,S,?,?,"Montreal, PQ / Chesterville, ON" +0,1,"Allison, Mr. Hudson Joshua Creighton",male,30.0,1,2,113781,151.55,C22 C26,S,?,135,"Montreal, PQ / Chesterville, ON" +0,1,"Allison, Mrs. Hudson J C (Bessie Waldo Daniels)",female,25.0,1,2,113781,151.55,C22 C26,S,?,?,"Montreal, PQ / Chesterville, ON" +1,1,"Anderson, Mr. Harry",male,48.0,0,0,19952,26.55,E12,S,3,?,"New York, NY" +1,1,"Andrews, Miss. Kornelia Theodosia",female,63.0,1,0,13502,77.9583,D7,S,10,?,"Hudson, NY" +0,1,"Andrews, Mr. Thomas Jr",male,39.0,0,0,112050,0.0,A36,S,?,?,"Belfast, NI" +1,1,"Appleton, Mrs. Edward Dale (Charlotte Lamson)",female,53.0,2,0,11769,51.4792,C101,S,D,?,"Bayside, Queens, NY" +0,1,"Artagaveytia, Mr. Ramon",male,71.0,0,0,PC 17609,49.5042,?,C,?,22,"Montevideo, Uruguay" +0,1,"Astor, Col. John Jacob",male,47.0,1,0,PC 17757,227.525,C62 C64,C,?,124,"New York, NY" +1,1,"Astor, Mrs. John Jacob (Madeleine Talmadge Force)",female,18.0,1,0,PC 17757,227.525,C62 C64,C,4,?,"New York, NY" +1,1,"Aubart, Mme. Leontine Pauline",female,24.0,0,0,PC 17477,69.3,B35,C,9,?,"Paris, France" +1,1,"Barber, Miss. Ellen 'Nellie'",female,26.0,0,0,19877,78.85,?,S,6,?,? +1,1,"Barkworth, Mr. Algernon Henry Wilson",male,80.0,0,0,27042,30.0,A23,S,B,?,"Hessle, Yorks" +0,1,"Baumann, Mr. John D",male,,0,0,PC 17318,25.925,?,S,?,?,"New York, NY" +0,1,"Baxter, Mr. Quigg Edmond",male,24.0,0,1,PC 17558,247.5208,B58 B60,C,?,?,"Montreal, PQ" +1,1,"Baxter, Mrs. James (Helene DeLaudeniere Chaput)",female,50.0,0,1,PC 17558,247.5208,B58 B60,C,6,?,"Montreal, PQ" +1,1,"Bazzani, Miss. Albina",female,32.0,0,0,11813,76.2917,D15,C,8,?,? +0,1,"Beattie, Mr. Thomson",male,36.0,0,0,13050,75.2417,C6,C,A,?,"Winnipeg, MN" +1,1,"Beckwith, Mr. Richard Leonard",male,37.0,1,1,11751,52.5542,D35,S,5,?,"New York, NY" +1,1,"Beckwith, Mrs. Richard Leonard (Sallie Monypeny)",female,47.0,1,1,11751,52.5542,D35,S,5,?,"New York, NY" +1,1,"Behr, Mr. Karl Howell",male,26.0,0,0,111369,30.0,C148,C,5,?,"New York, NY" +1,1,"Bidois, Miss. Rosalie",female,42.0,0,0,PC 17757,227.525,?,C,4,?,? +1,1,"Bird, Miss. Ellen",female,29.0,0,0,PC 17483,221.7792,C97,S,8,?,? +0,1,"Birnbaum, Mr. Jakob",male,25.0,0,0,13905,26.0,?,C,?,148,"San Francisco, CA" +1,1,"Bishop, Mr. Dickinson H",male,25.0,1,0,11967,91.0792,B49,C,7,?,"Dowagiac, MI" +1,1,"Bishop, Mrs. Dickinson H (Helen Walton)",female,19.0,1,0,11967,91.0792,B49,C,7,?,"Dowagiac, MI" +1,1,"Bissette, Miss. Amelia",female,35.0,0,0,PC 17760,135.6333,C99,S,8,?,? +1,1,"Bjornstrom-Steffansson, Mr. Mauritz Hakan",male,28.0,0,0,110564,26.55,C52,S,D,?,"Stockholm, Sweden / Washington, DC" +0,1,"Blackwell, Mr. Stephen Weart",male,45.0,0,0,113784,35.5,T,S,?,?,"Trenton, NJ" +1,1,"Blank, Mr. Henry",male,40.0,0,0,112277,31.0,A31,C,7,?,"Glen Ridge, NJ" +1,1,"Bonnell, Miss. Caroline",female,30.0,0,0,36928,164.8667,C7,S,8,?,"Youngstown, OH" +1,1,"Bonnell, Miss. Elizabeth",female,58.0,0,0,113783,26.55,C103,S,8,?,"Birkdale, England Cleveland, Ohio" +0,1,"Borebank, Mr. John James",male,42.0,0,0,110489,26.55,D22,S,?,?,"London / Winnipeg, MB" +1,1,"Bowen, Miss. Grace Scott",female,45.0,0,0,PC 17608,262.375,?,C,4,?,"Cooperstown, NY" +1,1,"Bowerman, Miss. Elsie Edith",female,22.0,0,1,113505,55.0,E33,S,6,?,"St Leonards-on-Sea, England Ohio" +1,1,"Bradley, Mr. George ('George Arthur Brayton')",male,,0,0,111427,26.55,?,S,9,?,"Los Angeles, CA" +0,1,"Brady, Mr. John Bertram",male,41.0,0,0,113054,30.5,A21,S,?,?,"Pomeroy, WA" +0,1,"Brandeis, Mr. Emil",male,48.0,0,0,PC 17591,50.4958,B10,C,?,208,"Omaha, NE" +0,1,"Brewe, Dr. Arthur Jackson",male,,0,0,112379,39.6,?,C,?,?,"Philadelphia, PA" +1,1,"Brown, Mrs. James Joseph (Margaret Tobin)",female,44.0,0,0,PC 17610,27.7208,B4,C,6,?,"Denver, CO" +1,1,"Brown, Mrs. John Murray (Caroline Lane Lamson)",female,59.0,2,0,11769,51.4792,C101,S,D,?,"Belmont, MA" +1,1,"Bucknell, Mrs. William Robert (Emma Eliza Ward)",female,60.0,0,0,11813,76.2917,D15,C,8,?,"Philadelphia, PA" +1,1,"Burns, Miss. Elizabeth Margaret",female,41.0,0,0,16966,134.5,E40,C,3,?,? +0,1,"Butt, Major. Archibald Willingham",male,45.0,0,0,113050,26.55,B38,S,?,?,"Washington, DC" +0,1,"Cairns, Mr. Alexander",male,,0,0,113798,31.0,?,S,?,?,? +1,1,"Calderhead, Mr. Edward Pennington",male,42.0,0,0,PC 17476,26.2875,E24,S,5,?,"New York, NY" +1,1,"Candee, Mrs. Edward (Helen Churchill Hungerford)",female,53.0,0,0,PC 17606,27.4458,?,C,6,?,"Washington, DC" +1,1,"Cardeza, Mr. Thomas Drake Martinez",male,36.0,0,1,PC 17755,512.3292,B51 B53 B55,C,3,?,"Austria-Hungary / Germantown, Philadelphia, PA" +1,1,"Cardeza, Mrs. James Warburton Martinez (Charlotte Wardle Drake)",female,58.0,0,1,PC 17755,512.3292,B51 B53 B55,C,3,?,"Germantown, Philadelphia, PA" +0,1,"Carlsson, Mr. Frans Olof",male,33.0,0,0,695,5.0,B51 B53 B55,S,?,?,"New York, NY" +0,1,"Carrau, Mr. Francisco M",male,28.0,0,0,113059,47.1,?,S,?,?,"Montevideo, Uruguay" +0,1,"Carrau, Mr. Jose Pedro",male,17.0,0,0,113059,47.1,?,S,?,?,"Montevideo, Uruguay" +1,1,"Carter, Master. William Thornton II",male,11.0,1,2,113760,120.0,B96 B98,S,4,?,"Bryn Mawr, PA" +1,1,"Carter, Miss. Lucile Polk",female,14.0,1,2,113760,120.0,B96 B98,S,4,?,"Bryn Mawr, PA" +1,1,"Carter, Mr. William Ernest",male,36.0,1,2,113760,120.0,B96 B98,S,C,?,"Bryn Mawr, PA" +1,1,"Carter, Mrs. William Ernest (Lucile Polk)",female,36.0,1,2,113760,120.0,B96 B98,S,4,?,"Bryn Mawr, PA" +0,1,"Case, Mr. Howard Brown",male,49.0,0,0,19924,26.0,?,S,?,?,"Ascot, Berkshire / Rochester, NY" +1,1,"Cassebeer, Mrs. Henry Arthur Jr (Eleanor Genevieve Fosdick)",female,,0,0,17770,27.7208,?,C,5,?,"New York, NY" +0,1,"Cavendish, Mr. Tyrell William",male,36.0,1,0,19877,78.85,C46,S,?,172,"Little Onn Hall, Staffs" +1,1,"Cavendish, Mrs. Tyrell William (Julia Florence Siegel)",female,76.0,1,0,19877,78.85,C46,S,6,?,"Little Onn Hall, Staffs" +0,1,"Chaffee, Mr. Herbert Fuller",male,46.0,1,0,W.E.P. 5734,61.175,E31,S,?,?,"Amenia, ND" +1,1,"Chaffee, Mrs. Herbert Fuller (Carrie Constance Toogood)",female,47.0,1,0,W.E.P. 5734,61.175,E31,S,4,?,"Amenia, ND" +1,1,"Chambers, Mr. Norman Campbell",male,27.0,1,0,113806,53.1,E8,S,5,?,"New York, NY / Ithaca, NY" +1,1,"Chambers, Mrs. Norman Campbell (Bertha Griggs)",female,33.0,1,0,113806,53.1,E8,S,5,?,"New York, NY / Ithaca, NY" +1,1,"Chaudanson, Miss. Victorine",female,36.0,0,0,PC 17608,262.375,B61,C,4,?,? +1,1,"Cherry, Miss. Gladys",female,30.0,0,0,110152,86.5,B77,S,8,?,"London, England" +1,1,"Chevre, Mr. Paul Romaine",male,45.0,0,0,PC 17594,29.7,A9,C,7,?,"Paris, France" +1,1,"Chibnall, Mrs. (Edith Martha Bowerman)",female,,0,1,113505,55.0,E33,S,6,?,"St Leonards-on-Sea, England Ohio" +0,1,"Chisholm, Mr. Roderick Robert Crispin",male,,0,0,112051,0.0,?,S,?,?,"Liverpool, England / Belfast" +0,1,"Clark, Mr. Walter Miller",male,27.0,1,0,13508,136.7792,C89,C,?,?,"Los Angeles, CA" +1,1,"Clark, Mrs. Walter Miller (Virginia McDowell)",female,26.0,1,0,13508,136.7792,C89,C,4,?,"Los Angeles, CA" +1,1,"Cleaver, Miss. Alice",female,22.0,0,0,113781,151.55,?,S,11,?,? +0,1,"Clifford, Mr. George Quincy",male,,0,0,110465,52.0,A14,S,?,?,"Stoughton, MA" +0,1,"Colley, Mr. Edward Pomeroy",male,47.0,0,0,5727,25.5875,E58,S,?,?,"Victoria, BC" +1,1,"Compton, Miss. Sara Rebecca",female,39.0,1,1,PC 17756,83.1583,E49,C,14,?,"Lakewood, NJ" +0,1,"Compton, Mr. Alexander Taylor Jr",male,37.0,1,1,PC 17756,83.1583,E52,C,?,?,"Lakewood, NJ" +1,1,"Compton, Mrs. Alexander Taylor (Mary Eliza Ingersoll)",female,64.0,0,2,PC 17756,83.1583,E45,C,14,?,"Lakewood, NJ" +1,1,"Cornell, Mrs. Robert Clifford (Malvina Helen Lamson)",female,55.0,2,0,11770,25.7,C101,S,2,?,"New York, NY" +0,1,"Crafton, Mr. John Bertram",male,,0,0,113791,26.55,?,S,?,?,"Roachdale, IN" +0,1,"Crosby, Capt. Edward Gifford",male,70.0,1,1,WE/P 5735,71.0,B22,S,?,269,"Milwaukee, WI" +1,1,"Crosby, Miss. Harriet R",female,36.0,0,2,WE/P 5735,71.0,B22,S,7,?,"Milwaukee, WI" +1,1,"Crosby, Mrs. Edward Gifford (Catherine Elizabeth Halstead)",female,64.0,1,1,112901,26.55,B26,S,7,?,"Milwaukee, WI" +0,1,"Cumings, Mr. John Bradley",male,39.0,1,0,PC 17599,71.2833,C85,C,?,?,"New York, NY" +1,1,"Cumings, Mrs. John Bradley (Florence Briggs Thayer)",female,38.0,1,0,PC 17599,71.2833,C85,C,4,?,"New York, NY" +1,1,"Daly, Mr. Peter Denis",male,51.0,0,0,113055,26.55,E17,S,5 9,?,"Lima, Peru" +1,1,"Daniel, Mr. Robert Williams",male,27.0,0,0,113804,30.5,?,S,3,?,"Philadelphia, PA" +1,1,"Daniels, Miss. Sarah",female,33.0,0,0,113781,151.55,?,S,8,?,? +0,1,"Davidson, Mr. Thornton",male,31.0,1,0,F.C. 12750,52.0,B71,S,?,?,"Montreal, PQ" +1,1,"Davidson, Mrs. Thornton (Orian Hays)",female,27.0,1,2,F.C. 12750,52.0,B71,S,3,?,"Montreal, PQ" +1,1,"Dick, Mr. Albert Adrian",male,31.0,1,0,17474,57.0,B20,S,3,?,"Calgary, AB" +1,1,"Dick, Mrs. Albert Adrian (Vera Gillespie)",female,17.0,1,0,17474,57.0,B20,S,3,?,"Calgary, AB" +1,1,"Dodge, Dr. Washington",male,53.0,1,1,33638,81.8583,A34,S,13,?,"San Francisco, CA" +1,1,"Dodge, Master. Washington",male,4.0,0,2,33638,81.8583,A34,S,5,?,"San Francisco, CA" +1,1,"Dodge, Mrs. Washington (Ruth Vidaver)",female,54.0,1,1,33638,81.8583,A34,S,5,?,"San Francisco, CA" +0,1,"Douglas, Mr. Walter Donald",male,50.0,1,0,PC 17761,106.425,C86,C,?,62,"Deephaven, MN / Cedar Rapids, IA" +1,1,"Douglas, Mrs. Frederick Charles (Mary Helene Baxter)",female,27.0,1,1,PC 17558,247.5208,B58 B60,C,6,?,"Montreal, PQ" +1,1,"Douglas, Mrs. Walter Donald (Mahala Dutton)",female,48.0,1,0,PC 17761,106.425,C86,C,2,?,"Deephaven, MN / Cedar Rapids, IA" +1,1,"Duff Gordon, Lady. (Lucille Christiana Sutherland) ('Mrs Morgan')",female,48.0,1,0,11755,39.6,A16,C,1,?,London / Paris +1,1,"Duff Gordon, Sir. Cosmo Edmund ('Mr Morgan')",male,49.0,1,0,PC 17485,56.9292,A20,C,1,?,London / Paris +0,1,"Dulles, Mr. William Crothers",male,39.0,0,0,PC 17580,29.7,A18,C,?,133,"Philadelphia, PA" +1,1,"Earnshaw, Mrs. Boulton (Olive Potter)",female,23.0,0,1,11767,83.1583,C54,C,7,?,"Mt Airy, Philadelphia, PA" +1,1,"Endres, Miss. Caroline Louise",female,38.0,0,0,PC 17757,227.525,C45,C,4,?,"New York, NY" +1,1,"Eustis, Miss. Elizabeth Mussey",female,54.0,1,0,36947,78.2667,D20,C,4,?,"Brookline, MA" +0,1,"Evans, Miss. Edith Corse",female,36.0,0,0,PC 17531,31.6792,A29,C,?,?,"New York, NY" +0,1,"Farthing, Mr. John",male,,0,0,PC 17483,221.7792,C95,S,?,?,? +1,1,"Flegenheim, Mrs. Alfred (Antoinette)",female,,0,0,PC 17598,31.6833,?,S,7,?,"New York, NY" +1,1,"Fleming, Miss. Margaret",female,,0,0,17421,110.8833,?,C,4,?,? +1,1,"Flynn, Mr. John Irwin ('Irving')",male,36.0,0,0,PC 17474,26.3875,E25,S,5,?,"Brooklyn, NY" +0,1,"Foreman, Mr. Benjamin Laventall",male,30.0,0,0,113051,27.75,C111,C,?,?,"New York, NY" +1,1,"Fortune, Miss. Alice Elizabeth",female,24.0,3,2,19950,263.0,C23 C25 C27,S,10,?,"Winnipeg, MB" +1,1,"Fortune, Miss. Ethel Flora",female,28.0,3,2,19950,263.0,C23 C25 C27,S,10,?,"Winnipeg, MB" +1,1,"Fortune, Miss. Mabel Helen",female,23.0,3,2,19950,263.0,C23 C25 C27,S,10,?,"Winnipeg, MB" +0,1,"Fortune, Mr. Charles Alexander",male,19.0,3,2,19950,263.0,C23 C25 C27,S,?,?,"Winnipeg, MB" +0,1,"Fortune, Mr. Mark",male,64.0,1,4,19950,263.0,C23 C25 C27,S,?,?,"Winnipeg, MB" +1,1,"Fortune, Mrs. Mark (Mary McDougald)",female,60.0,1,4,19950,263.0,C23 C25 C27,S,10,?,"Winnipeg, MB" +1,1,"Francatelli, Miss. Laura Mabel",female,30.0,0,0,PC 17485,56.9292,E36,C,1,?,? +0,1,"Franklin, Mr. Thomas Parham",male,,0,0,113778,26.55,D34,S,?,?,"Westcliff-on-Sea, Essex" +1,1,"Frauenthal, Dr. Henry William",male,50.0,2,0,PC 17611,133.65,?,S,5,?,"New York, NY" +1,1,"Frauenthal, Mr. Isaac Gerald",male,43.0,1,0,17765,27.7208,D40,C,5,?,"New York, NY" +1,1,"Frauenthal, Mrs. Henry William (Clara Heinsheimer)",female,,1,0,PC 17611,133.65,?,S,5,?,"New York, NY" +1,1,"Frolicher, Miss. Hedwig Margaritha",female,22.0,0,2,13568,49.5,B39,C,5,?,"Zurich, Switzerland" +1,1,"Frolicher-Stehli, Mr. Maxmillian",male,60.0,1,1,13567,79.2,B41,C,5,?,"Zurich, Switzerland" +1,1,"Frolicher-Stehli, Mrs. Maxmillian (Margaretha Emerentia Stehli)",female,48.0,1,1,13567,79.2,B41,C,5,?,"Zurich, Switzerland" +0,1,"Fry, Mr. Richard",male,,0,0,112058,0.0,B102,S,?,?,? +0,1,"Futrelle, Mr. Jacques Heath",male,37.0,1,0,113803,53.1,C123,S,?,?,"Scituate, MA" +1,1,"Futrelle, Mrs. Jacques Heath (Lily May Peel)",female,35.0,1,0,113803,53.1,C123,S,D,?,"Scituate, MA" +0,1,"Gee, Mr. Arthur H",male,47.0,0,0,111320,38.5,E63,S,?,275,"St Anne's-on-Sea, Lancashire" +1,1,"Geiger, Miss. Amalie",female,35.0,0,0,113503,211.5,C130,C,4,?,? +1,1,"Gibson, Miss. Dorothy Winifred",female,22.0,0,1,112378,59.4,?,C,7,?,"New York, NY" +1,1,"Gibson, Mrs. Leonard (Pauline C Boeson)",female,45.0,0,1,112378,59.4,?,C,7,?,"New York, NY" +0,1,"Giglio, Mr. Victor",male,24.0,0,0,PC 17593,79.2,B86,C,?,?,? +1,1,"Goldenberg, Mr. Samuel L",male,49.0,1,0,17453,89.1042,C92,C,5,?,"Paris, France / New York, NY" +1,1,"Goldenberg, Mrs. Samuel L (Edwiga Grabowska)",female,,1,0,17453,89.1042,C92,C,5,?,"Paris, France / New York, NY" +0,1,"Goldschmidt, Mr. George B",male,71.0,0,0,PC 17754,34.6542,A5,C,?,?,"New York, NY" +1,1,"Gracie, Col. Archibald IV",male,53.0,0,0,113780,28.5,C51,C,B,?,"Washington, DC" +1,1,"Graham, Miss. Margaret Edith",female,19.0,0,0,112053,30.0,B42,S,3,?,"Greenwich, CT" +0,1,"Graham, Mr. George Edward",male,38.0,0,1,PC 17582,153.4625,C91,S,?,147,"Winnipeg, MB" +1,1,"Graham, Mrs. William Thompson (Edith Junkins)",female,58.0,0,1,PC 17582,153.4625,C125,S,3,?,"Greenwich, CT" +1,1,"Greenfield, Mr. William Bertram",male,23.0,0,1,PC 17759,63.3583,D10 D12,C,7,?,"New York, NY" +1,1,"Greenfield, Mrs. Leo David (Blanche Strouse)",female,45.0,0,1,PC 17759,63.3583,D10 D12,C,7,?,"New York, NY" +0,1,"Guggenheim, Mr. Benjamin",male,46.0,0,0,PC 17593,79.2,B82 B84,C,?,?,"New York, NY" +1,1,"Harder, Mr. George Achilles",male,25.0,1,0,11765,55.4417,E50,C,5,?,"Brooklyn, NY" +1,1,"Harder, Mrs. George Achilles (Dorothy Annan)",female,25.0,1,0,11765,55.4417,E50,C,5,?,"Brooklyn, NY" +1,1,"Harper, Mr. Henry Sleeper",male,48.0,1,0,PC 17572,76.7292,D33,C,3,?,"New York, NY" +1,1,"Harper, Mrs. Henry Sleeper (Myna Haxtun)",female,49.0,1,0,PC 17572,76.7292,D33,C,3,?,"New York, NY" +0,1,"Harrington, Mr. Charles H",male,,0,0,113796,42.4,?,S,?,?,? +0,1,"Harris, Mr. Henry Birkhardt",male,45.0,1,0,36973,83.475,C83,S,?,?,"New York, NY" +1,1,"Harris, Mrs. Henry Birkhardt (Irene Wallach)",female,35.0,1,0,36973,83.475,C83,S,D,?,"New York, NY" +0,1,"Harrison, Mr. William",male,40.0,0,0,112059,0.0,B94,S,?,110,? +1,1,"Hassab, Mr. Hammad",male,27.0,0,0,PC 17572,76.7292,D49,C,3,?,? +1,1,"Hawksford, Mr. Walter James",male,,0,0,16988,30.0,D45,S,3,?,"Kingston, Surrey" +1,1,"Hays, Miss. Margaret Bechstein",female,24.0,0,0,11767,83.1583,C54,C,7,?,"New York, NY" +0,1,"Hays, Mr. Charles Melville",male,55.0,1,1,12749,93.5,B69,S,?,307,"Montreal, PQ" +1,1,"Hays, Mrs. Charles Melville (Clara Jennings Gregg)",female,52.0,1,1,12749,93.5,B69,S,3,?,"Montreal, PQ" +0,1,"Head, Mr. Christopher",male,42.0,0,0,113038,42.5,B11,S,?,?,London / Middlesex +0,1,"Hilliard, Mr. Herbert Henry",male,,0,0,17463,51.8625,E46,S,?,?,"Brighton, MA" +0,1,"Hipkins, Mr. William Edward",male,55.0,0,0,680,50.0,C39,S,?,?,London / Birmingham +1,1,"Hippach, Miss. Jean Gertrude",female,16.0,0,1,111361,57.9792,B18,C,4,?,"Chicago, IL" +1,1,"Hippach, Mrs. Louis Albert (Ida Sophia Fischer)",female,44.0,0,1,111361,57.9792,B18,C,4,?,"Chicago, IL" +1,1,"Hogeboom, Mrs. John C (Anna Andrews)",female,51.0,1,0,13502,77.9583,D11,S,10,?,"Hudson, NY" +0,1,"Holverson, Mr. Alexander Oskar",male,42.0,1,0,113789,52.0,?,S,?,38,"New York, NY" +1,1,"Holverson, Mrs. Alexander Oskar (Mary Aline Towner)",female,35.0,1,0,113789,52.0,?,S,8,?,"New York, NY" +1,1,"Homer, Mr. Harry ('Mr E Haven')",male,35.0,0,0,111426,26.55,?,C,15,?,"Indianapolis, IN" +1,1,"Hoyt, Mr. Frederick Maxfield",male,38.0,1,0,19943,90.0,C93,S,D,?,"New York, NY / Stamford CT" +0,1,"Hoyt, Mr. William Fisher",male,,0,0,PC 17600,30.6958,?,C,14,?,"New York, NY" +1,1,"Hoyt, Mrs. Frederick Maxfield (Jane Anne Forby)",female,35.0,1,0,19943,90.0,C93,S,D,?,"New York, NY / Stamford CT" +1,1,"Icard, Miss. Amelie",female,38.0,0,0,113572,80.0,B28,?,6,?,? +0,1,"Isham, Miss. Ann Elizabeth",female,50.0,0,0,PC 17595,28.7125,C49,C,?,?,"Paris, France New York, NY" +1,1,"Ismay, Mr. Joseph Bruce",male,49.0,0,0,112058,0.0,B52 B54 B56,S,C,?,Liverpool +0,1,"Jones, Mr. Charles Cresson",male,46.0,0,0,694,26.0,?,S,?,80,"Bennington, VT" +0,1,"Julian, Mr. Henry Forbes",male,50.0,0,0,113044,26.0,E60,S,?,?,London +0,1,"Keeping, Mr. Edwin",male,32.5,0,0,113503,211.5,C132,C,?,45,? +0,1,"Kent, Mr. Edward Austin",male,58.0,0,0,11771,29.7,B37,C,?,258,"Buffalo, NY" +0,1,"Kenyon, Mr. Frederick R",male,41.0,1,0,17464,51.8625,D21,S,?,?,"Southington / Noank, CT" +1,1,"Kenyon, Mrs. Frederick R (Marion)",female,,1,0,17464,51.8625,D21,S,8,?,"Southington / Noank, CT" +1,1,"Kimball, Mr. Edwin Nelson Jr",male,42.0,1,0,11753,52.5542,D19,S,5,?,"Boston, MA" +1,1,"Kimball, Mrs. Edwin Nelson Jr (Gertrude Parsons)",female,45.0,1,0,11753,52.5542,D19,S,5,?,"Boston, MA" +0,1,"Klaber, Mr. Herman",male,,0,0,113028,26.55,C124,S,?,?,"Portland, OR" +1,1,"Kreuchen, Miss. Emilie",female,39.0,0,0,24160,211.3375,?,S,2,?,? +1,1,"Leader, Dr. Alice (Farnham)",female,49.0,0,0,17465,25.9292,D17,S,8,?,"New York, NY" +1,1,"LeRoy, Miss. Bertha",female,30.0,0,0,PC 17761,106.425,?,C,2,?,? +1,1,"Lesurer, Mr. Gustave J",male,35.0,0,0,PC 17755,512.3292,B101,C,3,?,? +0,1,"Lewy, Mr. Ervin G",male,,0,0,PC 17612,27.7208,?,C,?,?,"Chicago, IL" +0,1,"Lindeberg-Lind, Mr. Erik Gustaf ('Mr Edward Lingrey')",male,42.0,0,0,17475,26.55,?,S,?,?,"Stockholm, Sweden" +1,1,"Lindstrom, Mrs. Carl Johan (Sigrid Posse)",female,55.0,0,0,112377,27.7208,?,C,6,?,"Stockholm, Sweden" +1,1,"Lines, Miss. Mary Conover",female,16.0,0,1,PC 17592,39.4,D28,S,9,?,"Paris, France" +1,1,"Lines, Mrs. Ernest H (Elizabeth Lindsey James)",female,51.0,0,1,PC 17592,39.4,D28,S,9,?,"Paris, France" +0,1,"Long, Mr. Milton Clyde",male,29.0,0,0,113501,30.0,D6,S,?,126,"Springfield, MA" +1,1,"Longley, Miss. Gretchen Fiske",female,21.0,0,0,13502,77.9583,D9,S,10,?,"Hudson, NY" +0,1,"Loring, Mr. Joseph Holland",male,30.0,0,0,113801,45.5,?,S,?,?,"London / New York, NY" +1,1,"Lurette, Miss. Elise",female,58.0,0,0,PC 17569,146.5208,B80,C,?,?,? +1,1,"Madill, Miss. Georgette Alexandra",female,15.0,0,1,24160,211.3375,B5,S,2,?,"St Louis, MO" +0,1,"Maguire, Mr. John Edward",male,30.0,0,0,110469,26.0,C106,S,?,?,"Brockton, MA" +1,1,"Maioni, Miss. Roberta",female,16.0,0,0,110152,86.5,B79,S,8,?,? +1,1,"Marechal, Mr. Pierre",male,,0,0,11774,29.7,C47,C,7,?,"Paris, France" +0,1,"Marvin, Mr. Daniel Warner",male,19.0,1,0,113773,53.1,D30,S,?,?,"New York, NY" +1,1,"Marvin, Mrs. Daniel Warner (Mary Graham Carmichael Farquarson)",female,18.0,1,0,113773,53.1,D30,S,10,?,"New York, NY" +1,1,"Mayne, Mlle. Berthe Antonine ('Mrs de Villiers')",female,24.0,0,0,PC 17482,49.5042,C90,C,6,?,"Belgium Montreal, PQ" +0,1,"McCaffry, Mr. Thomas Francis",male,46.0,0,0,13050,75.2417,C6,C,?,292,"Vancouver, BC" +0,1,"McCarthy, Mr. Timothy J",male,54.0,0,0,17463,51.8625,E46,S,?,175,"Dorchester, MA" +1,1,"McGough, Mr. James Robert",male,36.0,0,0,PC 17473,26.2875,E25,S,7,?,"Philadelphia, PA" +0,1,"Meyer, Mr. Edgar Joseph",male,28.0,1,0,PC 17604,82.1708,?,C,?,?,"New York, NY" +1,1,"Meyer, Mrs. Edgar Joseph (Leila Saks)",female,,1,0,PC 17604,82.1708,?,C,6,?,"New York, NY" +0,1,"Millet, Mr. Francis Davis",male,65.0,0,0,13509,26.55,E38,S,?,249,"East Bridgewater, MA" +0,1,"Minahan, Dr. William Edward",male,44.0,2,0,19928,90.0,C78,Q,?,230,"Fond du Lac, WI" +1,1,"Minahan, Miss. Daisy E",female,33.0,1,0,19928,90.0,C78,Q,14,?,"Green Bay, WI" +1,1,"Minahan, Mrs. William Edward (Lillian E Thorpe)",female,37.0,1,0,19928,90.0,C78,Q,14,?,"Fond du Lac, WI" +1,1,"Mock, Mr. Philipp Edmund",male,30.0,1,0,13236,57.75,C78,C,11,?,"New York, NY" +0,1,"Molson, Mr. Harry Markland",male,55.0,0,0,113787,30.5,C30,S,?,?,"Montreal, PQ" +0,1,"Moore, Mr. Clarence Bloomfield",male,47.0,0,0,113796,42.4,?,S,?,?,"Washington, DC" +0,1,"Natsch, Mr. Charles H",male,37.0,0,1,PC 17596,29.7,C118,C,?,?,"Brooklyn, NY" +1,1,"Newell, Miss. Madeleine",female,31.0,1,0,35273,113.275,D36,C,6,?,"Lexington, MA" +1,1,"Newell, Miss. Marjorie",female,23.0,1,0,35273,113.275,D36,C,6,?,"Lexington, MA" +0,1,"Newell, Mr. Arthur Webster",male,58.0,0,2,35273,113.275,D48,C,?,122,"Lexington, MA" +1,1,"Newsom, Miss. Helen Monypeny",female,19.0,0,2,11752,26.2833,D47,S,5,?,"New York, NY" +0,1,"Nicholson, Mr. Arthur Ernest",male,64.0,0,0,693,26.0,?,S,?,263,"Isle of Wight, England" +1,1,"Oliva y Ocana, Dona. Fermina",female,39.0,0,0,PC 17758,108.9,C105,C,8,?,? +1,1,"Omont, Mr. Alfred Fernand",male,,0,0,F.C. 12998,25.7417,?,C,7,?,"Paris, France" +1,1,"Ostby, Miss. Helene Ragnhild",female,22.0,0,1,113509,61.9792,B36,C,5,?,"Providence, RI" +0,1,"Ostby, Mr. Engelhart Cornelius",male,65.0,0,1,113509,61.9792,B30,C,?,234,"Providence, RI" +0,1,"Ovies y Rodriguez, Mr. Servando",male,28.5,0,0,PC 17562,27.7208,D43,C,?,189,"?Havana, Cuba" +0,1,"Parr, Mr. William Henry Marsh",male,,0,0,112052,0.0,?,S,?,?,Belfast +0,1,"Partner, Mr. Austen",male,45.5,0,0,113043,28.5,C124,S,?,166,"Surbiton Hill, Surrey" +0,1,"Payne, Mr. Vivian Ponsonby",male,23.0,0,0,12749,93.5,B24,S,?,?,"Montreal, PQ" +0,1,"Pears, Mr. Thomas Clinton",male,29.0,1,0,113776,66.6,C2,S,?,?,"Isleworth, England" +1,1,"Pears, Mrs. Thomas (Edith Wearne)",female,22.0,1,0,113776,66.6,C2,S,8,?,"Isleworth, England" +0,1,"Penasco y Castellana, Mr. Victor de Satode",male,18.0,1,0,PC 17758,108.9,C65,C,?,?,"Madrid, Spain" +1,1,"Penasco y Castellana, Mrs. Victor de Satode (Maria Josefa Perez de Soto y Vallejo)",female,17.0,1,0,PC 17758,108.9,C65,C,8,?,"Madrid, Spain" +1,1,"Perreault, Miss. Anne",female,30.0,0,0,12749,93.5,B73,S,3,?,? +1,1,"Peuchen, Major. Arthur Godfrey",male,52.0,0,0,113786,30.5,C104,S,6,?,"Toronto, ON" +0,1,"Porter, Mr. Walter Chamberlain",male,47.0,0,0,110465,52.0,C110,S,?,207,"Worcester, MA" +1,1,"Potter, Mrs. Thomas Jr (Lily Alexenia Wilson)",female,56.0,0,1,11767,83.1583,C50,C,7,?,"Mt Airy, Philadelphia, PA" +0,1,"Reuchlin, Jonkheer. John George",male,38.0,0,0,19972,0.0,?,S,?,?,"Rotterdam, Netherlands" +1,1,"Rheims, Mr. George Alexander Lucien",male,,0,0,PC 17607,39.6,?,S,A,?,"Paris / New York, NY" +0,1,"Ringhini, Mr. Sante",male,22.0,0,0,PC 17760,135.6333,?,C,?,232,? +0,1,"Robbins, Mr. Victor",male,,0,0,PC 17757,227.525,?,C,?,?,? +1,1,"Robert, Mrs. Edward Scott (Elisabeth Walton McMillan)",female,43.0,0,1,24160,211.3375,B3,S,2,?,"St Louis, MO" +0,1,"Roebling, Mr. Washington Augustus II",male,31.0,0,0,PC 17590,50.4958,A24,S,?,?,"Trenton, NJ" +1,1,"Romaine, Mr. Charles Hallace ('Mr C Rolmane')",male,45.0,0,0,111428,26.55,?,S,9,?,"New York, NY" +0,1,"Rood, Mr. Hugh Roscoe",male,,0,0,113767,50.0,A32,S,?,?,"Seattle, WA" +1,1,"Rosenbaum, Miss. Edith Louise",female,33.0,0,0,PC 17613,27.7208,A11,C,11,?,"Paris, France" +0,1,"Rosenshine, Mr. George ('Mr George Thorne')",male,46.0,0,0,PC 17585,79.2,?,C,?,16,"New York, NY" +0,1,"Ross, Mr. John Hugo",male,36.0,0,0,13049,40.125,A10,C,?,?,"Winnipeg, MB" +1,1,"Rothes, the Countess. of (Lucy Noel Martha Dyer-Edwards)",female,33.0,0,0,110152,86.5,B77,S,8,?,"London Vancouver, BC" +0,1,"Rothschild, Mr. Martin",male,55.0,1,0,PC 17603,59.4,?,C,?,?,"New York, NY" +1,1,"Rothschild, Mrs. Martin (Elizabeth L. Barrett)",female,54.0,1,0,PC 17603,59.4,?,C,6,?,"New York, NY" +0,1,"Rowe, Mr. Alfred G",male,33.0,0,0,113790,26.55,?,S,?,109,London +1,1,"Ryerson, Master. John Borie",male,13.0,2,2,PC 17608,262.375,B57 B59 B63 B66,C,4,?,"Haverford, PA / Cooperstown, NY" +1,1,"Ryerson, Miss. Emily Borie",female,18.0,2,2,PC 17608,262.375,B57 B59 B63 B66,C,4,?,"Haverford, PA / Cooperstown, NY" +1,1,"Ryerson, Miss. Susan Parker 'Suzette'",female,21.0,2,2,PC 17608,262.375,B57 B59 B63 B66,C,4,?,"Haverford, PA / Cooperstown, NY" +0,1,"Ryerson, Mr. Arthur Larned",male,61.0,1,3,PC 17608,262.375,B57 B59 B63 B66,C,?,?,"Haverford, PA / Cooperstown, NY" +1,1,"Ryerson, Mrs. Arthur Larned (Emily Maria Borie)",female,48.0,1,3,PC 17608,262.375,B57 B59 B63 B66,C,4,?,"Haverford, PA / Cooperstown, NY" +1,1,"Saalfeld, Mr. Adolphe",male,,0,0,19988,30.5,C106,S,3,?,"Manchester, England" +1,1,"Sagesser, Mlle. Emma",female,24.0,0,0,PC 17477,69.3,B35,C,9,?,? +1,1,"Salomon, Mr. Abraham L",male,,0,0,111163,26.0,?,S,1,?,"New York, NY" +1,1,"Schabert, Mrs. Paul (Emma Mock)",female,35.0,1,0,13236,57.75,C28,C,11,?,"New York, NY" +1,1,"Serepeca, Miss. Augusta",female,30.0,0,0,113798,31.0,?,C,4,?,? +1,1,"Seward, Mr. Frederic Kimber",male,34.0,0,0,113794,26.55,?,S,7,?,"New York, NY" +1,1,"Shutes, Miss. Elizabeth W",female,40.0,0,0,PC 17582,153.4625,C125,S,3,?,"New York, NY / Greenwich CT" +1,1,"Silverthorne, Mr. Spencer Victor",male,35.0,0,0,PC 17475,26.2875,E24,S,5,?,"St Louis, MO" +0,1,"Silvey, Mr. William Baird",male,50.0,1,0,13507,55.9,E44,S,?,?,"Duluth, MN" +1,1,"Silvey, Mrs. William Baird (Alice Munger)",female,39.0,1,0,13507,55.9,E44,S,11,?,"Duluth, MN" +1,1,"Simonius-Blumer, Col. Oberst Alfons",male,56.0,0,0,13213,35.5,A26,C,3,?,"Basel, Switzerland" +1,1,"Sloper, Mr. William Thompson",male,28.0,0,0,113788,35.5,A6,S,7,?,"New Britain, CT" +0,1,"Smart, Mr. John Montgomery",male,56.0,0,0,113792,26.55,?,S,?,?,"New York, NY" +0,1,"Smith, Mr. James Clinch",male,56.0,0,0,17764,30.6958,A7,C,?,?,"St James, Long Island, NY" +0,1,"Smith, Mr. Lucien Philip",male,24.0,1,0,13695,60.0,C31,S,?,?,"Huntington, WV" +0,1,"Smith, Mr. Richard William",male,,0,0,113056,26.0,A19,S,?,?,"Streatham, Surrey" +1,1,"Smith, Mrs. Lucien Philip (Mary Eloise Hughes)",female,18.0,1,0,13695,60.0,C31,S,6,?,"Huntington, WV" +1,1,"Snyder, Mr. John Pillsbury",male,24.0,1,0,21228,82.2667,B45,S,7,?,"Minneapolis, MN" +1,1,"Snyder, Mrs. John Pillsbury (Nelle Stevenson)",female,23.0,1,0,21228,82.2667,B45,S,7,?,"Minneapolis, MN" +1,1,"Spedden, Master. Robert Douglas",male,6.0,0,2,16966,134.5,E34,C,3,?,"Tuxedo Park, NY" +1,1,"Spedden, Mr. Frederic Oakley",male,45.0,1,1,16966,134.5,E34,C,3,?,"Tuxedo Park, NY" +1,1,"Spedden, Mrs. Frederic Oakley (Margaretta Corning Stone)",female,40.0,1,1,16966,134.5,E34,C,3,?,"Tuxedo Park, NY" +0,1,"Spencer, Mr. William Augustus",male,57.0,1,0,PC 17569,146.5208,B78,C,?,?,"Paris, France" +1,1,"Spencer, Mrs. William Augustus (Marie Eugenie)",female,,1,0,PC 17569,146.5208,B78,C,6,?,"Paris, France" +1,1,"Stahelin-Maeglin, Dr. Max",male,32.0,0,0,13214,30.5,B50,C,3,?,"Basel, Switzerland" +0,1,"Stead, Mr. William Thomas",male,62.0,0,0,113514,26.55,C87,S,?,?,"Wimbledon Park, London / Hayling Island, Hants" +1,1,"Stengel, Mr. Charles Emil Henry",male,54.0,1,0,11778,55.4417,C116,C,1,?,"Newark, NJ" +1,1,"Stengel, Mrs. Charles Emil Henry (Annie May Morris)",female,43.0,1,0,11778,55.4417,C116,C,5,?,"Newark, NJ" +1,1,"Stephenson, Mrs. Walter Bertram (Martha Eustis)",female,52.0,1,0,36947,78.2667,D20,C,4,?,"Haverford, PA" +0,1,"Stewart, Mr. Albert A",male,,0,0,PC 17605,27.7208,?,C,?,?,"Gallipolis, Ohio / ? Paris / New York" +1,1,"Stone, Mrs. George Nelson (Martha Evelyn)",female,62.0,0,0,113572,80.0,B28,?,6,?,"Cincinatti, OH" +0,1,"Straus, Mr. Isidor",male,67.0,1,0,PC 17483,221.7792,C55 C57,S,?,96,"New York, NY" +0,1,"Straus, Mrs. Isidor (Rosalie Ida Blun)",female,63.0,1,0,PC 17483,221.7792,C55 C57,S,?,?,"New York, NY" +0,1,"Sutton, Mr. Frederick",male,61.0,0,0,36963,32.3208,D50,S,?,46,"Haddenfield, NJ" +1,1,"Swift, Mrs. Frederick Joel (Margaret Welles Barron)",female,48.0,0,0,17466,25.9292,D17,S,8,?,"Brooklyn, NY" +1,1,"Taussig, Miss. Ruth",female,18.0,0,2,110413,79.65,E68,S,8,?,"New York, NY" +0,1,"Taussig, Mr. Emil",male,52.0,1,1,110413,79.65,E67,S,?,?,"New York, NY" +1,1,"Taussig, Mrs. Emil (Tillie Mandelbaum)",female,39.0,1,1,110413,79.65,E67,S,8,?,"New York, NY" +1,1,"Taylor, Mr. Elmer Zebley",male,48.0,1,0,19996,52.0,C126,S,5 7,?,"London / East Orange, NJ" +1,1,"Taylor, Mrs. Elmer Zebley (Juliet Cummins Wright)",female,,1,0,19996,52.0,C126,S,5 7,?,"London / East Orange, NJ" +0,1,"Thayer, Mr. John Borland",male,49.0,1,1,17421,110.8833,C68,C,?,?,"Haverford, PA" +1,1,"Thayer, Mr. John Borland Jr",male,17.0,0,2,17421,110.8833,C70,C,B,?,"Haverford, PA" +1,1,"Thayer, Mrs. John Borland (Marian Longstreth Morris)",female,39.0,1,1,17421,110.8833,C68,C,4,?,"Haverford, PA" +1,1,"Thorne, Mrs. Gertrude Maybelle",female,,0,0,PC 17585,79.2,?,C,D,?,"New York, NY" +1,1,"Tucker, Mr. Gilbert Milligan Jr",male,31.0,0,0,2543,28.5375,C53,C,7,?,"Albany, NY" +0,1,"Uruchurtu, Don. Manuel E",male,40.0,0,0,PC 17601,27.7208,?,C,?,?,"Mexico City, Mexico" +0,1,"Van der hoef, Mr. Wyckoff",male,61.0,0,0,111240,33.5,B19,S,?,245,"Brooklyn, NY" +0,1,"Walker, Mr. William Anderson",male,47.0,0,0,36967,34.0208,D46,S,?,?,"East Orange, NJ" +1,1,"Ward, Miss. Anna",female,35.0,0,0,PC 17755,512.3292,?,C,3,?,? +0,1,"Warren, Mr. Frank Manley",male,64.0,1,0,110813,75.25,D37,C,?,?,"Portland, OR" +1,1,"Warren, Mrs. Frank Manley (Anna Sophia Atkinson)",female,60.0,1,0,110813,75.25,D37,C,5,?,"Portland, OR" +0,1,"Weir, Col. John",male,60.0,0,0,113800,26.55,?,S,?,?,"England Salt Lake City, Utah" +0,1,"White, Mr. Percival Wayland",male,54.0,0,1,35281,77.2875,D26,S,?,?,"Brunswick, ME" +0,1,"White, Mr. Richard Frasar",male,21.0,0,1,35281,77.2875,D26,S,?,169,"Brunswick, ME" +1,1,"White, Mrs. John Stuart (Ella Holmes)",female,55.0,0,0,PC 17760,135.6333,C32,C,8,?,"New York, NY / Briarcliff Manor NY" +1,1,"Wick, Miss. Mary Natalie",female,31.0,0,2,36928,164.8667,C7,S,8,?,"Youngstown, OH" +0,1,"Wick, Mr. George Dennick",male,57.0,1,1,36928,164.8667,?,S,?,?,"Youngstown, OH" +1,1,"Wick, Mrs. George Dennick (Mary Hitchcock)",female,45.0,1,1,36928,164.8667,?,S,8,?,"Youngstown, OH" +0,1,"Widener, Mr. George Dunton",male,50.0,1,1,113503,211.5,C80,C,?,?,"Elkins Park, PA" +0,1,"Widener, Mr. Harry Elkins",male,27.0,0,2,113503,211.5,C82,C,?,?,"Elkins Park, PA" +1,1,"Widener, Mrs. George Dunton (Eleanor Elkins)",female,50.0,1,1,113503,211.5,C80,C,4,?,"Elkins Park, PA" +1,1,"Willard, Miss. Constance",female,21.0,0,0,113795,26.55,?,S,8 10,?,"Duluth, MN" +0,1,"Williams, Mr. Charles Duane",male,51.0,0,1,PC 17597,61.3792,?,C,?,?,"Geneva, Switzerland / Radnor, PA" +1,1,"Williams, Mr. Richard Norris II",male,21.0,0,1,PC 17597,61.3792,?,C,A,?,"Geneva, Switzerland / Radnor, PA" +0,1,"Williams-Lambert, Mr. Fletcher Fellows",male,,0,0,113510,35.0,C128,S,?,?,"London, England" +1,1,"Wilson, Miss. Helen Alice",female,31.0,0,0,16966,134.5,E39 E41,C,3,?,? +1,1,"Woolner, Mr. Hugh",male,,0,0,19947,35.5,C52,S,D,?,"London, England" +0,1,"Wright, Mr. George",male,62.0,0,0,113807,26.55,?,S,?,?,"Halifax, NS" +1,1,"Young, Miss. Marie Grice",female,36.0,0,0,PC 17760,135.6333,C32,C,8,?,"New York, NY / Washington, DC" +0,2,"Abelson, Mr. Samuel",male,30.0,1,0,P/PP 3381,24.0,?,C,?,?,"Russia New York, NY" +1,2,"Abelson, Mrs. Samuel (Hannah Wizosky)",female,28.0,1,0,P/PP 3381,24.0,?,C,10,?,"Russia New York, NY" +0,2,"Aldworth, Mr. Charles Augustus",male,30.0,0,0,248744,13.0,?,S,?,?,"Bryn Mawr, PA, USA" +0,2,"Andrew, Mr. Edgardo Samuel",male,18.0,0,0,231945,11.5,?,S,?,?,"Buenos Aires, Argentina / New Jersey, NJ" +0,2,"Andrew, Mr. Frank Thomas",male,25.0,0,0,C.A. 34050,10.5,?,S,?,?,"Cornwall, England Houghton, MI" +0,2,"Angle, Mr. William A",male,34.0,1,0,226875,26.0,?,S,?,?,"Warwick, England" +1,2,"Angle, Mrs. William A (Florence 'Mary' Agnes Hughes)",female,36.0,1,0,226875,26.0,?,S,11,?,"Warwick, England" +0,2,"Ashby, Mr. John",male,57.0,0,0,244346,13.0,?,S,?,?,"West Hoboken, NJ" +0,2,"Bailey, Mr. Percy Andrew",male,18.0,0,0,29108,11.5,?,S,?,?,"Penzance, Cornwall / Akron, OH" +0,2,"Baimbrigge, Mr. Charles Robert",male,23.0,0,0,C.A. 31030,10.5,?,S,?,?,Guernsey +1,2,"Ball, Mrs. (Ada E Hall)",female,36.0,0,0,28551,13.0,D,S,10,?,"Bristol, Avon / Jacksonville, FL" +0,2,"Banfield, Mr. Frederick James",male,28.0,0,0,C.A./SOTON 34068,10.5,?,S,?,?,"Plymouth, Dorset / Houghton, MI" +0,2,"Bateman, Rev. Robert James",male,51.0,0,0,S.O.P. 1166,12.525,?,S,?,174,"Jacksonville, FL" +1,2,"Beane, Mr. Edward",male,32.0,1,0,2908,26.0,?,S,13,?,"Norwich / New York, NY" +1,2,"Beane, Mrs. Edward (Ethel Clarke)",female,19.0,1,0,2908,26.0,?,S,13,?,"Norwich / New York, NY" +0,2,"Beauchamp, Mr. Henry James",male,28.0,0,0,244358,26.0,?,S,?,?,England +1,2,"Becker, Master. Richard F",male,1.0,2,1,230136,39.0,F4,S,11,?,"Guntur, India / Benton Harbour, MI" +1,2,"Becker, Miss. Marion Louise",female,4.0,2,1,230136,39.0,F4,S,11,?,"Guntur, India / Benton Harbour, MI" +1,2,"Becker, Miss. Ruth Elizabeth",female,12.0,2,1,230136,39.0,F4,S,13,?,"Guntur, India / Benton Harbour, MI" +1,2,"Becker, Mrs. Allen Oliver (Nellie E Baumgardner)",female,36.0,0,3,230136,39.0,F4,S,11,?,"Guntur, India / Benton Harbour, MI" +1,2,"Beesley, Mr. Lawrence",male,34.0,0,0,248698,13.0,D56,S,13,?,London +1,2,"Bentham, Miss. Lilian W",female,19.0,0,0,28404,13.0,?,S,12,?,"Rochester, NY" +0,2,"Berriman, Mr. William John",male,23.0,0,0,28425,13.0,?,S,?,?,"St Ives, Cornwall / Calumet, MI" +0,2,"Botsford, Mr. William Hull",male,26.0,0,0,237670,13.0,?,S,?,?,"Elmira, NY / Orange, NJ" +0,2,"Bowenur, Mr. Solomon",male,42.0,0,0,211535,13.0,?,S,?,?,London +0,2,"Bracken, Mr. James H",male,27.0,0,0,220367,13.0,?,S,?,?,"Lake Arthur, Chavez County, NM" +1,2,"Brown, Miss. Amelia 'Mildred'",female,24.0,0,0,248733,13.0,F33,S,11,?,"London / Montreal, PQ" +1,2,"Brown, Miss. Edith Eileen",female,15.0,0,2,29750,39.0,?,S,14,?,"Cape Town, South Africa / Seattle, WA" +0,2,"Brown, Mr. Thomas William Solomon",male,60.0,1,1,29750,39.0,?,S,?,?,"Cape Town, South Africa / Seattle, WA" +1,2,"Brown, Mrs. Thomas William Solomon (Elizabeth Catherine Ford)",female,40.0,1,1,29750,39.0,?,S,14,?,"Cape Town, South Africa / Seattle, WA" +1,2,"Bryhl, Miss. Dagmar Jenny Ingeborg",female,20.0,1,0,236853,26.0,?,S,12,?,"Skara, Sweden / Rockford, IL" +0,2,"Bryhl, Mr. Kurt Arnold Gottfrid",male,25.0,1,0,236853,26.0,?,S,?,?,"Skara, Sweden / Rockford, IL" +1,2,"Buss, Miss. Kate",female,36.0,0,0,27849,13.0,?,S,9,?,"Sittingbourne, England / San Diego, CA" +0,2,"Butler, Mr. Reginald Fenton",male,25.0,0,0,234686,13.0,?,S,?,97,"Southsea, Hants" +0,2,"Byles, Rev. Thomas Roussel Davids",male,42.0,0,0,244310,13.0,?,S,?,?,London +1,2,"Bystrom, Mrs. (Karolina)",female,42.0,0,0,236852,13.0,?,S,?,?,"New York, NY" +1,2,"Caldwell, Master. Alden Gates",male,0.8333,0,2,248738,29.0,?,S,13,?,"Bangkok, Thailand / Roseville, IL" +1,2,"Caldwell, Mr. Albert Francis",male,26.0,1,1,248738,29.0,?,S,13,?,"Bangkok, Thailand / Roseville, IL" +1,2,"Caldwell, Mrs. Albert Francis (Sylvia Mae Harbaugh)",female,22.0,1,1,248738,29.0,?,S,13,?,"Bangkok, Thailand / Roseville, IL" +1,2,"Cameron, Miss. Clear Annie",female,35.0,0,0,F.C.C. 13528,21.0,?,S,14,?,"Mamaroneck, NY" +0,2,"Campbell, Mr. William",male,,0,0,239853,0.0,?,S,?,?,Belfast +0,2,"Carbines, Mr. William",male,19.0,0,0,28424,13.0,?,S,?,18,"St Ives, Cornwall / Calumet, MI" +0,2,"Carter, Mrs. Ernest Courtenay (Lilian Hughes)",female,44.0,1,0,244252,26.0,?,S,?,?,London +0,2,"Carter, Rev. Ernest Courtenay",male,54.0,1,0,244252,26.0,?,S,?,?,London +0,2,"Chapman, Mr. Charles Henry",male,52.0,0,0,248731,13.5,?,S,?,130,"Bronx, NY" +0,2,"Chapman, Mr. John Henry",male,37.0,1,0,SC/AH 29037,26.0,?,S,?,17,"Cornwall / Spokane, WA" +0,2,"Chapman, Mrs. John Henry (Sara Elizabeth Lawry)",female,29.0,1,0,SC/AH 29037,26.0,?,S,?,?,"Cornwall / Spokane, WA" +1,2,"Christy, Miss. Julie Rachel",female,25.0,1,1,237789,30.0,?,S,12,?,London +1,2,"Christy, Mrs. (Alice Frances)",female,45.0,0,2,237789,30.0,?,S,12,?,London +0,2,"Clarke, Mr. Charles Valentine",male,29.0,1,0,2003,26.0,?,S,?,?,"England / San Francisco, CA" +1,2,"Clarke, Mrs. Charles V (Ada Maria Winfield)",female,28.0,1,0,2003,26.0,?,S,14,?,"England / San Francisco, CA" +0,2,"Coleridge, Mr. Reginald Charles",male,29.0,0,0,W./C. 14263,10.5,?,S,?,?,"Hartford, Huntingdonshire" +0,2,"Collander, Mr. Erik Gustaf",male,28.0,0,0,248740,13.0,?,S,?,?,"Helsinki, Finland Ashtabula, Ohio" +1,2,"Collett, Mr. Sidney C Stuart",male,24.0,0,0,28034,10.5,?,S,9,?,"London / Fort Byron, NY" +1,2,"Collyer, Miss. Marjorie 'Lottie'",female,8.0,0,2,C.A. 31921,26.25,?,S,14,?,"Bishopstoke, Hants / Fayette Valley, ID" +0,2,"Collyer, Mr. Harvey",male,31.0,1,1,C.A. 31921,26.25,?,S,?,?,"Bishopstoke, Hants / Fayette Valley, ID" +1,2,"Collyer, Mrs. Harvey (Charlotte Annie Tate)",female,31.0,1,1,C.A. 31921,26.25,?,S,14,?,"Bishopstoke, Hants / Fayette Valley, ID" +1,2,"Cook, Mrs. (Selena Rogers)",female,22.0,0,0,W./C. 14266,10.5,F33,S,14,?,Pennsylvania +0,2,"Corbett, Mrs. Walter H (Irene Colvin)",female,30.0,0,0,237249,13.0,?,S,?,?,"Provo, UT" +0,2,"Corey, Mrs. Percy C (Mary Phyllis Elizabeth Miller)",female,,0,0,F.C.C. 13534,21.0,?,S,?,?,"Upper Burma, India Pittsburgh, PA" +0,2,"Cotterill, Mr. Henry 'Harry'",male,21.0,0,0,29107,11.5,?,S,?,?,"Penzance, Cornwall / Akron, OH" +0,2,"Cunningham, Mr. Alfred Fleming",male,,0,0,239853,0.0,?,S,?,?,Belfast +1,2,"Davies, Master. John Morgan Jr",male,8.0,1,1,C.A. 33112,36.75,?,S,14,?,"St Ives, Cornwall / Hancock, MI" +0,2,"Davies, Mr. Charles Henry",male,18.0,0,0,S.O.C. 14879,73.5,?,S,?,?,"Lyndhurst, England" +1,2,"Davies, Mrs. John Morgan (Elizabeth Agnes Mary White)",female,48.0,0,2,C.A. 33112,36.75,?,S,14,?,"St Ives, Cornwall / Hancock, MI" +1,2,"Davis, Miss. Mary",female,28.0,0,0,237668,13.0,?,S,13,?,"London / Staten Island, NY" +0,2,"de Brito, Mr. Jose Joaquim",male,32.0,0,0,244360,13.0,?,S,?,?,"Portugal / Sau Paulo, Brazil" +0,2,"Deacon, Mr. Percy William",male,17.0,0,0,S.O.C. 14879,73.5,?,S,?,?,? +0,2,"del Carlo, Mr. Sebastiano",male,29.0,1,0,SC/PARIS 2167,27.7208,?,C,?,295,"Lucca, Italy / California" +1,2,"del Carlo, Mrs. Sebastiano (Argenia Genovesi)",female,24.0,1,0,SC/PARIS 2167,27.7208,?,C,12,?,"Lucca, Italy / California" +0,2,"Denbury, Mr. Herbert",male,25.0,0,0,C.A. 31029,31.5,?,S,?,?,"Guernsey / Elizabeth, NJ" +0,2,"Dibden, Mr. William",male,18.0,0,0,S.O.C. 14879,73.5,?,S,?,?,"New Forest, England" +1,2,"Doling, Miss. Elsie",female,18.0,0,1,231919,23.0,?,S,?,?,Southampton +1,2,"Doling, Mrs. John T (Ada Julia Bone)",female,34.0,0,1,231919,23.0,?,S,?,?,Southampton +0,2,"Downton, Mr. William James",male,54.0,0,0,28403,26.0,?,S,?,?,"Holley, NY" +1,2,"Drew, Master. Marshall Brines",male,8.0,0,2,28220,32.5,?,S,10,?,"Greenport, NY" +0,2,"Drew, Mr. James Vivian",male,42.0,1,1,28220,32.5,?,S,?,?,"Greenport, NY" +1,2,"Drew, Mrs. James Vivian (Lulu Thorne Christian)",female,34.0,1,1,28220,32.5,?,S,10,?,"Greenport, NY" +1,2,"Duran y More, Miss. Asuncion",female,27.0,1,0,SC/PARIS 2149,13.8583,?,C,12,?,"Barcelona, Spain / Havana, Cuba" +1,2,"Duran y More, Miss. Florentina",female,30.0,1,0,SC/PARIS 2148,13.8583,?,C,12,?,"Barcelona, Spain / Havana, Cuba" +0,2,"Eitemiller, Mr. George Floyd",male,23.0,0,0,29751,13.0,?,S,?,?,"England / Detroit, MI" +0,2,"Enander, Mr. Ingvar",male,21.0,0,0,236854,13.0,?,S,?,?,"Goteborg, Sweden / Rockford, IL" +0,2,"Fahlstrom, Mr. Arne Jonas",male,18.0,0,0,236171,13.0,?,S,?,?,"Oslo, Norway Bayonne, NJ" +0,2,"Faunthorpe, Mr. Harry",male,40.0,1,0,2926,26.0,?,S,?,286,"England / Philadelphia, PA" +1,2,"Faunthorpe, Mrs. Lizzie (Elizabeth Anne Wilkinson)",female,29.0,1,0,2926,26.0,?,S,16,?,? +0,2,"Fillbrook, Mr. Joseph Charles",male,18.0,0,0,C.A. 15185,10.5,?,S,?,?,"Cornwall / Houghton, MI" +0,2,"Fox, Mr. Stanley Hubert",male,36.0,0,0,229236,13.0,?,S,?,236,"Rochester, NY" +0,2,"Frost, Mr. Anthony Wood 'Archie'",male,,0,0,239854,0.0,?,S,?,?,Belfast +0,2,"Funk, Miss. Annie Clemmer",female,38.0,0,0,237671,13.0,?,S,?,?,"Janjgir, India / Pennsylvania" +0,2,"Fynney, Mr. Joseph J",male,35.0,0,0,239865,26.0,?,S,?,322,"Liverpool / Montreal, PQ" +0,2,"Gale, Mr. Harry",male,38.0,1,0,28664,21.0,?,S,?,?,"Cornwall / Clear Creek, CO" +0,2,"Gale, Mr. Shadrach",male,34.0,1,0,28664,21.0,?,S,?,?,"Cornwall / Clear Creek, CO" +1,2,"Garside, Miss. Ethel",female,34.0,0,0,243880,13.0,?,S,12,?,"Brooklyn, NY" +0,2,"Gaskell, Mr. Alfred",male,16.0,0,0,239865,26.0,?,S,?,?,"Liverpool / Montreal, PQ" +0,2,"Gavey, Mr. Lawrence",male,26.0,0,0,31028,10.5,?,S,?,?,"Guernsey / Elizabeth, NJ" +0,2,"Gilbert, Mr. William",male,47.0,0,0,C.A. 30769,10.5,?,S,?,?,Cornwall +0,2,"Giles, Mr. Edgar",male,21.0,1,0,28133,11.5,?,S,?,?,"Cornwall / Camden, NJ" +0,2,"Giles, Mr. Frederick Edward",male,21.0,1,0,28134,11.5,?,S,?,?,"Cornwall / Camden, NJ" +0,2,"Giles, Mr. Ralph",male,24.0,0,0,248726,13.5,?,S,?,297,"West Kensington, London" +0,2,"Gill, Mr. John William",male,24.0,0,0,233866,13.0,?,S,?,155,"Clevedon, England" +0,2,"Gillespie, Mr. William Henry",male,34.0,0,0,12233,13.0,?,S,?,?,"Vancouver, BC" +0,2,"Givard, Mr. Hans Kristensen",male,30.0,0,0,250646,13.0,?,S,?,305,? +0,2,"Greenberg, Mr. Samuel",male,52.0,0,0,250647,13.0,?,S,?,19,"Bronx, NY" +0,2,"Hale, Mr. Reginald",male,30.0,0,0,250653,13.0,?,S,?,75,"Auburn, NY" +1,2,"Hamalainen, Master. Viljo",male,0.6667,1,1,250649,14.5,?,S,4,?,"Detroit, MI" +1,2,"Hamalainen, Mrs. William (Anna)",female,24.0,0,2,250649,14.5,?,S,4,?,"Detroit, MI" +0,2,"Harbeck, Mr. William H",male,44.0,0,0,248746,13.0,?,S,?,35,"Seattle, WA / Toledo, OH" +1,2,"Harper, Miss. Annie Jessie 'Nina'",female,6.0,0,1,248727,33.0,?,S,11,?,"Denmark Hill, Surrey / Chicago" +0,2,"Harper, Rev. John",male,28.0,0,1,248727,33.0,?,S,?,?,"Denmark Hill, Surrey / Chicago" +1,2,"Harris, Mr. George",male,62.0,0,0,S.W./PP 752,10.5,?,S,15,?,London +0,2,"Harris, Mr. Walter",male,30.0,0,0,W/C 14208,10.5,?,S,?,?,"Walthamstow, England" +1,2,"Hart, Miss. Eva Miriam",female,7.0,0,2,F.C.C. 13529,26.25,?,S,14,?,"Ilford, Essex / Winnipeg, MB" +0,2,"Hart, Mr. Benjamin",male,43.0,1,1,F.C.C. 13529,26.25,?,S,?,?,"Ilford, Essex / Winnipeg, MB" +1,2,"Hart, Mrs. Benjamin (Esther Ada Bloomfield)",female,45.0,1,1,F.C.C. 13529,26.25,?,S,14,?,"Ilford, Essex / Winnipeg, MB" +1,2,"Herman, Miss. Alice",female,24.0,1,2,220845,65.0,?,S,9,?,"Somerset / Bernardsville, NJ" +1,2,"Herman, Miss. Kate",female,24.0,1,2,220845,65.0,?,S,9,?,"Somerset / Bernardsville, NJ" +0,2,"Herman, Mr. Samuel",male,49.0,1,2,220845,65.0,?,S,?,?,"Somerset / Bernardsville, NJ" +1,2,"Herman, Mrs. Samuel (Jane Laver)",female,48.0,1,2,220845,65.0,?,S,9,?,"Somerset / Bernardsville, NJ" +1,2,"Hewlett, Mrs. (Mary D Kingcome)",female,55.0,0,0,248706,16.0,?,S,13,?,"India / Rapid City, SD" +0,2,"Hickman, Mr. Leonard Mark",male,24.0,2,0,S.O.C. 14879,73.5,?,S,?,?,"West Hampstead, London / Neepawa, MB" +0,2,"Hickman, Mr. Lewis",male,32.0,2,0,S.O.C. 14879,73.5,?,S,?,256,"West Hampstead, London / Neepawa, MB" +0,2,"Hickman, Mr. Stanley George",male,21.0,2,0,S.O.C. 14879,73.5,?,S,?,?,"West Hampstead, London / Neepawa, MB" +0,2,"Hiltunen, Miss. Marta",female,18.0,1,1,250650,13.0,?,S,?,?,"Kontiolahti, Finland / Detroit, MI" +1,2,"Hocking, Miss. Ellen 'Nellie'",female,20.0,2,1,29105,23.0,?,S,4,?,"Cornwall / Akron, OH" +0,2,"Hocking, Mr. Richard George",male,23.0,2,1,29104,11.5,?,S,?,?,"Cornwall / Akron, OH" +0,2,"Hocking, Mr. Samuel James Metcalfe",male,36.0,0,0,242963,13.0,?,S,?,?,"Devonport, England" +1,2,"Hocking, Mrs. Elizabeth (Eliza Needs)",female,54.0,1,3,29105,23.0,?,S,4,?,"Cornwall / Akron, OH" +0,2,"Hodges, Mr. Henry Price",male,50.0,0,0,250643,13.0,?,S,?,149,Southampton +0,2,"Hold, Mr. Stephen",male,44.0,1,0,26707,26.0,?,S,?,?,"England / Sacramento, CA" +1,2,"Hold, Mrs. Stephen (Annie Margaret Hill)",female,29.0,1,0,26707,26.0,?,S,10,?,"England / Sacramento, CA" +0,2,"Hood, Mr. Ambrose Jr",male,21.0,0,0,S.O.C. 14879,73.5,?,S,?,?,"New Forest, England" +1,2,"Hosono, Mr. Masabumi",male,42.0,0,0,237798,13.0,?,S,10,?,"Tokyo, Japan" +0,2,"Howard, Mr. Benjamin",male,63.0,1,0,24065,26.0,?,S,?,?,"Swindon, England" +0,2,"Howard, Mrs. Benjamin (Ellen Truelove Arman)",female,60.0,1,0,24065,26.0,?,S,?,?,"Swindon, England" +0,2,"Hunt, Mr. George Henry",male,33.0,0,0,SCO/W 1585,12.275,?,S,?,?,"Philadelphia, PA" +1,2,"Ilett, Miss. Bertha",female,17.0,0,0,SO/C 14885,10.5,?,S,?,?,Guernsey +0,2,"Jacobsohn, Mr. Sidney Samuel",male,42.0,1,0,243847,27.0,?,S,?,?,London +1,2,"Jacobsohn, Mrs. Sidney Samuel (Amy Frances Christy)",female,24.0,2,1,243847,27.0,?,S,12,?,London +0,2,"Jarvis, Mr. John Denzil",male,47.0,0,0,237565,15.0,?,S,?,?,"North Evington, England" +0,2,"Jefferys, Mr. Clifford Thomas",male,24.0,2,0,C.A. 31029,31.5,?,S,?,?,"Guernsey / Elizabeth, NJ" +0,2,"Jefferys, Mr. Ernest Wilfred",male,22.0,2,0,C.A. 31029,31.5,?,S,?,?,"Guernsey / Elizabeth, NJ" +0,2,"Jenkin, Mr. Stephen Curnow",male,32.0,0,0,C.A. 33111,10.5,?,S,?,?,"St Ives, Cornwall / Houghton, MI" +1,2,"Jerwan, Mrs. Amin S (Marie Marthe Thuillard)",female,23.0,0,0,SC/AH Basle 541,13.7917,D,C,11,?,"New York, NY" +0,2,"Kantor, Mr. Sinai",male,34.0,1,0,244367,26.0,?,S,?,283,"Moscow / Bronx, NY" +1,2,"Kantor, Mrs. Sinai (Miriam Sternin)",female,24.0,1,0,244367,26.0,?,S,12,?,"Moscow / Bronx, NY" +0,2,"Karnes, Mrs. J Frank (Claire Bennett)",female,22.0,0,0,F.C.C. 13534,21.0,?,S,?,?,"India / Pittsburgh, PA" +1,2,"Keane, Miss. Nora A",female,,0,0,226593,12.35,E101,Q,10,?,"Harrisburg, PA" +0,2,"Keane, Mr. Daniel",male,35.0,0,0,233734,12.35,?,Q,?,?,? +1,2,"Kelly, Mrs. Florence 'Fannie'",female,45.0,0,0,223596,13.5,?,S,9,?,"London / New York, NY" +0,2,"Kirkland, Rev. Charles Leonard",male,57.0,0,0,219533,12.35,?,Q,?,?,"Glasgow / Bangor, ME" +0,2,"Knight, Mr. Robert J",male,,0,0,239855,0.0,?,S,?,?,Belfast +0,2,"Kvillner, Mr. Johan Henrik Johannesson",male,31.0,0,0,C.A. 18723,10.5,?,S,?,165,"Sweden / Arlington, NJ" +0,2,"Lahtinen, Mrs. William (Anna Sylfven)",female,26.0,1,1,250651,26.0,?,S,?,?,"Minneapolis, MN" +0,2,"Lahtinen, Rev. William",male,30.0,1,1,250651,26.0,?,S,?,?,"Minneapolis, MN" +0,2,"Lamb, Mr. John Joseph",male,,0,0,240261,10.7083,?,Q,?,?,? +1,2,"Laroche, Miss. Louise",female,1.0,1,2,SC/Paris 2123,41.5792,?,C,14,?,Paris / Haiti +1,2,"Laroche, Miss. Simonne Marie Anne Andree",female,3.0,1,2,SC/Paris 2123,41.5792,?,C,14,?,Paris / Haiti +0,2,"Laroche, Mr. Joseph Philippe Lemercier",male,25.0,1,2,SC/Paris 2123,41.5792,?,C,?,?,Paris / Haiti +1,2,"Laroche, Mrs. Joseph (Juliette Marie Louise Lafargue)",female,22.0,1,2,SC/Paris 2123,41.5792,?,C,14,?,Paris / Haiti +1,2,"Lehmann, Miss. Bertha",female,17.0,0,0,SC 1748,12.0,?,C,12,?,"Berne, Switzerland / Central City, IA" +1,2,"Leitch, Miss. Jessie Wills",female,,0,0,248727,33.0,?,S,11,?,"London / Chicago, IL" +1,2,"Lemore, Mrs. (Amelia Milley)",female,34.0,0,0,C.A. 34260,10.5,F33,S,14,?,"Chicago, IL" +0,2,"Levy, Mr. Rene Jacques",male,36.0,0,0,SC/Paris 2163,12.875,D,C,?,?,"Montreal, PQ" +0,2,"Leyson, Mr. Robert William Norman",male,24.0,0,0,C.A. 29566,10.5,?,S,?,108,? +0,2,"Lingane, Mr. John",male,61.0,0,0,235509,12.35,?,Q,?,?,? +0,2,"Louch, Mr. Charles Alexander",male,50.0,1,0,SC/AH 3085,26.0,?,S,?,121,"Weston-Super-Mare, Somerset" +1,2,"Louch, Mrs. Charles Alexander (Alice Adelaide Slow)",female,42.0,1,0,SC/AH 3085,26.0,?,S,?,?,"Weston-Super-Mare, Somerset" +0,2,"Mack, Mrs. (Mary)",female,57.0,0,0,S.O./P.P. 3,10.5,E77,S,?,52,"Southampton / New York, NY" +0,2,"Malachard, Mr. Noel",male,,0,0,237735,15.0458,D,C,?,?,Paris +1,2,"Mallet, Master. Andre",male,1.0,0,2,S.C./PARIS 2079,37.0042,?,C,10,?,"Paris / Montreal, PQ" +0,2,"Mallet, Mr. Albert",male,31.0,1,1,S.C./PARIS 2079,37.0042,?,C,?,?,"Paris / Montreal, PQ" +1,2,"Mallet, Mrs. Albert (Antoinette Magnin)",female,24.0,1,1,S.C./PARIS 2079,37.0042,?,C,10,?,"Paris / Montreal, PQ" +0,2,"Mangiavacchi, Mr. Serafino Emilio",male,,0,0,SC/A.3 2861,15.5792,?,C,?,?,"New York, NY" +0,2,"Matthews, Mr. William John",male,30.0,0,0,28228,13.0,?,S,?,?,"St Austall, Cornwall" +0,2,"Maybery, Mr. Frank Hubert",male,40.0,0,0,239059,16.0,?,S,?,?,"Weston-Super-Mare / Moose Jaw, SK" +0,2,"McCrae, Mr. Arthur Gordon",male,32.0,0,0,237216,13.5,?,S,?,209,"Sydney, Australia" +0,2,"McCrie, Mr. James Matthew",male,30.0,0,0,233478,13.0,?,S,?,?,"Sarnia, ON" +0,2,"McKane, Mr. Peter David",male,46.0,0,0,28403,26.0,?,S,?,?,"Rochester, NY" +1,2,"Mellinger, Miss. Madeleine Violet",female,13.0,0,1,250644,19.5,?,S,14,?,"England / Bennington, VT" +1,2,"Mellinger, Mrs. (Elizabeth Anne Maidment)",female,41.0,0,1,250644,19.5,?,S,14,?,"England / Bennington, VT" +1,2,"Mellors, Mr. William John",male,19.0,0,0,SW/PP 751,10.5,?,S,B,?,"Chelsea, London" +0,2,"Meyer, Mr. August",male,39.0,0,0,248723,13.0,?,S,?,?,"Harrow-on-the-Hill, Middlesex" +0,2,"Milling, Mr. Jacob Christian",male,48.0,0,0,234360,13.0,?,S,?,271,"Copenhagen, Denmark" +0,2,"Mitchell, Mr. Henry Michael",male,70.0,0,0,C.A. 24580,10.5,?,S,?,?,"Guernsey / Montclair, NJ and/or Toledo, Ohio" +0,2,"Montvila, Rev. Juozas",male,27.0,0,0,211536,13.0,?,S,?,?,"Worcester, MA" +0,2,"Moraweck, Dr. Ernest",male,54.0,0,0,29011,14.0,?,S,?,?,"Frankfort, KY" +0,2,"Morley, Mr. Henry Samuel ('Mr Henry Marshall')",male,39.0,0,0,250655,26.0,?,S,?,?,? +0,2,"Mudd, Mr. Thomas Charles",male,16.0,0,0,S.O./P.P. 3,10.5,?,S,?,?,"Halesworth, England" +0,2,"Myles, Mr. Thomas Francis",male,62.0,0,0,240276,9.6875,?,Q,?,?,"Cambridge, MA" +0,2,"Nasser, Mr. Nicholas",male,32.5,1,0,237736,30.0708,?,C,?,43,"New York, NY" +1,2,"Nasser, Mrs. Nicholas (Adele Achem)",female,14.0,1,0,237736,30.0708,?,C,?,?,"New York, NY" +1,2,"Navratil, Master. Edmond Roger",male,2.0,1,1,230080,26.0,F2,S,D,?,"Nice, France" +1,2,"Navratil, Master. Michel M",male,3.0,1,1,230080,26.0,F2,S,D,?,"Nice, France" +0,2,"Navratil, Mr. Michel ('Louis M Hoffman')",male,36.5,0,2,230080,26.0,F2,S,?,15,"Nice, France" +0,2,"Nesson, Mr. Israel",male,26.0,0,0,244368,13.0,F2,S,?,?,"Boston, MA" +0,2,"Nicholls, Mr. Joseph Charles",male,19.0,1,1,C.A. 33112,36.75,?,S,?,101,"Cornwall / Hancock, MI" +0,2,"Norman, Mr. Robert Douglas",male,28.0,0,0,218629,13.5,?,S,?,287,Glasgow +1,2,"Nourney, Mr. Alfred ('Baron von Drachstedt')",male,20.0,0,0,SC/PARIS 2166,13.8625,D38,C,7,?,"Cologne, Germany" +1,2,"Nye, Mrs. (Elizabeth Ramell)",female,29.0,0,0,C.A. 29395,10.5,F33,S,11,?,"Folkstone, Kent / New York, NY" +0,2,"Otter, Mr. Richard",male,39.0,0,0,28213,13.0,?,S,?,?,"Middleburg Heights, OH" +1,2,"Oxenham, Mr. Percy Thomas",male,22.0,0,0,W./C. 14260,10.5,?,S,13,?,"Pondersend, England / New Durham, NJ" +1,2,"Padro y Manent, Mr. Julian",male,,0,0,SC/PARIS 2146,13.8625,?,C,9,?,"Spain / Havana, Cuba" +0,2,"Pain, Dr. Alfred",male,23.0,0,0,244278,10.5,?,S,?,?,"Hamilton, ON" +1,2,"Pallas y Castello, Mr. Emilio",male,29.0,0,0,SC/PARIS 2147,13.8583,?,C,9,?,"Spain / Havana, Cuba" +0,2,"Parker, Mr. Clifford Richard",male,28.0,0,0,SC 14888,10.5,?,S,?,?,"St Andrews, Guernsey" +0,2,"Parkes, Mr. Francis 'Frank'",male,,0,0,239853,0.0,?,S,?,?,Belfast +1,2,"Parrish, Mrs. (Lutie Davis)",female,50.0,0,1,230433,26.0,?,S,12,?,"Woodford County, KY" +0,2,"Pengelly, Mr. Frederick William",male,19.0,0,0,28665,10.5,?,S,?,?,"Gunnislake, England / Butte, MT" +0,2,"Pernot, Mr. Rene",male,,0,0,SC/PARIS 2131,15.05,?,C,?,?,? +0,2,"Peruschitz, Rev. Joseph Maria",male,41.0,0,0,237393,13.0,?,S,?,?,? +1,2,"Phillips, Miss. Alice Frances Louisa",female,21.0,0,1,S.O./P.P. 2,21.0,?,S,12,?,"Ilfracombe, Devon" +1,2,"Phillips, Miss. Kate Florence ('Mrs Kate Louise Phillips Marshall')",female,19.0,0,0,250655,26.0,?,S,11,?,"Worcester, England" +0,2,"Phillips, Mr. Escott Robert",male,43.0,0,1,S.O./P.P. 2,21.0,?,S,?,?,"Ilfracombe, Devon" +1,2,"Pinsky, Mrs. (Rosa)",female,32.0,0,0,234604,13.0,?,S,9,?,Russia +0,2,"Ponesell, Mr. Martin",male,34.0,0,0,250647,13.0,?,S,?,?,"Denmark / New York, NY" +1,2,"Portaluppi, Mr. Emilio Ilario Giuseppe",male,30.0,0,0,C.A. 34644,12.7375,?,C,14,?,"Milford, NH" +0,2,"Pulbaum, Mr. Franz",male,27.0,0,0,SC/PARIS 2168,15.0333,?,C,?,?,Paris +1,2,"Quick, Miss. Phyllis May",female,2.0,1,1,26360,26.0,?,S,11,?,"Plymouth, Devon / Detroit, MI" +1,2,"Quick, Miss. Winifred Vera",female,8.0,1,1,26360,26.0,?,S,11,?,"Plymouth, Devon / Detroit, MI" +1,2,"Quick, Mrs. Frederick Charles (Jane Richards)",female,33.0,0,2,26360,26.0,?,S,11,?,"Plymouth, Devon / Detroit, MI" +0,2,"Reeves, Mr. David",male,36.0,0,0,C.A. 17248,10.5,?,S,?,?,"Brighton, Sussex" +0,2,"Renouf, Mr. Peter Henry",male,34.0,1,0,31027,21.0,?,S,12,?,"Elizabeth, NJ" +1,2,"Renouf, Mrs. Peter Henry (Lillian Jefferys)",female,30.0,3,0,31027,21.0,?,S,?,?,"Elizabeth, NJ" +1,2,"Reynaldo, Ms. Encarnacion",female,28.0,0,0,230434,13.0,?,S,9,?,Spain +0,2,"Richard, Mr. Emile",male,23.0,0,0,SC/PARIS 2133,15.0458,?,C,?,?,"Paris / Montreal, PQ" +1,2,"Richards, Master. George Sibley",male,0.8333,1,1,29106,18.75,?,S,4,?,"Cornwall / Akron, OH" +1,2,"Richards, Master. William Rowe",male,3.0,1,1,29106,18.75,?,S,4,?,"Cornwall / Akron, OH" +1,2,"Richards, Mrs. Sidney (Emily Hocking)",female,24.0,2,3,29106,18.75,?,S,4,?,"Cornwall / Akron, OH" +1,2,"Ridsdale, Miss. Lucy",female,50.0,0,0,W./C. 14258,10.5,?,S,13,?,"London, England / Marietta, Ohio and Milwaukee, WI" +0,2,"Rogers, Mr. Reginald Harry",male,19.0,0,0,28004,10.5,?,S,?,?,? +1,2,"Rugg, Miss. Emily",female,21.0,0,0,C.A. 31026,10.5,?,S,12,?,"Guernsey / Wilmington, DE" +0,2,"Schmidt, Mr. August",male,26.0,0,0,248659,13.0,?,S,?,?,"Newark, NJ" +0,2,"Sedgwick, Mr. Charles Frederick Waddington",male,25.0,0,0,244361,13.0,?,S,?,?,Liverpool +0,2,"Sharp, Mr. Percival James R",male,27.0,0,0,244358,26.0,?,S,?,?,"Hornsey, England" +1,2,"Shelley, Mrs. William (Imanita Parrish Hall)",female,25.0,0,1,230433,26.0,?,S,12,?,"Deer Lodge, MT" +1,2,"Silven, Miss. Lyyli Karoliina",female,18.0,0,2,250652,13.0,?,S,16,?,"Finland / Minneapolis, MN" +1,2,"Sincock, Miss. Maude",female,20.0,0,0,C.A. 33112,36.75,?,S,11,?,"Cornwall / Hancock, MI" +1,2,"Sinkkonen, Miss. Anna",female,30.0,0,0,250648,13.0,?,S,10,?,"Finland / Washington, DC" +0,2,"Sjostedt, Mr. Ernst Adolf",male,59.0,0,0,237442,13.5,?,S,?,?,"Sault St Marie, ON" +1,2,"Slayter, Miss. Hilda Mary",female,30.0,0,0,234818,12.35,?,Q,13,?,"Halifax, NS" +0,2,"Slemen, Mr. Richard James",male,35.0,0,0,28206,10.5,?,S,?,?,Cornwall +1,2,"Smith, Miss. Marion Elsie",female,40.0,0,0,31418,13.0,?,S,9,?,? +0,2,"Sobey, Mr. Samuel James Hayden",male,25.0,0,0,C.A. 29178,13.0,?,S,?,?,"Cornwall / Houghton, MI" +0,2,"Stanton, Mr. Samuel Ward",male,41.0,0,0,237734,15.0458,?,C,?,?,"New York, NY" +0,2,"Stokes, Mr. Philip Joseph",male,25.0,0,0,F.C.C. 13540,10.5,?,S,?,81,"Catford, Kent / Detroit, MI" +0,2,"Swane, Mr. George",male,18.5,0,0,248734,13.0,F,S,?,294,? +0,2,"Sweet, Mr. George Frederick",male,14.0,0,0,220845,65.0,?,S,?,?,"Somerset / Bernardsville, NJ" +1,2,"Toomey, Miss. Ellen",female,50.0,0,0,F.C.C. 13531,10.5,?,S,9,?,"Indianapolis, IN" +0,2,"Troupiansky, Mr. Moses Aaron",male,23.0,0,0,233639,13.0,?,S,?,?,? +1,2,"Trout, Mrs. William H (Jessie L)",female,28.0,0,0,240929,12.65,?,S,?,?,"Columbus, OH" +1,2,"Troutt, Miss. Edwina Celia 'Winnie'",female,27.0,0,0,34218,10.5,E101,S,16,?,"Bath, England / Massachusetts" +0,2,"Turpin, Mr. William John Robert",male,29.0,1,0,11668,21.0,?,S,?,?,"Plymouth, England" +0,2,"Turpin, Mrs. William John Robert (Dorothy Ann Wonnacott)",female,27.0,1,0,11668,21.0,?,S,?,?,"Plymouth, England" +0,2,"Veal, Mr. James",male,40.0,0,0,28221,13.0,?,S,?,?,"Barre, Co Washington, VT" +1,2,"Walcroft, Miss. Nellie",female,31.0,0,0,F.C.C. 13528,21.0,?,S,14,?,"Mamaroneck, NY" +0,2,"Ware, Mr. John James",male,30.0,1,0,CA 31352,21.0,?,S,?,?,"Bristol, England / New Britain, CT" +0,2,"Ware, Mr. William Jeffery",male,23.0,1,0,28666,10.5,?,S,?,?,? +1,2,"Ware, Mrs. John James (Florence Louise Long)",female,31.0,0,0,CA 31352,21.0,?,S,10,?,"Bristol, England / New Britain, CT" +0,2,"Watson, Mr. Ennis Hastings",male,,0,0,239856,0.0,?,S,?,?,Belfast +1,2,"Watt, Miss. Bertha J",female,12.0,0,0,C.A. 33595,15.75,?,S,9,?,"Aberdeen / Portland, OR" +1,2,"Watt, Mrs. James (Elizabeth 'Bessie' Inglis Milne)",female,40.0,0,0,C.A. 33595,15.75,?,S,9,?,"Aberdeen / Portland, OR" +1,2,"Webber, Miss. Susan",female,32.5,0,0,27267,13.0,E101,S,12,?,"England / Hartford, CT" +0,2,"Weisz, Mr. Leopold",male,27.0,1,0,228414,26.0,?,S,?,293,"Bromsgrove, England / Montreal, PQ" +1,2,"Weisz, Mrs. Leopold (Mathilde Francoise Pede)",female,29.0,1,0,228414,26.0,?,S,10,?,"Bromsgrove, England / Montreal, PQ" +1,2,"Wells, Master. Ralph Lester",male,2.0,1,1,29103,23.0,?,S,14,?,"Cornwall / Akron, OH" +1,2,"Wells, Miss. Joan",female,4.0,1,1,29103,23.0,?,S,14,?,"Cornwall / Akron, OH" +1,2,"Wells, Mrs. Arthur Henry ('Addie' Dart Trevaskis)",female,29.0,0,2,29103,23.0,?,S,14,?,"Cornwall / Akron, OH" +1,2,"West, Miss. Barbara J",female,0.9167,1,2,C.A. 34651,27.75,?,S,10,?,"Bournmouth, England" +1,2,"West, Miss. Constance Mirium",female,5.0,1,2,C.A. 34651,27.75,?,S,10,?,"Bournmouth, England" +0,2,"West, Mr. Edwy Arthur",male,36.0,1,2,C.A. 34651,27.75,?,S,?,?,"Bournmouth, England" +1,2,"West, Mrs. Edwy Arthur (Ada Mary Worth)",female,33.0,1,2,C.A. 34651,27.75,?,S,10,?,"Bournmouth, England" +0,2,"Wheadon, Mr. Edward H",male,66.0,0,0,C.A. 24579,10.5,?,S,?,?,"Guernsey, England / Edgewood, RI" +0,2,"Wheeler, Mr. Edwin 'Frederick'",male,,0,0,SC/PARIS 2159,12.875,?,S,?,?,? +1,2,"Wilhelms, Mr. Charles",male,31.0,0,0,244270,13.0,?,S,9,?,"London, England" +1,2,"Williams, Mr. Charles Eugene",male,,0,0,244373,13.0,?,S,14,?,"Harrow, England" +1,2,"Wright, Miss. Marion",female,26.0,0,0,220844,13.5,?,S,9,?,"Yoevil, England / Cottage Grove, OR" +0,2,"Yrois, Miss. Henriette ('Mrs Harbeck')",female,24.0,0,0,248747,13.0,?,S,?,?,Paris +0,3,"Abbing, Mr. Anthony",male,42.0,0,0,C.A. 5547,7.55,?,S,?,?,? +0,3,"Abbott, Master. Eugene Joseph",male,13.0,0,2,C.A. 2673,20.25,?,S,?,?,"East Providence, RI" +0,3,"Abbott, Mr. Rossmore Edward",male,16.0,1,1,C.A. 2673,20.25,?,S,?,190,"East Providence, RI" +1,3,"Abbott, Mrs. Stanton (Rosa Hunt)",female,35.0,1,1,C.A. 2673,20.25,?,S,A,?,"East Providence, RI" +1,3,"Abelseth, Miss. Karen Marie",female,16.0,0,0,348125,7.65,?,S,16,?,"Norway Los Angeles, CA" +1,3,"Abelseth, Mr. Olaus Jorgensen",male,25.0,0,0,348122,7.65,F G63,S,A,?,"Perkins County, SD" +1,3,"Abrahamsson, Mr. Abraham August Johannes",male,20.0,0,0,SOTON/O2 3101284,7.925,?,S,15,?,"Taalintehdas, Finland Hoboken, NJ" +1,3,"Abrahim, Mrs. Joseph (Sophie Halaut Easu)",female,18.0,0,0,2657,7.2292,?,C,C,?,"Greensburg, PA" +0,3,"Adahl, Mr. Mauritz Nils Martin",male,30.0,0,0,C 7076,7.25,?,S,?,72,"Asarum, Sweden Brooklyn, NY" +0,3,"Adams, Mr. John",male,26.0,0,0,341826,8.05,?,S,?,103,"Bournemouth, England" +0,3,"Ahlin, Mrs. Johan (Johanna Persdotter Larsson)",female,40.0,1,0,7546,9.475,?,S,?,?,"Sweden Akeley, MN" +1,3,"Aks, Master. Philip Frank",male,0.8333,0,1,392091,9.35,?,S,11,?,"London, England Norfolk, VA" +1,3,"Aks, Mrs. Sam (Leah Rosen)",female,18.0,0,1,392091,9.35,?,S,13,?,"London, England Norfolk, VA" +1,3,"Albimona, Mr. Nassef Cassem",male,26.0,0,0,2699,18.7875,?,C,15,?,"Syria Fredericksburg, VA" +0,3,"Alexander, Mr. William",male,26.0,0,0,3474,7.8875,?,S,?,?,"England Albion, NY" +0,3,"Alhomaki, Mr. Ilmari Rudolf",male,20.0,0,0,SOTON/O2 3101287,7.925,?,S,?,?,"Salo, Finland Astoria, OR" +0,3,"Ali, Mr. Ahmed",male,24.0,0,0,SOTON/O.Q. 3101311,7.05,?,S,?,?,? +0,3,"Ali, Mr. William",male,25.0,0,0,SOTON/O.Q. 3101312,7.05,?,S,?,79,Argentina +0,3,"Allen, Mr. William Henry",male,35.0,0,0,373450,8.05,?,S,?,?,"Lower Clapton, Middlesex or Erdington, Birmingham" +0,3,"Allum, Mr. Owen George",male,18.0,0,0,2223,8.3,?,S,?,259,"Windsor, England New York, NY" +0,3,"Andersen, Mr. Albert Karvin",male,32.0,0,0,C 4001,22.525,?,S,?,260,"Bergen, Norway" +1,3,"Andersen-Jensen, Miss. Carla Christine Nielsine",female,19.0,1,0,350046,7.8542,?,S,16,?,? +0,3,"Andersson, Master. Sigvard Harald Elias",male,4.0,4,2,347082,31.275,?,S,?,?,"Sweden Winnipeg, MN" +0,3,"Andersson, Miss. Ebba Iris Alfrida",female,6.0,4,2,347082,31.275,?,S,?,?,"Sweden Winnipeg, MN" +0,3,"Andersson, Miss. Ellis Anna Maria",female,2.0,4,2,347082,31.275,?,S,?,?,"Sweden Winnipeg, MN" +1,3,"Andersson, Miss. Erna Alexandra",female,17.0,4,2,3101281,7.925,?,S,D,?,"Ruotsinphyhtaa, Finland New York, NY" +0,3,"Andersson, Miss. Ida Augusta Margareta",female,38.0,4,2,347091,7.775,?,S,?,?,"Vadsbro, Sweden Ministee, MI" +0,3,"Andersson, Miss. Ingeborg Constanzia",female,9.0,4,2,347082,31.275,?,S,?,?,"Sweden Winnipeg, MN" +0,3,"Andersson, Miss. Sigrid Elisabeth",female,11.0,4,2,347082,31.275,?,S,?,?,"Sweden Winnipeg, MN" +0,3,"Andersson, Mr. Anders Johan",male,39.0,1,5,347082,31.275,?,S,?,?,"Sweden Winnipeg, MN" +1,3,"Andersson, Mr. August Edvard ('Wennerstrom')",male,27.0,0,0,350043,7.7958,?,S,A,?,? +0,3,"Andersson, Mr. Johan Samuel",male,26.0,0,0,347075,7.775,?,S,?,?,"Hartford, CT" +0,3,"Andersson, Mrs. Anders Johan (Alfrida Konstantia Brogren)",female,39.0,1,5,347082,31.275,?,S,?,?,"Sweden Winnipeg, MN" +0,3,"Andreasson, Mr. Paul Edvin",male,20.0,0,0,347466,7.8542,?,S,?,?,"Sweden Chicago, IL" +0,3,"Angheloff, Mr. Minko",male,26.0,0,0,349202,7.8958,?,S,?,?,"Bulgaria Chicago, IL" +0,3,"Arnold-Franchi, Mr. Josef",male,25.0,1,0,349237,17.8,?,S,?,?,"Altdorf, Switzerland" +0,3,"Arnold-Franchi, Mrs. Josef (Josefine Franchi)",female,18.0,1,0,349237,17.8,?,S,?,?,"Altdorf, Switzerland" +0,3,"Aronsson, Mr. Ernst Axel Algot",male,24.0,0,0,349911,7.775,?,S,?,?,"Sweden Joliet, IL" +0,3,"Asim, Mr. Adola",male,35.0,0,0,SOTON/O.Q. 3101310,7.05,?,S,?,?,? +0,3,"Asplund, Master. Carl Edgar",male,5.0,4,2,347077,31.3875,?,S,?,?,"Sweden Worcester, MA" +0,3,"Asplund, Master. Clarence Gustaf Hugo",male,9.0,4,2,347077,31.3875,?,S,?,?,"Sweden Worcester, MA" +1,3,"Asplund, Master. Edvin Rojj Felix",male,3.0,4,2,347077,31.3875,?,S,15,?,"Sweden Worcester, MA" +0,3,"Asplund, Master. Filip Oscar",male,13.0,4,2,347077,31.3875,?,S,?,?,"Sweden Worcester, MA" +1,3,"Asplund, Miss. Lillian Gertrud",female,5.0,4,2,347077,31.3875,?,S,15,?,"Sweden Worcester, MA" +0,3,"Asplund, Mr. Carl Oscar Vilhelm Gustafsson",male,40.0,1,5,347077,31.3875,?,S,?,142,"Sweden Worcester, MA" +1,3,"Asplund, Mr. Johan Charles",male,23.0,0,0,350054,7.7958,?,S,13,?,"Oskarshamn, Sweden Minneapolis, MN" +1,3,"Asplund, Mrs. Carl Oscar (Selma Augusta Emilia Johansson)",female,38.0,1,5,347077,31.3875,?,S,15,?,"Sweden Worcester, MA" +1,3,"Assaf Khalil, Mrs. Mariana ('Miriam')",female,45.0,0,0,2696,7.225,?,C,C,?,"Ottawa, ON" +0,3,"Assaf, Mr. Gerios",male,21.0,0,0,2692,7.225,?,C,?,?,"Ottawa, ON" +0,3,"Assam, Mr. Ali",male,23.0,0,0,SOTON/O.Q. 3101309,7.05,?,S,?,?,? +0,3,"Attalah, Miss. Malake",female,17.0,0,0,2627,14.4583,?,C,?,?,? +0,3,"Attalah, Mr. Sleiman",male,30.0,0,0,2694,7.225,?,C,?,?,"Ottawa, ON" +0,3,"Augustsson, Mr. Albert",male,23.0,0,0,347468,7.8542,?,S,?,?,"Krakoryd, Sweden Bloomington, IL" +1,3,"Ayoub, Miss. Banoura",female,13.0,0,0,2687,7.2292,?,C,C,?,"Syria Youngstown, OH" +0,3,"Baccos, Mr. Raffull",male,20.0,0,0,2679,7.225,?,C,?,?,? +0,3,"Backstrom, Mr. Karl Alfred",male,32.0,1,0,3101278,15.85,?,S,D,?,"Ruotsinphytaa, Finland New York, NY" +1,3,"Backstrom, Mrs. Karl Alfred (Maria Mathilda Gustafsson)",female,33.0,3,0,3101278,15.85,?,S,?,?,"Ruotsinphytaa, Finland New York, NY" +1,3,"Baclini, Miss. Eugenie",female,0.75,2,1,2666,19.2583,?,C,C,?,"Syria New York, NY" +1,3,"Baclini, Miss. Helene Barbara",female,0.75,2,1,2666,19.2583,?,C,C,?,"Syria New York, NY" +1,3,"Baclini, Miss. Marie Catherine",female,5.0,2,1,2666,19.2583,?,C,C,?,"Syria New York, NY" +1,3,"Baclini, Mrs. Solomon (Latifa Qurban)",female,24.0,0,3,2666,19.2583,?,C,C,?,"Syria New York, NY" +1,3,"Badman, Miss. Emily Louisa",female,18.0,0,0,A/4 31416,8.05,?,S,C,?,"London Skanteales, NY" +0,3,"Badt, Mr. Mohamed",male,40.0,0,0,2623,7.225,?,C,?,?,? +0,3,"Balkic, Mr. Cerin",male,26.0,0,0,349248,7.8958,?,S,?,?,? +1,3,"Barah, Mr. Hanna Assi",male,20.0,0,0,2663,7.2292,?,C,15,?,? +0,3,"Barbara, Miss. Saiide",female,18.0,0,1,2691,14.4542,?,C,?,?,"Syria Ottawa, ON" +0,3,"Barbara, Mrs. (Catherine David)",female,45.0,0,1,2691,14.4542,?,C,?,?,"Syria Ottawa, ON" +0,3,"Barry, Miss. Julia",female,27.0,0,0,330844,7.8792,?,Q,?,?,"New York, NY" +0,3,"Barton, Mr. David John",male,22.0,0,0,324669,8.05,?,S,?,?,"England New York, NY" +0,3,"Beavan, Mr. William Thomas",male,19.0,0,0,323951,8.05,?,S,?,?,England +0,3,"Bengtsson, Mr. John Viktor",male,26.0,0,0,347068,7.775,?,S,?,?,"Krakudden, Sweden Moune, IL" +0,3,"Berglund, Mr. Karl Ivar Sven",male,22.0,0,0,PP 4348,9.35,?,S,?,?,"Tranvik, Finland New York" +0,3,"Betros, Master. Seman",male,,0,0,2622,7.2292,?,C,?,?,? +0,3,"Betros, Mr. Tannous",male,20.0,0,0,2648,4.0125,?,C,?,?,Syria +1,3,"Bing, Mr. Lee",male,32.0,0,0,1601,56.4958,?,S,C,?,"Hong Kong New York, NY" +0,3,"Birkeland, Mr. Hans Martin Monsen",male,21.0,0,0,312992,7.775,?,S,?,?,"Brennes, Norway New York" +0,3,"Bjorklund, Mr. Ernst Herbert",male,18.0,0,0,347090,7.75,?,S,?,?,"Stockholm, Sweden New York" +0,3,"Bostandyeff, Mr. Guentcho",male,26.0,0,0,349224,7.8958,?,S,?,?,"Bulgaria Chicago, IL" +0,3,"Boulos, Master. Akar",male,6.0,1,1,2678,15.2458,?,C,?,?,"Syria Kent, ON" +0,3,"Boulos, Miss. Nourelain",female,9.0,1,1,2678,15.2458,?,C,?,?,"Syria Kent, ON" +0,3,"Boulos, Mr. Hanna",male,,0,0,2664,7.225,?,C,?,?,Syria +0,3,"Boulos, Mrs. Joseph (Sultana)",female,,0,2,2678,15.2458,?,C,?,?,"Syria Kent, ON" +0,3,"Bourke, Miss. Mary",female,,0,2,364848,7.75,?,Q,?,?,"Ireland Chicago, IL" +0,3,"Bourke, Mr. John",male,40.0,1,1,364849,15.5,?,Q,?,?,"Ireland Chicago, IL" +0,3,"Bourke, Mrs. John (Catherine)",female,32.0,1,1,364849,15.5,?,Q,?,?,"Ireland Chicago, IL" +0,3,"Bowen, Mr. David John 'Dai'",male,21.0,0,0,54636,16.1,?,S,?,?,"Treherbert, Cardiff, Wales" +1,3,"Bradley, Miss. Bridget Delia",female,22.0,0,0,334914,7.725,?,Q,13,?,"Kingwilliamstown, Co Cork, Ireland Glens Falls, NY" +0,3,"Braf, Miss. Elin Ester Maria",female,20.0,0,0,347471,7.8542,?,S,?,?,"Medeltorp, Sweden Chicago, IL" +0,3,"Braund, Mr. Lewis Richard",male,29.0,1,0,3460,7.0458,?,S,?,?,"Bridgerule, Devon" +0,3,"Braund, Mr. Owen Harris",male,22.0,1,0,A/5 21171,7.25,?,S,?,?,"Bridgerule, Devon" +0,3,"Brobeck, Mr. Karl Rudolf",male,22.0,0,0,350045,7.7958,?,S,?,?,"Sweden Worcester, MA" +0,3,"Brocklebank, Mr. William Alfred",male,35.0,0,0,364512,8.05,?,S,?,?,"Broomfield, Chelmsford, England" +0,3,"Buckley, Miss. Katherine",female,18.5,0,0,329944,7.2833,?,Q,?,299,"Co Cork, Ireland Roxbury, MA" +1,3,"Buckley, Mr. Daniel",male,21.0,0,0,330920,7.8208,?,Q,13,?,"Kingwilliamstown, Co Cork, Ireland New York, NY" +0,3,"Burke, Mr. Jeremiah",male,19.0,0,0,365222,6.75,?,Q,?,?,"Co Cork, Ireland Charlestown, MA" +0,3,"Burns, Miss. Mary Delia",female,18.0,0,0,330963,7.8792,?,Q,?,?,"Co Sligo, Ireland New York, NY" +0,3,"Cacic, Miss. Manda",female,21.0,0,0,315087,8.6625,?,S,?,?,? +0,3,"Cacic, Miss. Marija",female,30.0,0,0,315084,8.6625,?,S,?,?,? +0,3,"Cacic, Mr. Jego Grga",male,18.0,0,0,315091,8.6625,?,S,?,?,? +0,3,"Cacic, Mr. Luka",male,38.0,0,0,315089,8.6625,?,S,?,?,Croatia +0,3,"Calic, Mr. Jovo",male,17.0,0,0,315093,8.6625,?,S,?,?,? +0,3,"Calic, Mr. Petar",male,17.0,0,0,315086,8.6625,?,S,?,?,? +0,3,"Canavan, Miss. Mary",female,21.0,0,0,364846,7.75,?,Q,?,?,? +0,3,"Canavan, Mr. Patrick",male,21.0,0,0,364858,7.75,?,Q,?,?,"Ireland Philadelphia, PA" +0,3,"Cann, Mr. Ernest Charles",male,21.0,0,0,A./5. 2152,8.05,?,S,?,?,? +0,3,"Caram, Mr. Joseph",male,,1,0,2689,14.4583,?,C,?,?,"Ottawa, ON" +0,3,"Caram, Mrs. Joseph (Maria Elias)",female,,1,0,2689,14.4583,?,C,?,?,"Ottawa, ON" +0,3,"Carlsson, Mr. August Sigfrid",male,28.0,0,0,350042,7.7958,?,S,?,?,"Dagsas, Sweden Fower, MN" +0,3,"Carlsson, Mr. Carl Robert",male,24.0,0,0,350409,7.8542,?,S,?,?,"Goteborg, Sweden Huntley, IL" +1,3,"Carr, Miss. Helen 'Ellen'",female,16.0,0,0,367231,7.75,?,Q,16,?,"Co Longford, Ireland New York, NY" +0,3,"Carr, Miss. Jeannie",female,37.0,0,0,368364,7.75,?,Q,?,?,"Co Sligo, Ireland Hartford, CT" +0,3,"Carver, Mr. Alfred John",male,28.0,0,0,392095,7.25,?,S,?,?,"St Denys, Southampton, Hants" +0,3,"Celotti, Mr. Francesco",male,24.0,0,0,343275,8.05,?,S,?,?,London +0,3,"Charters, Mr. David",male,21.0,0,0,A/5. 13032,7.7333,?,Q,?,?,"Ireland New York, NY" +1,3,"Chip, Mr. Chang",male,32.0,0,0,1601,56.4958,?,S,C,?,"Hong Kong New York, NY" +0,3,"Christmann, Mr. Emil",male,29.0,0,0,343276,8.05,?,S,?,?,? +0,3,"Chronopoulos, Mr. Apostolos",male,26.0,1,0,2680,14.4542,?,C,?,?,Greece +0,3,"Chronopoulos, Mr. Demetrios",male,18.0,1,0,2680,14.4542,?,C,?,?,Greece +0,3,"Coelho, Mr. Domingos Fernandeo",male,20.0,0,0,SOTON/O.Q. 3101307,7.05,?,S,?,?,Portugal +1,3,"Cohen, Mr. Gurshon 'Gus'",male,18.0,0,0,A/5 3540,8.05,?,S,12,?,"London Brooklyn, NY" +0,3,"Colbert, Mr. Patrick",male,24.0,0,0,371109,7.25,?,Q,?,?,"Co Limerick, Ireland Sherbrooke, PQ" +0,3,"Coleff, Mr. Peju",male,36.0,0,0,349210,7.4958,?,S,?,?,"Bulgaria Chicago, IL" +0,3,"Coleff, Mr. Satio",male,24.0,0,0,349209,7.4958,?,S,?,?,? +0,3,"Conlon, Mr. Thomas Henry",male,31.0,0,0,21332,7.7333,?,Q,?,?,"Philadelphia, PA" +0,3,"Connaghton, Mr. Michael",male,31.0,0,0,335097,7.75,?,Q,?,?,"Ireland Brooklyn, NY" +1,3,"Connolly, Miss. Kate",female,22.0,0,0,370373,7.75,?,Q,13,?,Ireland +0,3,"Connolly, Miss. Kate",female,30.0,0,0,330972,7.6292,?,Q,?,?,Ireland +0,3,"Connors, Mr. Patrick",male,70.5,0,0,370369,7.75,?,Q,?,171,? +0,3,"Cook, Mr. Jacob",male,43.0,0,0,A/5 3536,8.05,?,S,?,?,? +0,3,"Cor, Mr. Bartol",male,35.0,0,0,349230,7.8958,?,S,?,?,Austria +0,3,"Cor, Mr. Ivan",male,27.0,0,0,349229,7.8958,?,S,?,?,Austria +0,3,"Cor, Mr. Liudevit",male,19.0,0,0,349231,7.8958,?,S,?,?,Austria +0,3,"Corn, Mr. Harry",male,30.0,0,0,SOTON/OQ 392090,8.05,?,S,?,?,London +1,3,"Coutts, Master. Eden Leslie 'Neville'",male,9.0,1,1,C.A. 37671,15.9,?,S,2,?,"England Brooklyn, NY" +1,3,"Coutts, Master. William Loch 'William'",male,3.0,1,1,C.A. 37671,15.9,?,S,2,?,"England Brooklyn, NY" +1,3,"Coutts, Mrs. William (Winnie 'Minnie' Treanor)",female,36.0,0,2,C.A. 37671,15.9,?,S,2,?,"England Brooklyn, NY" +0,3,"Coxon, Mr. Daniel",male,59.0,0,0,364500,7.25,?,S,?,?,"Merrill, WI" +0,3,"Crease, Mr. Ernest James",male,19.0,0,0,S.P. 3464,8.1583,?,S,?,?,"Bristol, England Cleveland, OH" +1,3,"Cribb, Miss. Laura Alice",female,17.0,0,1,371362,16.1,?,S,12,?,"Bournemouth, England Newark, NJ" +0,3,"Cribb, Mr. John Hatfield",male,44.0,0,1,371362,16.1,?,S,?,?,"Bournemouth, England Newark, NJ" +0,3,"Culumovic, Mr. Jeso",male,17.0,0,0,315090,8.6625,?,S,?,?,Austria-Hungary +0,3,"Daher, Mr. Shedid",male,22.5,0,0,2698,7.225,?,C,?,9,? +1,3,"Dahl, Mr. Karl Edwart",male,45.0,0,0,7598,8.05,?,S,15,?,"Australia Fingal, ND" +0,3,"Dahlberg, Miss. Gerda Ulrika",female,22.0,0,0,7552,10.5167,?,S,?,?,"Norrlot, Sweden Chicago, IL" +0,3,"Dakic, Mr. Branko",male,19.0,0,0,349228,10.1708,?,S,?,?,Austria +1,3,"Daly, Miss. Margaret Marcella 'Maggie'",female,30.0,0,0,382650,6.95,?,Q,15,?,"Co Athlone, Ireland New York, NY" +1,3,"Daly, Mr. Eugene Patrick",male,29.0,0,0,382651,7.75,?,Q,13 15 B,?,"Co Athlone, Ireland New York, NY" +0,3,"Danbom, Master. Gilbert Sigvard Emanuel",male,0.3333,0,2,347080,14.4,?,S,?,?,"Stanton, IA" +0,3,"Danbom, Mr. Ernst Gilbert",male,34.0,1,1,347080,14.4,?,S,?,197,"Stanton, IA" +0,3,"Danbom, Mrs. Ernst Gilbert (Anna Sigrid Maria Brogren)",female,28.0,1,1,347080,14.4,?,S,?,?,"Stanton, IA" +0,3,"Danoff, Mr. Yoto",male,27.0,0,0,349219,7.8958,?,S,?,?,"Bulgaria Chicago, IL" +0,3,"Dantcheff, Mr. Ristiu",male,25.0,0,0,349203,7.8958,?,S,?,?,"Bulgaria Chicago, IL" +0,3,"Davies, Mr. Alfred J",male,24.0,2,0,A/4 48871,24.15,?,S,?,?,"West Bromwich, England Pontiac, MI" +0,3,"Davies, Mr. Evan",male,22.0,0,0,SC/A4 23568,8.05,?,S,?,?,? +0,3,"Davies, Mr. John Samuel",male,21.0,2,0,A/4 48871,24.15,?,S,?,?,"West Bromwich, England Pontiac, MI" +0,3,"Davies, Mr. Joseph",male,17.0,2,0,A/4 48873,8.05,?,S,?,?,"West Bromwich, England Pontiac, MI" +0,3,"Davison, Mr. Thomas Henry",male,,1,0,386525,16.1,?,S,?,?,"Liverpool, England Bedford, OH" +1,3,"Davison, Mrs. Thomas Henry (Mary E Finck)",female,,1,0,386525,16.1,?,S,16,?,"Liverpool, England Bedford, OH" +1,3,"de Messemaeker, Mr. Guillaume Joseph",male,36.5,1,0,345572,17.4,?,S,15,?,"Tampico, MT" +1,3,"de Messemaeker, Mrs. Guillaume Joseph (Emma)",female,36.0,1,0,345572,17.4,?,S,13,?,"Tampico, MT" +1,3,"de Mulder, Mr. Theodore",male,30.0,0,0,345774,9.5,?,S,11,?,"Belgium Detroit, MI" +0,3,"de Pelsmaeker, Mr. Alfons",male,16.0,0,0,345778,9.5,?,S,?,?,? +1,3,"Dean, Master. Bertram Vere",male,1.0,1,2,C.A. 2315,20.575,?,S,10,?,"Devon, England Wichita, KS" +1,3,"Dean, Miss. Elizabeth Gladys 'Millvina'",female,0.1667,1,2,C.A. 2315,20.575,?,S,10,?,"Devon, England Wichita, KS" +0,3,"Dean, Mr. Bertram Frank",male,26.0,1,2,C.A. 2315,20.575,?,S,?,?,"Devon, England Wichita, KS" +1,3,"Dean, Mrs. Bertram (Eva Georgetta Light)",female,33.0,1,2,C.A. 2315,20.575,?,S,10,?,"Devon, England Wichita, KS" +0,3,"Delalic, Mr. Redjo",male,25.0,0,0,349250,7.8958,?,S,?,?,? +0,3,"Demetri, Mr. Marinko",male,,0,0,349238,7.8958,?,S,?,?,? +0,3,"Denkoff, Mr. Mitto",male,,0,0,349225,7.8958,?,S,?,?,"Bulgaria Coon Rapids, IA" +0,3,"Dennis, Mr. Samuel",male,22.0,0,0,A/5 21172,7.25,?,S,?,?,? +0,3,"Dennis, Mr. William",male,36.0,0,0,A/5 21175,7.25,?,S,?,?,? +1,3,"Devaney, Miss. Margaret Delia",female,19.0,0,0,330958,7.8792,?,Q,C,?,"Kilmacowen, Co Sligo, Ireland New York, NY" +0,3,"Dika, Mr. Mirko",male,17.0,0,0,349232,7.8958,?,S,?,?,? +0,3,"Dimic, Mr. Jovan",male,42.0,0,0,315088,8.6625,?,S,?,?,? +0,3,"Dintcheff, Mr. Valtcho",male,43.0,0,0,349226,7.8958,?,S,?,?,? +0,3,"Doharr, Mr. Tannous",male,,0,0,2686,7.2292,?,C,?,?,? +0,3,"Dooley, Mr. Patrick",male,32.0,0,0,370376,7.75,?,Q,?,?,"Ireland New York, NY" +1,3,"Dorking, Mr. Edward Arthur",male,19.0,0,0,A/5. 10482,8.05,?,S,B,?,"England Oglesby, IL" +1,3,"Dowdell, Miss. Elizabeth",female,30.0,0,0,364516,12.475,?,S,13,?,"Union Hill, NJ" +0,3,"Doyle, Miss. Elizabeth",female,24.0,0,0,368702,7.75,?,Q,?,?,"Ireland New York, NY" +1,3,"Drapkin, Miss. Jennie",female,23.0,0,0,SOTON/OQ 392083,8.05,?,S,?,?,"London New York, NY" +0,3,"Drazenoic, Mr. Jozef",male,33.0,0,0,349241,7.8958,?,C,?,51,"Austria Niagara Falls, NY" +0,3,"Duane, Mr. Frank",male,65.0,0,0,336439,7.75,?,Q,?,?,? +1,3,"Duquemin, Mr. Joseph",male,24.0,0,0,S.O./P.P. 752,7.55,?,S,D,?,"England Albion, NY" +0,3,"Dyker, Mr. Adolf Fredrik",male,23.0,1,0,347072,13.9,?,S,?,?,"West Haven, CT" +1,3,"Dyker, Mrs. Adolf Fredrik (Anna Elisabeth Judith Andersson)",female,22.0,1,0,347072,13.9,?,S,16,?,"West Haven, CT" +0,3,"Edvardsson, Mr. Gustaf Hjalmar",male,18.0,0,0,349912,7.775,?,S,?,?,"Tofta, Sweden Joliet, IL" +0,3,"Eklund, Mr. Hans Linus",male,16.0,0,0,347074,7.775,?,S,?,?,"Karberg, Sweden Jerome Junction, AZ" +0,3,"Ekstrom, Mr. Johan",male,45.0,0,0,347061,6.975,?,S,?,?,"Effington Rut, SD" +0,3,"Elias, Mr. Dibo",male,,0,0,2674,7.225,?,C,?,?,? +0,3,"Elias, Mr. Joseph",male,39.0,0,2,2675,7.2292,?,C,?,?,"Syria Ottawa, ON" +0,3,"Elias, Mr. Joseph Jr",male,17.0,1,1,2690,7.2292,?,C,?,?,? +0,3,"Elias, Mr. Tannous",male,15.0,1,1,2695,7.2292,?,C,?,?,Syria +0,3,"Elsbury, Mr. William James",male,47.0,0,0,A/5 3902,7.25,?,S,?,?,"Illinois, USA" +1,3,"Emanuel, Miss. Virginia Ethel",female,5.0,0,0,364516,12.475,?,S,13,?,"New York, NY" +0,3,"Emir, Mr. Farred Chehab",male,,0,0,2631,7.225,?,C,?,?,? +0,3,"Everett, Mr. Thomas James",male,40.5,0,0,C.A. 6212,15.1,?,S,?,187,? +0,3,"Farrell, Mr. James",male,40.5,0,0,367232,7.75,?,Q,?,68,"Aughnacliff, Co Longford, Ireland New York, NY" +1,3,"Finoli, Mr. Luigi",male,,0,0,SOTON/O.Q. 3101308,7.05,?,S,15,?,"Italy Philadelphia, PA" +0,3,"Fischer, Mr. Eberhard Thelander",male,18.0,0,0,350036,7.7958,?,S,?,?,? +0,3,"Fleming, Miss. Honora",female,,0,0,364859,7.75,?,Q,?,?,? +0,3,"Flynn, Mr. James",male,,0,0,364851,7.75,?,Q,?,?,? +0,3,"Flynn, Mr. John",male,,0,0,368323,6.95,?,Q,?,?,? +0,3,"Foley, Mr. Joseph",male,26.0,0,0,330910,7.8792,?,Q,?,?,"Ireland Chicago, IL" +0,3,"Foley, Mr. William",male,,0,0,365235,7.75,?,Q,?,?,Ireland +1,3,"Foo, Mr. Choong",male,,0,0,1601,56.4958,?,S,13,?,"Hong Kong New York, NY" +0,3,"Ford, Miss. Doolina Margaret 'Daisy'",female,21.0,2,2,W./C. 6608,34.375,?,S,?,?,"Rotherfield, Sussex, England Essex Co, MA" +0,3,"Ford, Miss. Robina Maggie 'Ruby'",female,9.0,2,2,W./C. 6608,34.375,?,S,?,?,"Rotherfield, Sussex, England Essex Co, MA" +0,3,"Ford, Mr. Arthur",male,,0,0,A/5 1478,8.05,?,S,?,?,"Bridgwater, Somerset, England" +0,3,"Ford, Mr. Edward Watson",male,18.0,2,2,W./C. 6608,34.375,?,S,?,?,"Rotherfield, Sussex, England Essex Co, MA" +0,3,"Ford, Mr. William Neal",male,16.0,1,3,W./C. 6608,34.375,?,S,?,?,"Rotherfield, Sussex, England Essex Co, MA" +0,3,"Ford, Mrs. Edward (Margaret Ann Watson)",female,48.0,1,3,W./C. 6608,34.375,?,S,?,?,"Rotherfield, Sussex, England Essex Co, MA" +0,3,"Fox, Mr. Patrick",male,,0,0,368573,7.75,?,Q,?,?,"Ireland New York, NY" +0,3,"Franklin, Mr. Charles (Charles Fardon)",male,,0,0,SOTON/O.Q. 3101314,7.25,?,S,?,?,? +0,3,"Gallagher, Mr. Martin",male,25.0,0,0,36864,7.7417,?,Q,?,?,"New York, NY" +0,3,"Garfirth, Mr. John",male,,0,0,358585,14.5,?,S,?,?,? +0,3,"Gheorgheff, Mr. Stanio",male,,0,0,349254,7.8958,?,C,?,?,? +0,3,"Gilinski, Mr. Eliezer",male,22.0,0,0,14973,8.05,?,S,?,47,? +1,3,"Gilnagh, Miss. Katherine 'Katie'",female,16.0,0,0,35851,7.7333,?,Q,16,?,"Co Longford, Ireland New York, NY" +1,3,"Glynn, Miss. Mary Agatha",female,,0,0,335677,7.75,?,Q,13,?,"Co Clare, Ireland Washington, DC" +1,3,"Goldsmith, Master. Frank John William 'Frankie'",male,9.0,0,2,363291,20.525,?,S,C D,?,"Strood, Kent, England Detroit, MI" +0,3,"Goldsmith, Mr. Frank John",male,33.0,1,1,363291,20.525,?,S,?,?,"Strood, Kent, England Detroit, MI" +0,3,"Goldsmith, Mr. Nathan",male,41.0,0,0,SOTON/O.Q. 3101263,7.85,?,S,?,?,"Philadelphia, PA" +1,3,"Goldsmith, Mrs. Frank John (Emily Alice Brown)",female,31.0,1,1,363291,20.525,?,S,C D,?,"Strood, Kent, England Detroit, MI" +0,3,"Goncalves, Mr. Manuel Estanslas",male,38.0,0,0,SOTON/O.Q. 3101306,7.05,?,S,?,?,Portugal +0,3,"Goodwin, Master. Harold Victor",male,9.0,5,2,CA 2144,46.9,?,S,?,?,"Wiltshire, England Niagara Falls, NY" +0,3,"Goodwin, Master. Sidney Leonard",male,1.0,5,2,CA 2144,46.9,?,S,?,?,"Wiltshire, England Niagara Falls, NY" +0,3,"Goodwin, Master. William Frederick",male,11.0,5,2,CA 2144,46.9,?,S,?,?,"Wiltshire, England Niagara Falls, NY" +0,3,"Goodwin, Miss. Jessie Allis",female,10.0,5,2,CA 2144,46.9,?,S,?,?,"Wiltshire, England Niagara Falls, NY" +0,3,"Goodwin, Miss. Lillian Amy",female,16.0,5,2,CA 2144,46.9,?,S,?,?,"Wiltshire, England Niagara Falls, NY" +0,3,"Goodwin, Mr. Charles Edward",male,14.0,5,2,CA 2144,46.9,?,S,?,?,"Wiltshire, England Niagara Falls, NY" +0,3,"Goodwin, Mr. Charles Frederick",male,40.0,1,6,CA 2144,46.9,?,S,?,?,"Wiltshire, England Niagara Falls, NY" +0,3,"Goodwin, Mrs. Frederick (Augusta Tyler)",female,43.0,1,6,CA 2144,46.9,?,S,?,?,"Wiltshire, England Niagara Falls, NY" +0,3,"Green, Mr. George Henry",male,51.0,0,0,21440,8.05,?,S,?,?,"Dorking, Surrey, England" +0,3,"Gronnestad, Mr. Daniel Danielsen",male,32.0,0,0,8471,8.3625,?,S,?,?,"Foresvik, Norway Portland, ND" +0,3,"Guest, Mr. Robert",male,,0,0,376563,8.05,?,S,?,?,? +0,3,"Gustafsson, Mr. Alfred Ossian",male,20.0,0,0,7534,9.8458,?,S,?,?,"Waukegan, Chicago, IL" +0,3,"Gustafsson, Mr. Anders Vilhelm",male,37.0,2,0,3101276,7.925,?,S,?,98,"Ruotsinphytaa, Finland New York, NY" +0,3,"Gustafsson, Mr. Johan Birger",male,28.0,2,0,3101277,7.925,?,S,?,?,"Ruotsinphytaa, Finland New York, NY" +0,3,"Gustafsson, Mr. Karl Gideon",male,19.0,0,0,347069,7.775,?,S,?,?,"Myren, Sweden New York, NY" +0,3,"Haas, Miss. Aloisia",female,24.0,0,0,349236,8.85,?,S,?,?,? +0,3,"Hagardon, Miss. Kate",female,17.0,0,0,AQ/3. 30631,7.7333,?,Q,?,?,? +0,3,"Hagland, Mr. Ingvald Olai Olsen",male,,1,0,65303,19.9667,?,S,?,?,? +0,3,"Hagland, Mr. Konrad Mathias Reiersen",male,,1,0,65304,19.9667,?,S,?,?,? +0,3,"Hakkarainen, Mr. Pekka Pietari",male,28.0,1,0,STON/O2. 3101279,15.85,?,S,?,?,? +1,3,"Hakkarainen, Mrs. Pekka Pietari (Elin Matilda Dolck)",female,24.0,1,0,STON/O2. 3101279,15.85,?,S,15,?,? +0,3,"Hampe, Mr. Leon",male,20.0,0,0,345769,9.5,?,S,?,?,? +0,3,"Hanna, Mr. Mansour",male,23.5,0,0,2693,7.2292,?,C,?,188,? +0,3,"Hansen, Mr. Claus Peter",male,41.0,2,0,350026,14.1083,?,S,?,?,? +0,3,"Hansen, Mr. Henrik Juul",male,26.0,1,0,350025,7.8542,?,S,?,?,? +0,3,"Hansen, Mr. Henry Damsgaard",male,21.0,0,0,350029,7.8542,?,S,?,69,? +1,3,"Hansen, Mrs. Claus Peter (Jennie L Howard)",female,45.0,1,0,350026,14.1083,?,S,11,?,? +0,3,"Harknett, Miss. Alice Phoebe",female,,0,0,W./C. 6609,7.55,?,S,?,?,? +0,3,"Harmer, Mr. Abraham (David Lishin)",male,25.0,0,0,374887,7.25,?,S,B,?,? +0,3,"Hart, Mr. Henry",male,,0,0,394140,6.8583,?,Q,?,?,? +0,3,"Hassan, Mr. Houssein G N",male,11.0,0,0,2699,18.7875,?,C,?,?,? +1,3,"Healy, Miss. Hanora 'Nora'",female,,0,0,370375,7.75,?,Q,16,?,? +1,3,"Hedman, Mr. Oskar Arvid",male,27.0,0,0,347089,6.975,?,S,15,?,? +1,3,"Hee, Mr. Ling",male,,0,0,1601,56.4958,?,S,C,?,? +0,3,"Hegarty, Miss. Hanora 'Nora'",female,18.0,0,0,365226,6.75,?,Q,?,?,? +1,3,"Heikkinen, Miss. Laina",female,26.0,0,0,STON/O2. 3101282,7.925,?,S,?,?,? +0,3,"Heininen, Miss. Wendla Maria",female,23.0,0,0,STON/O2. 3101290,7.925,?,S,?,?,? +1,3,"Hellstrom, Miss. Hilda Maria",female,22.0,0,0,7548,8.9625,?,S,C,?,? +0,3,"Hendekovic, Mr. Ignjac",male,28.0,0,0,349243,7.8958,?,S,?,306,? +0,3,"Henriksson, Miss. Jenny Lovisa",female,28.0,0,0,347086,7.775,?,S,?,?,? +0,3,"Henry, Miss. Delia",female,,0,0,382649,7.75,?,Q,?,?,? +1,3,"Hirvonen, Miss. Hildur E",female,2.0,0,1,3101298,12.2875,?,S,15,?,? +1,3,"Hirvonen, Mrs. Alexander (Helga E Lindqvist)",female,22.0,1,1,3101298,12.2875,?,S,15,?,? +0,3,"Holm, Mr. John Fredrik Alexander",male,43.0,0,0,C 7075,6.45,?,S,?,?,? +0,3,"Holthen, Mr. Johan Martin",male,28.0,0,0,C 4001,22.525,?,S,?,?,? +1,3,"Honkanen, Miss. Eliina",female,27.0,0,0,STON/O2. 3101283,7.925,?,S,?,?,? +0,3,"Horgan, Mr. John",male,,0,0,370377,7.75,?,Q,?,?,? +1,3,"Howard, Miss. May Elizabeth",female,,0,0,A. 2. 39186,8.05,?,S,C,?,? +0,3,"Humblen, Mr. Adolf Mathias Nicolai Olsen",male,42.0,0,0,348121,7.65,F G63,S,?,120,? +1,3,"Hyman, Mr. Abraham",male,,0,0,3470,7.8875,?,S,C,?,? +0,3,"Ibrahim Shawah, Mr. Yousseff",male,30.0,0,0,2685,7.2292,?,C,?,?,? +0,3,"Ilieff, Mr. Ylio",male,,0,0,349220,7.8958,?,S,?,?,? +0,3,"Ilmakangas, Miss. Ida Livija",female,27.0,1,0,STON/O2. 3101270,7.925,?,S,?,?,? +0,3,"Ilmakangas, Miss. Pieta Sofia",female,25.0,1,0,STON/O2. 3101271,7.925,?,S,?,?,? +0,3,"Ivanoff, Mr. Kanio",male,,0,0,349201,7.8958,?,S,?,?,? +1,3,"Jalsevac, Mr. Ivan",male,29.0,0,0,349240,7.8958,?,C,15,?,? +1,3,"Jansson, Mr. Carl Olof",male,21.0,0,0,350034,7.7958,?,S,A,?,? +0,3,"Jardin, Mr. Jose Neto",male,,0,0,SOTON/O.Q. 3101305,7.05,?,S,?,?,? +0,3,"Jensen, Mr. Hans Peder",male,20.0,0,0,350050,7.8542,?,S,?,?,? +0,3,"Jensen, Mr. Niels Peder",male,48.0,0,0,350047,7.8542,?,S,?,?,? +0,3,"Jensen, Mr. Svend Lauritz",male,17.0,1,0,350048,7.0542,?,S,?,?,? +1,3,"Jermyn, Miss. Annie",female,,0,0,14313,7.75,?,Q,D,?,? +1,3,"Johannesen-Bratthammer, Mr. Bernt",male,,0,0,65306,8.1125,?,S,13,?,? +0,3,"Johanson, Mr. Jakob Alfred",male,34.0,0,0,3101264,6.4958,?,S,?,143,? +1,3,"Johansson Palmquist, Mr. Oskar Leander",male,26.0,0,0,347070,7.775,?,S,15,?,? +0,3,"Johansson, Mr. Erik",male,22.0,0,0,350052,7.7958,?,S,?,156,? +0,3,"Johansson, Mr. Gustaf Joel",male,33.0,0,0,7540,8.6542,?,S,?,285,? +0,3,"Johansson, Mr. Karl Johan",male,31.0,0,0,347063,7.775,?,S,?,?,? +0,3,"Johansson, Mr. Nils",male,29.0,0,0,347467,7.8542,?,S,?,?,? +1,3,"Johnson, Master. Harold Theodor",male,4.0,1,1,347742,11.1333,?,S,15,?,? +1,3,"Johnson, Miss. Eleanor Ileen",female,1.0,1,1,347742,11.1333,?,S,15,?,? +0,3,"Johnson, Mr. Alfred",male,49.0,0,0,LINE,0.0,?,S,?,?,? +0,3,"Johnson, Mr. Malkolm Joackim",male,33.0,0,0,347062,7.775,?,S,?,37,? +0,3,"Johnson, Mr. William Cahoone Jr",male,19.0,0,0,LINE,0.0,?,S,?,?,? +1,3,"Johnson, Mrs. Oscar W (Elisabeth Vilhelmina Berg)",female,27.0,0,2,347742,11.1333,?,S,15,?,? +0,3,"Johnston, Master. William Arthur 'Willie'",male,,1,2,W./C. 6607,23.45,?,S,?,?,? +0,3,"Johnston, Miss. Catherine Helen 'Carrie'",female,,1,2,W./C. 6607,23.45,?,S,?,?,? +0,3,"Johnston, Mr. Andrew G",male,,1,2,W./C. 6607,23.45,?,S,?,?,? +0,3,"Johnston, Mrs. Andrew G (Elizabeth 'Lily' Watson)",female,,1,2,W./C. 6607,23.45,?,S,?,?,? +0,3,"Jonkoff, Mr. Lalio",male,23.0,0,0,349204,7.8958,?,S,?,?,? +1,3,"Jonsson, Mr. Carl",male,32.0,0,0,350417,7.8542,?,S,15,?,? +0,3,"Jonsson, Mr. Nils Hilding",male,27.0,0,0,350408,7.8542,?,S,?,?,? +0,3,"Jussila, Miss. Katriina",female,20.0,1,0,4136,9.825,?,S,?,?,? +0,3,"Jussila, Miss. Mari Aina",female,21.0,1,0,4137,9.825,?,S,?,?,? +1,3,"Jussila, Mr. Eiriik",male,32.0,0,0,STON/O 2. 3101286,7.925,?,S,15,?,? +0,3,"Kallio, Mr. Nikolai Erland",male,17.0,0,0,STON/O 2. 3101274,7.125,?,S,?,?,? +0,3,"Kalvik, Mr. Johannes Halvorsen",male,21.0,0,0,8475,8.4333,?,S,?,?,? +0,3,"Karaic, Mr. Milan",male,30.0,0,0,349246,7.8958,?,S,?,?,? +1,3,"Karlsson, Mr. Einar Gervasius",male,21.0,0,0,350053,7.7958,?,S,13,?,? +0,3,"Karlsson, Mr. Julius Konrad Eugen",male,33.0,0,0,347465,7.8542,?,S,?,?,? +0,3,"Karlsson, Mr. Nils August",male,22.0,0,0,350060,7.5208,?,S,?,?,? +1,3,"Karun, Miss. Manca",female,4.0,0,1,349256,13.4167,?,C,15,?,? +1,3,"Karun, Mr. Franz",male,39.0,0,1,349256,13.4167,?,C,15,?,? +0,3,"Kassem, Mr. Fared",male,,0,0,2700,7.2292,?,C,?,?,? +0,3,"Katavelas, Mr. Vassilios ('Catavelas Vassilios')",male,18.5,0,0,2682,7.2292,?,C,?,58,? +0,3,"Keane, Mr. Andrew 'Andy'",male,,0,0,12460,7.75,?,Q,?,?,? +0,3,"Keefe, Mr. Arthur",male,,0,0,323592,7.25,?,S,A,?,? +1,3,"Kelly, Miss. Anna Katherine 'Annie Kate'",female,,0,0,9234,7.75,?,Q,16,?,? +1,3,"Kelly, Miss. Mary",female,,0,0,14312,7.75,?,Q,D,?,? +0,3,"Kelly, Mr. James",male,34.5,0,0,330911,7.8292,?,Q,?,70,? +0,3,"Kelly, Mr. James",male,44.0,0,0,363592,8.05,?,S,?,?,? +1,3,"Kennedy, Mr. John",male,,0,0,368783,7.75,?,Q,?,?,? +0,3,"Khalil, Mr. Betros",male,,1,0,2660,14.4542,?,C,?,?,? +0,3,"Khalil, Mrs. Betros (Zahie 'Maria' Elias)",female,,1,0,2660,14.4542,?,C,?,?,? +0,3,"Kiernan, Mr. John",male,,1,0,367227,7.75,?,Q,?,?,? +0,3,"Kiernan, Mr. Philip",male,,1,0,367229,7.75,?,Q,?,?,? +0,3,"Kilgannon, Mr. Thomas J",male,,0,0,36865,7.7375,?,Q,?,?,? +0,3,"Kink, Miss. Maria",female,22.0,2,0,315152,8.6625,?,S,?,?,? +0,3,"Kink, Mr. Vincenz",male,26.0,2,0,315151,8.6625,?,S,?,?,? +1,3,"Kink-Heilmann, Miss. Luise Gretchen",female,4.0,0,2,315153,22.025,?,S,2,?,? +1,3,"Kink-Heilmann, Mr. Anton",male,29.0,3,1,315153,22.025,?,S,2,?,? +1,3,"Kink-Heilmann, Mrs. Anton (Luise Heilmann)",female,26.0,1,1,315153,22.025,?,S,2,?,? +0,3,"Klasen, Miss. Gertrud Emilia",female,1.0,1,1,350405,12.1833,?,S,?,?,? +0,3,"Klasen, Mr. Klas Albin",male,18.0,1,1,350404,7.8542,?,S,?,?,? +0,3,"Klasen, Mrs. (Hulda Kristina Eugenia Lofqvist)",female,36.0,0,2,350405,12.1833,?,S,?,?,? +0,3,"Kraeff, Mr. Theodor",male,,0,0,349253,7.8958,?,C,?,?,? +1,3,"Krekorian, Mr. Neshan",male,25.0,0,0,2654,7.2292,F E57,C,10,?,? +0,3,"Lahoud, Mr. Sarkis",male,,0,0,2624,7.225,?,C,?,?,? +0,3,"Laitinen, Miss. Kristina Sofia",female,37.0,0,0,4135,9.5875,?,S,?,?,? +0,3,"Laleff, Mr. Kristo",male,,0,0,349217,7.8958,?,S,?,?,? +1,3,"Lam, Mr. Ali",male,,0,0,1601,56.4958,?,S,C,?,? +0,3,"Lam, Mr. Len",male,,0,0,1601,56.4958,?,S,?,?,? +1,3,"Landergren, Miss. Aurora Adelia",female,22.0,0,0,C 7077,7.25,?,S,13,?,? +0,3,"Lane, Mr. Patrick",male,,0,0,7935,7.75,?,Q,?,?,? +1,3,"Lang, Mr. Fang",male,26.0,0,0,1601,56.4958,?,S,14,?,? +0,3,"Larsson, Mr. August Viktor",male,29.0,0,0,7545,9.4833,?,S,?,?,? +0,3,"Larsson, Mr. Bengt Edvin",male,29.0,0,0,347067,7.775,?,S,?,?,? +0,3,"Larsson-Rondberg, Mr. Edvard A",male,22.0,0,0,347065,7.775,?,S,?,?,? +1,3,"Leeni, Mr. Fahim ('Philip Zenni')",male,22.0,0,0,2620,7.225,?,C,6,?,? +0,3,"Lefebre, Master. Henry Forbes",male,,3,1,4133,25.4667,?,S,?,?,? +0,3,"Lefebre, Miss. Ida",female,,3,1,4133,25.4667,?,S,?,?,? +0,3,"Lefebre, Miss. Jeannie",female,,3,1,4133,25.4667,?,S,?,?,? +0,3,"Lefebre, Miss. Mathilde",female,,3,1,4133,25.4667,?,S,?,?,? +0,3,"Lefebre, Mrs. Frank (Frances)",female,,0,4,4133,25.4667,?,S,?,?,? +0,3,"Leinonen, Mr. Antti Gustaf",male,32.0,0,0,STON/O 2. 3101292,7.925,?,S,?,?,? +0,3,"Lemberopolous, Mr. Peter L",male,34.5,0,0,2683,6.4375,?,C,?,196,? +0,3,"Lennon, Miss. Mary",female,,1,0,370371,15.5,?,Q,?,?,? +0,3,"Lennon, Mr. Denis",male,,1,0,370371,15.5,?,Q,?,?,? +0,3,"Leonard, Mr. Lionel",male,36.0,0,0,LINE,0.0,?,S,?,?,? +0,3,"Lester, Mr. James",male,39.0,0,0,A/4 48871,24.15,?,S,?,?,? +0,3,"Lievens, Mr. Rene Aime",male,24.0,0,0,345781,9.5,?,S,?,?,? +0,3,"Lindahl, Miss. Agda Thorilda Viktoria",female,25.0,0,0,347071,7.775,?,S,?,?,? +0,3,"Lindblom, Miss. Augusta Charlotta",female,45.0,0,0,347073,7.75,?,S,?,?,? +0,3,"Lindell, Mr. Edvard Bengtsson",male,36.0,1,0,349910,15.55,?,S,A,?,? +0,3,"Lindell, Mrs. Edvard Bengtsson (Elin Gerda Persson)",female,30.0,1,0,349910,15.55,?,S,A,?,? +1,3,"Lindqvist, Mr. Eino William",male,20.0,1,0,STON/O 2. 3101285,7.925,?,S,15,?,? +0,3,"Linehan, Mr. Michael",male,,0,0,330971,7.8792,?,Q,?,?,? +0,3,"Ling, Mr. Lee",male,28.0,0,0,1601,56.4958,?,S,?,?,? +0,3,"Lithman, Mr. Simon",male,,0,0,S.O./P.P. 251,7.55,?,S,?,?,? +0,3,"Lobb, Mr. William Arthur",male,30.0,1,0,A/5. 3336,16.1,?,S,?,?,? +0,3,"Lobb, Mrs. William Arthur (Cordelia K Stanlick)",female,26.0,1,0,A/5. 3336,16.1,?,S,?,?,? +0,3,"Lockyer, Mr. Edward",male,,0,0,1222,7.8792,?,S,?,153,? +0,3,"Lovell, Mr. John Hall ('Henry')",male,20.5,0,0,A/5 21173,7.25,?,S,?,?,? +1,3,"Lulic, Mr. Nikola",male,27.0,0,0,315098,8.6625,?,S,15,?,? +0,3,"Lundahl, Mr. Johan Svensson",male,51.0,0,0,347743,7.0542,?,S,?,?,? +1,3,"Lundin, Miss. Olga Elida",female,23.0,0,0,347469,7.8542,?,S,10,?,? +1,3,"Lundstrom, Mr. Thure Edvin",male,32.0,0,0,350403,7.5792,?,S,15,?,? +0,3,"Lyntakoff, Mr. Stanko",male,,0,0,349235,7.8958,?,S,?,?,? +0,3,"MacKay, Mr. George William",male,,0,0,C.A. 42795,7.55,?,S,?,?,? +1,3,"Madigan, Miss. Margaret 'Maggie'",female,,0,0,370370,7.75,?,Q,15,?,? +1,3,"Madsen, Mr. Fridtjof Arne",male,24.0,0,0,C 17369,7.1417,?,S,13,?,? +0,3,"Maenpaa, Mr. Matti Alexanteri",male,22.0,0,0,STON/O 2. 3101275,7.125,?,S,?,?,? +0,3,"Mahon, Miss. Bridget Delia",female,,0,0,330924,7.8792,?,Q,?,?,? +0,3,"Mahon, Mr. John",male,,0,0,AQ/4 3130,7.75,?,Q,?,?,? +0,3,"Maisner, Mr. Simon",male,,0,0,A/S 2816,8.05,?,S,?,?,? +0,3,"Makinen, Mr. Kalle Edvard",male,29.0,0,0,STON/O 2. 3101268,7.925,?,S,?,?,? +1,3,"Mamee, Mr. Hanna",male,,0,0,2677,7.2292,?,C,15,?,? +0,3,"Mangan, Miss. Mary",female,30.5,0,0,364850,7.75,?,Q,?,61,? +1,3,"Mannion, Miss. Margareth",female,,0,0,36866,7.7375,?,Q,16,?,? +0,3,"Mardirosian, Mr. Sarkis",male,,0,0,2655,7.2292,F E46,C,?,?,? +0,3,"Markoff, Mr. Marin",male,35.0,0,0,349213,7.8958,?,C,?,?,? +0,3,"Markun, Mr. Johann",male,33.0,0,0,349257,7.8958,?,S,?,?,? +1,3,"Masselmani, Mrs. Fatima",female,,0,0,2649,7.225,?,C,C,?,? +0,3,"Matinoff, Mr. Nicola",male,,0,0,349255,7.8958,?,C,?,?,? +1,3,"McCarthy, Miss. Catherine 'Katie'",female,,0,0,383123,7.75,?,Q,15 16,?,? +1,3,"McCormack, Mr. Thomas Joseph",male,,0,0,367228,7.75,?,Q,?,?,? +1,3,"McCoy, Miss. Agnes",female,,2,0,367226,23.25,?,Q,16,?,? +1,3,"McCoy, Miss. Alicia",female,,2,0,367226,23.25,?,Q,16,?,? +1,3,"McCoy, Mr. Bernard",male,,2,0,367226,23.25,?,Q,16,?,? +1,3,"McDermott, Miss. Brigdet Delia",female,,0,0,330932,7.7875,?,Q,13,?,? +0,3,"McEvoy, Mr. Michael",male,,0,0,36568,15.5,?,Q,?,?,? +1,3,"McGovern, Miss. Mary",female,,0,0,330931,7.8792,?,Q,13,?,? +1,3,"McGowan, Miss. Anna 'Annie'",female,15.0,0,0,330923,8.0292,?,Q,?,?,? +0,3,"McGowan, Miss. Katherine",female,35.0,0,0,9232,7.75,?,Q,?,?,? +0,3,"McMahon, Mr. Martin",male,,0,0,370372,7.75,?,Q,?,?,? +0,3,"McNamee, Mr. Neal",male,24.0,1,0,376566,16.1,?,S,?,?,? +0,3,"McNamee, Mrs. Neal (Eileen O'Leary)",female,19.0,1,0,376566,16.1,?,S,?,53,? +0,3,"McNeill, Miss. Bridget",female,,0,0,370368,7.75,?,Q,?,?,? +0,3,"Meanwell, Miss. (Marion Ogden)",female,,0,0,SOTON/O.Q. 392087,8.05,?,S,?,?,? +0,3,"Meek, Mrs. Thomas (Annie Louise Rowley)",female,,0,0,343095,8.05,?,S,?,?,? +0,3,"Meo, Mr. Alfonzo",male,55.5,0,0,A.5. 11206,8.05,?,S,?,201,? +0,3,"Mernagh, Mr. Robert",male,,0,0,368703,7.75,?,Q,?,?,? +1,3,"Midtsjo, Mr. Karl Albert",male,21.0,0,0,345501,7.775,?,S,15,?,? +0,3,"Miles, Mr. Frank",male,,0,0,359306,8.05,?,S,?,?,? +0,3,"Mineff, Mr. Ivan",male,24.0,0,0,349233,7.8958,?,S,?,?,? +0,3,"Minkoff, Mr. Lazar",male,21.0,0,0,349211,7.8958,?,S,?,?,? +0,3,"Mionoff, Mr. Stoytcho",male,28.0,0,0,349207,7.8958,?,S,?,?,? +0,3,"Mitkoff, Mr. Mito",male,,0,0,349221,7.8958,?,S,?,?,? +1,3,"Mockler, Miss. Helen Mary 'Ellie'",female,,0,0,330980,7.8792,?,Q,16,?,? +0,3,"Moen, Mr. Sigurd Hansen",male,25.0,0,0,348123,7.65,F G73,S,?,309,? +1,3,"Moor, Master. Meier",male,6.0,0,1,392096,12.475,E121,S,14,?,? +1,3,"Moor, Mrs. (Beila)",female,27.0,0,1,392096,12.475,E121,S,14,?,? +0,3,"Moore, Mr. Leonard Charles",male,,0,0,A4. 54510,8.05,?,S,?,?,? +1,3,"Moran, Miss. Bertha",female,,1,0,371110,24.15,?,Q,16,?,? +0,3,"Moran, Mr. Daniel J",male,,1,0,371110,24.15,?,Q,?,?,? +0,3,"Moran, Mr. James",male,,0,0,330877,8.4583,?,Q,?,?,? +0,3,"Morley, Mr. William",male,34.0,0,0,364506,8.05,?,S,?,?,? +0,3,"Morrow, Mr. Thomas Rowan",male,,0,0,372622,7.75,?,Q,?,?,? +1,3,"Moss, Mr. Albert Johan",male,,0,0,312991,7.775,?,S,B,?,? +1,3,"Moubarek, Master. Gerios",male,,1,1,2661,15.2458,?,C,C,?,? +1,3,"Moubarek, Master. Halim Gonios ('William George')",male,,1,1,2661,15.2458,?,C,C,?,? +1,3,"Moubarek, Mrs. George (Omine 'Amenia' Alexander)",female,,0,2,2661,15.2458,?,C,C,?,? +1,3,"Moussa, Mrs. (Mantoura Boulos)",female,,0,0,2626,7.2292,?,C,?,?,? +0,3,"Moutal, Mr. Rahamin Haim",male,,0,0,374746,8.05,?,S,?,?,? +1,3,"Mullens, Miss. Katherine 'Katie'",female,,0,0,35852,7.7333,?,Q,16,?,? +1,3,"Mulvihill, Miss. Bertha E",female,24.0,0,0,382653,7.75,?,Q,15,?,? +0,3,"Murdlin, Mr. Joseph",male,,0,0,A./5. 3235,8.05,?,S,?,?,? +1,3,"Murphy, Miss. Katherine 'Kate'",female,,1,0,367230,15.5,?,Q,16,?,? +1,3,"Murphy, Miss. Margaret Jane",female,,1,0,367230,15.5,?,Q,16,?,? +1,3,"Murphy, Miss. Nora",female,,0,0,36568,15.5,?,Q,16,?,? +0,3,"Myhrman, Mr. Pehr Fabian Oliver Malkolm",male,18.0,0,0,347078,7.75,?,S,?,?,? +0,3,"Naidenoff, Mr. Penko",male,22.0,0,0,349206,7.8958,?,S,?,?,? +1,3,"Najib, Miss. Adele Kiamie 'Jane'",female,15.0,0,0,2667,7.225,?,C,C,?,? +1,3,"Nakid, Miss. Maria ('Mary')",female,1.0,0,2,2653,15.7417,?,C,C,?,? +1,3,"Nakid, Mr. Sahid",male,20.0,1,1,2653,15.7417,?,C,C,?,? +1,3,"Nakid, Mrs. Said (Waika 'Mary' Mowad)",female,19.0,1,1,2653,15.7417,?,C,C,?,? +0,3,"Nancarrow, Mr. William Henry",male,33.0,0,0,A./5. 3338,8.05,?,S,?,?,? +0,3,"Nankoff, Mr. Minko",male,,0,0,349218,7.8958,?,S,?,?,? +0,3,"Nasr, Mr. Mustafa",male,,0,0,2652,7.2292,?,C,?,?,? +0,3,"Naughton, Miss. Hannah",female,,0,0,365237,7.75,?,Q,?,?,? +0,3,"Nenkoff, Mr. Christo",male,,0,0,349234,7.8958,?,S,?,?,? +1,3,"Nicola-Yarred, Master. Elias",male,12.0,1,0,2651,11.2417,?,C,C,?,? +1,3,"Nicola-Yarred, Miss. Jamila",female,14.0,1,0,2651,11.2417,?,C,C,?,? +0,3,"Nieminen, Miss. Manta Josefina",female,29.0,0,0,3101297,7.925,?,S,?,?,? +0,3,"Niklasson, Mr. Samuel",male,28.0,0,0,363611,8.05,?,S,?,?,? +1,3,"Nilsson, Miss. Berta Olivia",female,18.0,0,0,347066,7.775,?,S,D,?,? +1,3,"Nilsson, Miss. Helmina Josefina",female,26.0,0,0,347470,7.8542,?,S,13,?,? +0,3,"Nilsson, Mr. August Ferdinand",male,21.0,0,0,350410,7.8542,?,S,?,?,? +0,3,"Nirva, Mr. Iisakki Antino Aijo",male,41.0,0,0,SOTON/O2 3101272,7.125,?,S,?,?,"Finland Sudbury, ON" +1,3,"Niskanen, Mr. Juha",male,39.0,0,0,STON/O 2. 3101289,7.925,?,S,9,?,? +0,3,"Nosworthy, Mr. Richard Cater",male,21.0,0,0,A/4. 39886,7.8,?,S,?,?,? +0,3,"Novel, Mr. Mansouer",male,28.5,0,0,2697,7.2292,?,C,?,181,? +1,3,"Nysten, Miss. Anna Sofia",female,22.0,0,0,347081,7.75,?,S,13,?,? +0,3,"Nysveen, Mr. Johan Hansen",male,61.0,0,0,345364,6.2375,?,S,?,?,? +0,3,"O'Brien, Mr. Thomas",male,,1,0,370365,15.5,?,Q,?,?,? +0,3,"O'Brien, Mr. Timothy",male,,0,0,330979,7.8292,?,Q,?,?,? +1,3,"O'Brien, Mrs. Thomas (Johanna 'Hannah' Godfrey)",female,,1,0,370365,15.5,?,Q,?,?,? +0,3,"O'Connell, Mr. Patrick D",male,,0,0,334912,7.7333,?,Q,?,?,? +0,3,"O'Connor, Mr. Maurice",male,,0,0,371060,7.75,?,Q,?,?,? +0,3,"O'Connor, Mr. Patrick",male,,0,0,366713,7.75,?,Q,?,?,? +0,3,"Odahl, Mr. Nils Martin",male,23.0,0,0,7267,9.225,?,S,?,?,? +0,3,"O'Donoghue, Ms. Bridget",female,,0,0,364856,7.75,?,Q,?,?,? +1,3,"O'Driscoll, Miss. Bridget",female,,0,0,14311,7.75,?,Q,D,?,? +1,3,"O'Dwyer, Miss. Ellen 'Nellie'",female,,0,0,330959,7.8792,?,Q,?,?,? +1,3,"Ohman, Miss. Velin",female,22.0,0,0,347085,7.775,?,S,C,?,? +1,3,"O'Keefe, Mr. Patrick",male,,0,0,368402,7.75,?,Q,B,?,? +1,3,"O'Leary, Miss. Hanora 'Norah'",female,,0,0,330919,7.8292,?,Q,13,?,? +1,3,"Olsen, Master. Artur Karl",male,9.0,0,1,C 17368,3.1708,?,S,13,?,? +0,3,"Olsen, Mr. Henry Margido",male,28.0,0,0,C 4001,22.525,?,S,?,173,? +0,3,"Olsen, Mr. Karl Siegwart Andreas",male,42.0,0,1,4579,8.4042,?,S,?,?,? +0,3,"Olsen, Mr. Ole Martin",male,,0,0,Fa 265302,7.3125,?,S,?,?,? +0,3,"Olsson, Miss. Elina",female,31.0,0,0,350407,7.8542,?,S,?,?,? +0,3,"Olsson, Mr. Nils Johan Goransson",male,28.0,0,0,347464,7.8542,?,S,?,?,? +1,3,"Olsson, Mr. Oscar Wilhelm",male,32.0,0,0,347079,7.775,?,S,A,?,? +0,3,"Olsvigen, Mr. Thor Anderson",male,20.0,0,0,6563,9.225,?,S,?,89,"Oslo, Norway Cameron, WI" +0,3,"Oreskovic, Miss. Jelka",female,23.0,0,0,315085,8.6625,?,S,?,?,? +0,3,"Oreskovic, Miss. Marija",female,20.0,0,0,315096,8.6625,?,S,?,?,? +0,3,"Oreskovic, Mr. Luka",male,20.0,0,0,315094,8.6625,?,S,?,?,? +0,3,"Osen, Mr. Olaf Elon",male,16.0,0,0,7534,9.2167,?,S,?,?,? +1,3,"Osman, Mrs. Mara",female,31.0,0,0,349244,8.6833,?,S,?,?,? +0,3,"O'Sullivan, Miss. Bridget Mary",female,,0,0,330909,7.6292,?,Q,?,?,? +0,3,"Palsson, Master. Gosta Leonard",male,2.0,3,1,349909,21.075,?,S,?,4,? +0,3,"Palsson, Master. Paul Folke",male,6.0,3,1,349909,21.075,?,S,?,?,? +0,3,"Palsson, Miss. Stina Viola",female,3.0,3,1,349909,21.075,?,S,?,?,? +0,3,"Palsson, Miss. Torborg Danira",female,8.0,3,1,349909,21.075,?,S,?,?,? +0,3,"Palsson, Mrs. Nils (Alma Cornelia Berglund)",female,29.0,0,4,349909,21.075,?,S,?,206,? +0,3,"Panula, Master. Eino Viljami",male,1.0,4,1,3101295,39.6875,?,S,?,?,? +0,3,"Panula, Master. Juha Niilo",male,7.0,4,1,3101295,39.6875,?,S,?,?,? +0,3,"Panula, Master. Urho Abraham",male,2.0,4,1,3101295,39.6875,?,S,?,?,? +0,3,"Panula, Mr. Ernesti Arvid",male,16.0,4,1,3101295,39.6875,?,S,?,?,? +0,3,"Panula, Mr. Jaako Arnold",male,14.0,4,1,3101295,39.6875,?,S,?,?,? +0,3,"Panula, Mrs. Juha (Maria Emilia Ojala)",female,41.0,0,5,3101295,39.6875,?,S,?,?,? +0,3,"Pasic, Mr. Jakob",male,21.0,0,0,315097,8.6625,?,S,?,?,? +0,3,"Patchett, Mr. George",male,19.0,0,0,358585,14.5,?,S,?,?,? +0,3,"Paulner, Mr. Uscher",male,,0,0,3411,8.7125,?,C,?,?,? +0,3,"Pavlovic, Mr. Stefo",male,32.0,0,0,349242,7.8958,?,S,?,?,? +0,3,"Peacock, Master. Alfred Edward",male,0.75,1,1,SOTON/O.Q. 3101315,13.775,?,S,?,?,? +0,3,"Peacock, Miss. Treasteall",female,3.0,1,1,SOTON/O.Q. 3101315,13.775,?,S,?,?,? +0,3,"Peacock, Mrs. Benjamin (Edith Nile)",female,26.0,0,2,SOTON/O.Q. 3101315,13.775,?,S,?,?,? +0,3,"Pearce, Mr. Ernest",male,,0,0,343271,7.0,?,S,?,?,? +0,3,"Pedersen, Mr. Olaf",male,,0,0,345498,7.775,?,S,?,?,? +0,3,"Peduzzi, Mr. Joseph",male,,0,0,A/5 2817,8.05,?,S,?,?,? +0,3,"Pekoniemi, Mr. Edvard",male,21.0,0,0,STON/O 2. 3101294,7.925,?,S,?,?,? +0,3,"Peltomaki, Mr. Nikolai Johannes",male,25.0,0,0,STON/O 2. 3101291,7.925,?,S,?,?,? +0,3,"Perkin, Mr. John Henry",male,22.0,0,0,A/5 21174,7.25,?,S,?,?,? +1,3,"Persson, Mr. Ernst Ulrik",male,25.0,1,0,347083,7.775,?,S,15,?,? +1,3,"Peter, Master. Michael J",male,,1,1,2668,22.3583,?,C,C,?,? +1,3,"Peter, Miss. Anna",female,,1,1,2668,22.3583,F E69,C,D,?,? +1,3,"Peter, Mrs. Catherine (Catherine Rizk)",female,,0,2,2668,22.3583,?,C,D,?,? +0,3,"Peters, Miss. Katie",female,,0,0,330935,8.1375,?,Q,?,?,? +0,3,"Petersen, Mr. Marius",male,24.0,0,0,342441,8.05,?,S,?,?,? +0,3,"Petranec, Miss. Matilda",female,28.0,0,0,349245,7.8958,?,S,?,?,? +0,3,"Petroff, Mr. Nedelio",male,19.0,0,0,349212,7.8958,?,S,?,?,? +0,3,"Petroff, Mr. Pastcho ('Pentcho')",male,,0,0,349215,7.8958,?,S,?,?,? +0,3,"Petterson, Mr. Johan Emil",male,25.0,1,0,347076,7.775,?,S,?,?,? +0,3,"Pettersson, Miss. Ellen Natalia",female,18.0,0,0,347087,7.775,?,S,?,?,? +1,3,"Pickard, Mr. Berk (Berk Trembisky)",male,32.0,0,0,SOTON/O.Q. 392078,8.05,E10,S,9,?,? +0,3,"Plotcharsky, Mr. Vasil",male,,0,0,349227,7.8958,?,S,?,?,? +0,3,"Pokrnic, Mr. Mate",male,17.0,0,0,315095,8.6625,?,S,?,?,? +0,3,"Pokrnic, Mr. Tome",male,24.0,0,0,315092,8.6625,?,S,?,?,? +0,3,"Radeff, Mr. Alexander",male,,0,0,349223,7.8958,?,S,?,?,? +0,3,"Rasmussen, Mrs. (Lena Jacobsen Solvang)",female,,0,0,65305,8.1125,?,S,?,?,? +0,3,"Razi, Mr. Raihed",male,,0,0,2629,7.2292,?,C,?,?,? +0,3,"Reed, Mr. James George",male,,0,0,362316,7.25,?,S,?,?,? +0,3,"Rekic, Mr. Tido",male,38.0,0,0,349249,7.8958,?,S,?,?,? +0,3,"Reynolds, Mr. Harold J",male,21.0,0,0,342684,8.05,?,S,?,?,? +0,3,"Rice, Master. Albert",male,10.0,4,1,382652,29.125,?,Q,?,?,? +0,3,"Rice, Master. Arthur",male,4.0,4,1,382652,29.125,?,Q,?,?,? +0,3,"Rice, Master. Eric",male,7.0,4,1,382652,29.125,?,Q,?,?,? +0,3,"Rice, Master. Eugene",male,2.0,4,1,382652,29.125,?,Q,?,?,? +0,3,"Rice, Master. George Hugh",male,8.0,4,1,382652,29.125,?,Q,?,?,? +0,3,"Rice, Mrs. William (Margaret Norton)",female,39.0,0,5,382652,29.125,?,Q,?,327,? +0,3,"Riihivouri, Miss. Susanna Juhantytar 'Sanni'",female,22.0,0,0,3101295,39.6875,?,S,?,?,? +0,3,"Rintamaki, Mr. Matti",male,35.0,0,0,STON/O 2. 3101273,7.125,?,S,?,?,? +1,3,"Riordan, Miss. Johanna 'Hannah'",female,,0,0,334915,7.7208,?,Q,13,?,? +0,3,"Risien, Mr. Samuel Beard",male,,0,0,364498,14.5,?,S,?,?,? +0,3,"Risien, Mrs. Samuel (Emma)",female,,0,0,364498,14.5,?,S,?,?,? +0,3,"Robins, Mr. Alexander A",male,50.0,1,0,A/5. 3337,14.5,?,S,?,119,? +0,3,"Robins, Mrs. Alexander A (Grace Charity Laury)",female,47.0,1,0,A/5. 3337,14.5,?,S,?,7,? +0,3,"Rogers, Mr. William John",male,,0,0,S.C./A.4. 23567,8.05,?,S,?,?,? +0,3,"Rommetvedt, Mr. Knud Paust",male,,0,0,312993,7.775,?,S,?,?,? +0,3,"Rosblom, Miss. Salli Helena",female,2.0,1,1,370129,20.2125,?,S,?,?,? +0,3,"Rosblom, Mr. Viktor Richard",male,18.0,1,1,370129,20.2125,?,S,?,?,? +0,3,"Rosblom, Mrs. Viktor (Helena Wilhelmina)",female,41.0,0,2,370129,20.2125,?,S,?,?,? +1,3,"Roth, Miss. Sarah A",female,,0,0,342712,8.05,?,S,C,?,? +0,3,"Rouse, Mr. Richard Henry",male,50.0,0,0,A/5 3594,8.05,?,S,?,?,? +0,3,"Rush, Mr. Alfred George John",male,16.0,0,0,A/4. 20589,8.05,?,S,?,?,? +1,3,"Ryan, Mr. Edward",male,,0,0,383162,7.75,?,Q,14,?,? +0,3,"Ryan, Mr. Patrick",male,,0,0,371110,24.15,?,Q,?,?,? +0,3,"Saad, Mr. Amin",male,,0,0,2671,7.2292,?,C,?,?,? +0,3,"Saad, Mr. Khalil",male,25.0,0,0,2672,7.225,?,C,?,?,? +0,3,"Saade, Mr. Jean Nassr",male,,0,0,2676,7.225,?,C,?,?,? +0,3,"Sadlier, Mr. Matthew",male,,0,0,367655,7.7292,?,Q,?,?,? +0,3,"Sadowitz, Mr. Harry",male,,0,0,LP 1588,7.575,?,S,?,?,? +0,3,"Saether, Mr. Simon Sivertsen",male,38.5,0,0,SOTON/O.Q. 3101262,7.25,?,S,?,32,? +0,3,"Sage, Master. Thomas Henry",male,,8,2,CA. 2343,69.55,?,S,?,?,? +0,3,"Sage, Master. William Henry",male,14.5,8,2,CA. 2343,69.55,?,S,?,67,? +0,3,"Sage, Miss. Ada",female,,8,2,CA. 2343,69.55,?,S,?,?,? +0,3,"Sage, Miss. Constance Gladys",female,,8,2,CA. 2343,69.55,?,S,?,?,? +0,3,"Sage, Miss. Dorothy Edith 'Dolly'",female,,8,2,CA. 2343,69.55,?,S,?,?,? +0,3,"Sage, Miss. Stella Anna",female,,8,2,CA. 2343,69.55,?,S,?,?,? +0,3,"Sage, Mr. Douglas Bullen",male,,8,2,CA. 2343,69.55,?,S,?,?,? +0,3,"Sage, Mr. Frederick",male,,8,2,CA. 2343,69.55,?,S,?,?,? +0,3,"Sage, Mr. George John Jr",male,,8,2,CA. 2343,69.55,?,S,?,?,? +0,3,"Sage, Mr. John George",male,,1,9,CA. 2343,69.55,?,S,?,?,? +0,3,"Sage, Mrs. John (Annie Bullen)",female,,1,9,CA. 2343,69.55,?,S,?,?,? +0,3,"Salander, Mr. Karl Johan",male,24.0,0,0,7266,9.325,?,S,?,?,? +1,3,"Salkjelsvik, Miss. Anna Kristine",female,21.0,0,0,343120,7.65,?,S,C,?,? +0,3,"Salonen, Mr. Johan Werner",male,39.0,0,0,3101296,7.925,?,S,?,?,? +0,3,"Samaan, Mr. Elias",male,,2,0,2662,21.6792,?,C,?,?,? +0,3,"Samaan, Mr. Hanna",male,,2,0,2662,21.6792,?,C,?,?,? +0,3,"Samaan, Mr. Youssef",male,,2,0,2662,21.6792,?,C,?,?,? +1,3,"Sandstrom, Miss. Beatrice Irene",female,1.0,1,1,PP 9549,16.7,G6,S,13,?,? +1,3,"Sandstrom, Mrs. Hjalmar (Agnes Charlotta Bengtsson)",female,24.0,0,2,PP 9549,16.7,G6,S,13,?,? +1,3,"Sandstrom, Miss. Marguerite Rut",female,4.0,1,1,PP 9549,16.7,G6,S,13,?,? +1,3,"Sap, Mr. Julius",male,25.0,0,0,345768,9.5,?,S,11,?,? +0,3,"Saundercock, Mr. William Henry",male,20.0,0,0,A/5. 2151,8.05,?,S,?,?,? +0,3,"Sawyer, Mr. Frederick Charles",male,24.5,0,0,342826,8.05,?,S,?,284,? +0,3,"Scanlan, Mr. James",male,,0,0,36209,7.725,?,Q,?,?,? +0,3,"Sdycoff, Mr. Todor",male,,0,0,349222,7.8958,?,S,?,?,? +0,3,"Shaughnessy, Mr. Patrick",male,,0,0,370374,7.75,?,Q,?,?,? +1,3,"Sheerlinck, Mr. Jan Baptist",male,29.0,0,0,345779,9.5,?,S,11,?,? +0,3,"Shellard, Mr. Frederick William",male,,0,0,C.A. 6212,15.1,?,S,?,?,? +1,3,"Shine, Miss. Ellen Natalia",female,,0,0,330968,7.7792,?,Q,?,?,? +0,3,"Shorney, Mr. Charles Joseph",male,,0,0,374910,8.05,?,S,?,?,? +0,3,"Simmons, Mr. John",male,,0,0,SOTON/OQ 392082,8.05,?,S,?,?,? +0,3,"Sirayanian, Mr. Orsen",male,22.0,0,0,2669,7.2292,?,C,?,?,? +0,3,"Sirota, Mr. Maurice",male,,0,0,392092,8.05,?,S,?,?,? +0,3,"Sivic, Mr. Husein",male,40.0,0,0,349251,7.8958,?,S,?,?,? +0,3,"Sivola, Mr. Antti Wilhelm",male,21.0,0,0,STON/O 2. 3101280,7.925,?,S,?,?,? +1,3,"Sjoblom, Miss. Anna Sofia",female,18.0,0,0,3101265,7.4958,?,S,16,?,? +0,3,"Skoog, Master. Harald",male,4.0,3,2,347088,27.9,?,S,?,?,? +0,3,"Skoog, Master. Karl Thorsten",male,10.0,3,2,347088,27.9,?,S,?,?,? +0,3,"Skoog, Miss. Mabel",female,9.0,3,2,347088,27.9,?,S,?,?,? +0,3,"Skoog, Miss. Margit Elizabeth",female,2.0,3,2,347088,27.9,?,S,?,?,? +0,3,"Skoog, Mr. Wilhelm",male,40.0,1,4,347088,27.9,?,S,?,?,? +0,3,"Skoog, Mrs. William (Anna Bernhardina Karlsson)",female,45.0,1,4,347088,27.9,?,S,?,?,? +0,3,"Slabenoff, Mr. Petco",male,,0,0,349214,7.8958,?,S,?,?,? +0,3,"Slocovski, Mr. Selman Francis",male,,0,0,SOTON/OQ 392086,8.05,?,S,?,?,? +0,3,"Smiljanic, Mr. Mile",male,,0,0,315037,8.6625,?,S,?,?,? +0,3,"Smith, Mr. Thomas",male,,0,0,384461,7.75,?,Q,?,?,? +1,3,"Smyth, Miss. Julia",female,,0,0,335432,7.7333,?,Q,13,?,? +0,3,"Soholt, Mr. Peter Andreas Lauritz Andersen",male,19.0,0,0,348124,7.65,F G73,S,?,?,? +0,3,"Somerton, Mr. Francis William",male,30.0,0,0,A.5. 18509,8.05,?,S,?,?,? +0,3,"Spector, Mr. Woolf",male,,0,0,A.5. 3236,8.05,?,S,?,?,? +0,3,"Spinner, Mr. Henry John",male,32.0,0,0,STON/OQ. 369943,8.05,?,S,?,?,? +0,3,"Staneff, Mr. Ivan",male,,0,0,349208,7.8958,?,S,?,?,? +0,3,"Stankovic, Mr. Ivan",male,33.0,0,0,349239,8.6625,?,C,?,?,? +1,3,"Stanley, Miss. Amy Zillah Elsie",female,23.0,0,0,CA. 2314,7.55,?,S,C,?,? +0,3,"Stanley, Mr. Edward Roland",male,21.0,0,0,A/4 45380,8.05,?,S,?,?,? +0,3,"Storey, Mr. Thomas",male,60.5,0,0,3701,,?,S,?,261,? +0,3,"Stoytcheff, Mr. Ilia",male,19.0,0,0,349205,7.8958,?,S,?,?,? +0,3,"Strandberg, Miss. Ida Sofia",female,22.0,0,0,7553,9.8375,?,S,?,?,? +1,3,"Stranden, Mr. Juho",male,31.0,0,0,STON/O 2. 3101288,7.925,?,S,9,?,? +0,3,"Strilic, Mr. Ivan",male,27.0,0,0,315083,8.6625,?,S,?,?,? +0,3,"Strom, Miss. Telma Matilda",female,2.0,0,1,347054,10.4625,G6,S,?,?,? +0,3,"Strom, Mrs. Wilhelm (Elna Matilda Persson)",female,29.0,1,1,347054,10.4625,G6,S,?,?,? +1,3,"Sunderland, Mr. Victor Francis",male,16.0,0,0,SOTON/OQ 392089,8.05,?,S,B,?,? +1,3,"Sundman, Mr. Johan Julian",male,44.0,0,0,STON/O 2. 3101269,7.925,?,S,15,?,? +0,3,"Sutehall, Mr. Henry Jr",male,25.0,0,0,SOTON/OQ 392076,7.05,?,S,?,?,? +0,3,"Svensson, Mr. Johan",male,74.0,0,0,347060,7.775,?,S,?,?,? +1,3,"Svensson, Mr. Johan Cervin",male,14.0,0,0,7538,9.225,?,S,13,?,? +0,3,"Svensson, Mr. Olof",male,24.0,0,0,350035,7.7958,?,S,?,?,? +1,3,"Tenglin, Mr. Gunnar Isidor",male,25.0,0,0,350033,7.7958,?,S,13 15,?,? +0,3,"Theobald, Mr. Thomas Leonard",male,34.0,0,0,363294,8.05,?,S,?,176,? +1,3,"Thomas, Master. Assad Alexander",male,0.4167,0,1,2625,8.5167,?,C,16,?,? +0,3,"Thomas, Mr. Charles P",male,,1,0,2621,6.4375,?,C,?,?,? +0,3,"Thomas, Mr. John",male,,0,0,2681,6.4375,?,C,?,?,? +0,3,"Thomas, Mr. Tannous",male,,0,0,2684,7.225,?,C,?,?,? +1,3,"Thomas, Mrs. Alexander (Thamine 'Thelma')",female,16.0,1,1,2625,8.5167,?,C,14,?,? +0,3,"Thomson, Mr. Alexander Morrison",male,,0,0,32302,8.05,?,S,?,?,? +0,3,"Thorneycroft, Mr. Percival",male,,1,0,376564,16.1,?,S,?,?,? +1,3,"Thorneycroft, Mrs. Percival (Florence Kate White)",female,,1,0,376564,16.1,?,S,10,?,? +0,3,"Tikkanen, Mr. Juho",male,32.0,0,0,STON/O 2. 3101293,7.925,?,S,?,?,? +0,3,"Tobin, Mr. Roger",male,,0,0,383121,7.75,F38,Q,?,?,? +0,3,"Todoroff, Mr. Lalio",male,,0,0,349216,7.8958,?,S,?,?,? +0,3,"Tomlin, Mr. Ernest Portage",male,30.5,0,0,364499,8.05,?,S,?,50,? +0,3,"Torber, Mr. Ernst William",male,44.0,0,0,364511,8.05,?,S,?,?,? +0,3,"Torfa, Mr. Assad",male,,0,0,2673,7.2292,?,C,?,?,? +1,3,"Tornquist, Mr. William Henry",male,25.0,0,0,LINE,0.0,?,S,15,?,? +0,3,"Toufik, Mr. Nakli",male,,0,0,2641,7.2292,?,C,?,?,? +1,3,"Touma, Master. Georges Youssef",male,7.0,1,1,2650,15.2458,?,C,C,?,? +1,3,"Touma, Miss. Maria Youssef",female,9.0,1,1,2650,15.2458,?,C,C,?,? +1,3,"Touma, Mrs. Darwis (Hanne Youssef Razi)",female,29.0,0,2,2650,15.2458,?,C,C,?,? +0,3,"Turcin, Mr. Stjepan",male,36.0,0,0,349247,7.8958,?,S,?,?,? +1,3,"Turja, Miss. Anna Sofia",female,18.0,0,0,4138,9.8417,?,S,15,?,? +1,3,"Turkula, Mrs. (Hedwig)",female,63.0,0,0,4134,9.5875,?,S,15,?,? +0,3,"van Billiard, Master. James William",male,,1,1,A/5. 851,14.5,?,S,?,?,? +0,3,"van Billiard, Master. Walter John",male,11.5,1,1,A/5. 851,14.5,?,S,?,1,? +0,3,"van Billiard, Mr. Austin Blyler",male,40.5,0,2,A/5. 851,14.5,?,S,?,255,? +0,3,"Van Impe, Miss. Catharina",female,10.0,0,2,345773,24.15,?,S,?,?,? +0,3,"Van Impe, Mr. Jean Baptiste",male,36.0,1,1,345773,24.15,?,S,?,?,? +0,3,"Van Impe, Mrs. Jean Baptiste (Rosalie Paula Govaert)",female,30.0,1,1,345773,24.15,?,S,?,?,? +0,3,"van Melkebeke, Mr. Philemon",male,,0,0,345777,9.5,?,S,?,?,? +0,3,"Vande Velde, Mr. Johannes Joseph",male,33.0,0,0,345780,9.5,?,S,?,?,? +0,3,"Vande Walle, Mr. Nestor Cyriel",male,28.0,0,0,345770,9.5,?,S,?,?,? +0,3,"Vanden Steen, Mr. Leo Peter",male,28.0,0,0,345783,9.5,?,S,?,?,? +0,3,"Vander Cruyssen, Mr. Victor",male,47.0,0,0,345765,9.0,?,S,?,?,? +0,3,"Vander Planke, Miss. Augusta Maria",female,18.0,2,0,345764,18.0,?,S,?,?,? +0,3,"Vander Planke, Mr. Julius",male,31.0,3,0,345763,18.0,?,S,?,?,? +0,3,"Vander Planke, Mr. Leo Edmondus",male,16.0,2,0,345764,18.0,?,S,?,?,? +0,3,"Vander Planke, Mrs. Julius (Emelia Maria Vandemoortele)",female,31.0,1,0,345763,18.0,?,S,?,?,? +1,3,"Vartanian, Mr. David",male,22.0,0,0,2658,7.225,?,C,13 15,?,? +0,3,"Vendel, Mr. Olof Edvin",male,20.0,0,0,350416,7.8542,?,S,?,?,? +0,3,"Vestrom, Miss. Hulda Amanda Adolfina",female,14.0,0,0,350406,7.8542,?,S,?,?,? +0,3,"Vovk, Mr. Janko",male,22.0,0,0,349252,7.8958,?,S,?,?,? +0,3,"Waelens, Mr. Achille",male,22.0,0,0,345767,9.0,?,S,?,?,"Antwerp, Belgium / Stanton, OH" +0,3,"Ware, Mr. Frederick",male,,0,0,359309,8.05,?,S,?,?,? +0,3,"Warren, Mr. Charles William",male,,0,0,C.A. 49867,7.55,?,S,?,?,? +0,3,"Webber, Mr. James",male,,0,0,SOTON/OQ 3101316,8.05,?,S,?,?,? +0,3,"Wenzel, Mr. Linhart",male,32.5,0,0,345775,9.5,?,S,?,298,? +1,3,"Whabee, Mrs. George Joseph (Shawneene Abi-Saab)",female,38.0,0,0,2688,7.2292,?,C,C,?,? +0,3,"Widegren, Mr. Carl/Charles Peter",male,51.0,0,0,347064,7.75,?,S,?,?,? +0,3,"Wiklund, Mr. Jakob Alfred",male,18.0,1,0,3101267,6.4958,?,S,?,314,? +0,3,"Wiklund, Mr. Karl Johan",male,21.0,1,0,3101266,6.4958,?,S,?,?,? +1,3,"Wilkes, Mrs. James (Ellen Needs)",female,47.0,1,0,363272,7.0,?,S,?,?,? +0,3,"Willer, Mr. Aaron ('Abi Weller')",male,,0,0,3410,8.7125,?,S,?,?,? +0,3,"Willey, Mr. Edward",male,,0,0,S.O./P.P. 751,7.55,?,S,?,?,? +0,3,"Williams, Mr. Howard Hugh 'Harry'",male,,0,0,A/5 2466,8.05,?,S,?,?,? +0,3,"Williams, Mr. Leslie",male,28.5,0,0,54636,16.1,?,S,?,14,? +0,3,"Windelov, Mr. Einar",male,21.0,0,0,SOTON/OQ 3101317,7.25,?,S,?,?,? +0,3,"Wirz, Mr. Albert",male,27.0,0,0,315154,8.6625,?,S,?,131,? +0,3,"Wiseman, Mr. Phillippe",male,,0,0,A/4. 34244,7.25,?,S,?,?,? +0,3,"Wittevrongel, Mr. Camille",male,36.0,0,0,345771,9.5,?,S,?,?,? +0,3,"Yasbeck, Mr. Antoni",male,27.0,1,0,2659,14.4542,?,C,C,?,? +1,3,"Yasbeck, Mrs. Antoni (Selini Alexander)",female,15.0,1,0,2659,14.4542,?,C,?,?,? +0,3,"Youseff, Mr. Gerious",male,45.5,0,0,2628,7.225,?,C,?,312,? +0,3,"Yousif, Mr. Wazli",male,,0,0,2647,7.225,?,C,?,?,? +0,3,"Yousseff, Mr. Gerious",male,,0,0,2627,14.4583,?,C,?,?,? +0,3,"Zabour, Miss. Hileni",female,14.5,1,0,2665,14.4542,?,C,?,328,? +0,3,"Zabour, Miss. Thamine",female,,1,0,2665,14.4542,?,C,?,?,? +0,3,"Zakarian, Mr. Mapriededer",male,26.5,0,0,2656,7.225,?,C,?,304,? +0,3,"Zakarian, Mr. Ortin",male,27.0,0,0,2670,7.225,?,C,?,?,? +0,3,"Zimmerman, Mr. Leo",male,29.0,0,0,315082,7.875,?,S,?,?,? diff --git a/1.titanic-survivors/titanic_original.csv b/1.titanic-survivors/titanic_original.csv new file mode 100644 index 0000000..8b1aefb --- /dev/null +++ b/1.titanic-survivors/titanic_original.csv @@ -0,0 +1,1310 @@ +pclass,survived,name,sex,age,siblings_spouses,parents_children,ticket,fare,cabin,embarked,boat,body,homedest +1,1,"Allen, Miss. Elisabeth Walton",female,29,0,0,24160,211.3375,B5,S,2,?,"St Louis, MO" +1,1,"Allison, Master. Hudson Trevor",male,0.9167,1,2,113781,151.55,C22 C26,S,11,?,"Montreal, PQ / Chesterville, ON" +1,0,"Allison, Miss. Helen Loraine",female,2,1,2,113781,151.55,C22 C26,S,?,?,"Montreal, PQ / Chesterville, ON" +1,0,"Allison, Mr. Hudson Joshua Creighton",male,30,1,2,113781,151.55,C22 C26,S,?,135,"Montreal, PQ / Chesterville, ON" +1,0,"Allison, Mrs. Hudson J C (Bessie Waldo Daniels)",female,25,1,2,113781,151.55,C22 C26,S,?,?,"Montreal, PQ / Chesterville, ON" +1,1,"Anderson, Mr. Harry",male,48,0,0,19952,26.55,E12,S,3,?,"New York, NY" +1,1,"Andrews, Miss. Kornelia Theodosia",female,63,1,0,13502,77.9583,D7,S,10,?,"Hudson, NY" +1,0,"Andrews, Mr. Thomas Jr",male,39,0,0,112050,0,A36,S,?,?,"Belfast, NI" +1,1,"Appleton, Mrs. Edward Dale (Charlotte Lamson)",female,53,2,0,11769,51.4792,C101,S,D,?,"Bayside, Queens, NY" +1,0,"Artagaveytia, Mr. Ramon",male,71,0,0,PC 17609,49.5042,?,C,?,22,"Montevideo, Uruguay" +1,0,"Astor, Col. John Jacob",male,47,1,0,PC 17757,227.525,C62 C64,C,?,124,"New York, NY" +1,1,"Astor, Mrs. John Jacob (Madeleine Talmadge Force)",female,18,1,0,PC 17757,227.525,C62 C64,C,4,?,"New York, NY" +1,1,"Aubart, Mme. Leontine Pauline",female,24,0,0,PC 17477,69.3,B35,C,9,?,"Paris, France" +1,1,"Barber, Miss. Ellen 'Nellie'",female,26,0,0,19877,78.85,?,S,6,?,? +1,1,"Barkworth, Mr. Algernon Henry Wilson",male,80,0,0,27042,30,A23,S,B,?,"Hessle, Yorks" +1,0,"Baumann, Mr. John D",male,?,0,0,PC 17318,25.925,?,S,?,?,"New York, NY" +1,0,"Baxter, Mr. Quigg Edmond",male,24,0,1,PC 17558,247.5208,B58 B60,C,?,?,"Montreal, PQ" +1,1,"Baxter, Mrs. James (Helene DeLaudeniere Chaput)",female,50,0,1,PC 17558,247.5208,B58 B60,C,6,?,"Montreal, PQ" +1,1,"Bazzani, Miss. Albina",female,32,0,0,11813,76.2917,D15,C,8,?,? +1,0,"Beattie, Mr. Thomson",male,36,0,0,13050,75.2417,C6,C,A,?,"Winnipeg, MN" +1,1,"Beckwith, Mr. Richard Leonard",male,37,1,1,11751,52.5542,D35,S,5,?,"New York, NY" +1,1,"Beckwith, Mrs. Richard Leonard (Sallie Monypeny)",female,47,1,1,11751,52.5542,D35,S,5,?,"New York, NY" +1,1,"Behr, Mr. Karl Howell",male,26,0,0,111369,30,C148,C,5,?,"New York, NY" +1,1,"Bidois, Miss. Rosalie",female,42,0,0,PC 17757,227.525,?,C,4,?,? +1,1,"Bird, Miss. Ellen",female,29,0,0,PC 17483,221.7792,C97,S,8,?,? +1,0,"Birnbaum, Mr. Jakob",male,25,0,0,13905,26,?,C,?,148,"San Francisco, CA" +1,1,"Bishop, Mr. Dickinson H",male,25,1,0,11967,91.0792,B49,C,7,?,"Dowagiac, MI" +1,1,"Bishop, Mrs. Dickinson H (Helen Walton)",female,19,1,0,11967,91.0792,B49,C,7,?,"Dowagiac, MI" +1,1,"Bissette, Miss. Amelia",female,35,0,0,PC 17760,135.6333,C99,S,8,?,? +1,1,"Bjornstrom-Steffansson, Mr. Mauritz Hakan",male,28,0,0,110564,26.55,C52,S,D,?,"Stockholm, Sweden / Washington, DC" +1,0,"Blackwell, Mr. Stephen Weart",male,45,0,0,113784,35.5,T,S,?,?,"Trenton, NJ" +1,1,"Blank, Mr. Henry",male,40,0,0,112277,31,A31,C,7,?,"Glen Ridge, NJ" +1,1,"Bonnell, Miss. Caroline",female,30,0,0,36928,164.8667,C7,S,8,?,"Youngstown, OH" +1,1,"Bonnell, Miss. Elizabeth",female,58,0,0,113783,26.55,C103,S,8,?,"Birkdale, England Cleveland, Ohio" +1,0,"Borebank, Mr. John James",male,42,0,0,110489,26.55,D22,S,?,?,"London / Winnipeg, MB" +1,1,"Bowen, Miss. Grace Scott",female,45,0,0,PC 17608,262.375,?,C,4,?,"Cooperstown, NY" +1,1,"Bowerman, Miss. Elsie Edith",female,22,0,1,113505,55,E33,S,6,?,"St Leonards-on-Sea, England Ohio" +1,1,"Bradley, Mr. George ('George Arthur Brayton')",male,?,0,0,111427,26.55,?,S,9,?,"Los Angeles, CA" +1,0,"Brady, Mr. John Bertram",male,41,0,0,113054,30.5,A21,S,?,?,"Pomeroy, WA" +1,0,"Brandeis, Mr. Emil",male,48,0,0,PC 17591,50.4958,B10,C,?,208,"Omaha, NE" +1,0,"Brewe, Dr. Arthur Jackson",male,?,0,0,112379,39.6,?,C,?,?,"Philadelphia, PA" +1,1,"Brown, Mrs. James Joseph (Margaret Tobin)",female,44,0,0,PC 17610,27.7208,B4,C,6,?,"Denver, CO" +1,1,"Brown, Mrs. John Murray (Caroline Lane Lamson)",female,59,2,0,11769,51.4792,C101,S,D,?,"Belmont, MA" +1,1,"Bucknell, Mrs. William Robert (Emma Eliza Ward)",female,60,0,0,11813,76.2917,D15,C,8,?,"Philadelphia, PA" +1,1,"Burns, Miss. Elizabeth Margaret",female,41,0,0,16966,134.5,E40,C,3,?,? +1,0,"Butt, Major. Archibald Willingham",male,45,0,0,113050,26.55,B38,S,?,?,"Washington, DC" +1,0,"Cairns, Mr. Alexander",male,?,0,0,113798,31,?,S,?,?,? +1,1,"Calderhead, Mr. Edward Pennington",male,42,0,0,PC 17476,26.2875,E24,S,5,?,"New York, NY" +1,1,"Candee, Mrs. Edward (Helen Churchill Hungerford)",female,53,0,0,PC 17606,27.4458,?,C,6,?,"Washington, DC" +1,1,"Cardeza, Mr. Thomas Drake Martinez",male,36,0,1,PC 17755,512.3292,B51 B53 B55,C,3,?,"Austria-Hungary / Germantown, Philadelphia, PA" +1,1,"Cardeza, Mrs. James Warburton Martinez (Charlotte Wardle Drake)",female,58,0,1,PC 17755,512.3292,B51 B53 B55,C,3,?,"Germantown, Philadelphia, PA" +1,0,"Carlsson, Mr. Frans Olof",male,33,0,0,695,5,B51 B53 B55,S,?,?,"New York, NY" +1,0,"Carrau, Mr. Francisco M",male,28,0,0,113059,47.1,?,S,?,?,"Montevideo, Uruguay" +1,0,"Carrau, Mr. Jose Pedro",male,17,0,0,113059,47.1,?,S,?,?,"Montevideo, Uruguay" +1,1,"Carter, Master. William Thornton II",male,11,1,2,113760,120,B96 B98,S,4,?,"Bryn Mawr, PA" +1,1,"Carter, Miss. Lucile Polk",female,14,1,2,113760,120,B96 B98,S,4,?,"Bryn Mawr, PA" +1,1,"Carter, Mr. William Ernest",male,36,1,2,113760,120,B96 B98,S,C,?,"Bryn Mawr, PA" +1,1,"Carter, Mrs. William Ernest (Lucile Polk)",female,36,1,2,113760,120,B96 B98,S,4,?,"Bryn Mawr, PA" +1,0,"Case, Mr. Howard Brown",male,49,0,0,19924,26,?,S,?,?,"Ascot, Berkshire / Rochester, NY" +1,1,"Cassebeer, Mrs. Henry Arthur Jr (Eleanor Genevieve Fosdick)",female,?,0,0,17770,27.7208,?,C,5,?,"New York, NY" +1,0,"Cavendish, Mr. Tyrell William",male,36,1,0,19877,78.85,C46,S,?,172,"Little Onn Hall, Staffs" +1,1,"Cavendish, Mrs. Tyrell William (Julia Florence Siegel)",female,76,1,0,19877,78.85,C46,S,6,?,"Little Onn Hall, Staffs" +1,0,"Chaffee, Mr. Herbert Fuller",male,46,1,0,W.E.P. 5734,61.175,E31,S,?,?,"Amenia, ND" +1,1,"Chaffee, Mrs. Herbert Fuller (Carrie Constance Toogood)",female,47,1,0,W.E.P. 5734,61.175,E31,S,4,?,"Amenia, ND" +1,1,"Chambers, Mr. Norman Campbell",male,27,1,0,113806,53.1,E8,S,5,?,"New York, NY / Ithaca, NY" +1,1,"Chambers, Mrs. Norman Campbell (Bertha Griggs)",female,33,1,0,113806,53.1,E8,S,5,?,"New York, NY / Ithaca, NY" +1,1,"Chaudanson, Miss. Victorine",female,36,0,0,PC 17608,262.375,B61,C,4,?,? +1,1,"Cherry, Miss. Gladys",female,30,0,0,110152,86.5,B77,S,8,?,"London, England" +1,1,"Chevre, Mr. Paul Romaine",male,45,0,0,PC 17594,29.7,A9,C,7,?,"Paris, France" +1,1,"Chibnall, Mrs. (Edith Martha Bowerman)",female,?,0,1,113505,55,E33,S,6,?,"St Leonards-on-Sea, England Ohio" +1,0,"Chisholm, Mr. Roderick Robert Crispin",male,?,0,0,112051,0,?,S,?,?,"Liverpool, England / Belfast" +1,0,"Clark, Mr. Walter Miller",male,27,1,0,13508,136.7792,C89,C,?,?,"Los Angeles, CA" +1,1,"Clark, Mrs. Walter Miller (Virginia McDowell)",female,26,1,0,13508,136.7792,C89,C,4,?,"Los Angeles, CA" +1,1,"Cleaver, Miss. Alice",female,22,0,0,113781,151.55,?,S,11,?,? +1,0,"Clifford, Mr. George Quincy",male,?,0,0,110465,52,A14,S,?,?,"Stoughton, MA" +1,0,"Colley, Mr. Edward Pomeroy",male,47,0,0,5727,25.5875,E58,S,?,?,"Victoria, BC" +1,1,"Compton, Miss. Sara Rebecca",female,39,1,1,PC 17756,83.1583,E49,C,14,?,"Lakewood, NJ" +1,0,"Compton, Mr. Alexander Taylor Jr",male,37,1,1,PC 17756,83.1583,E52,C,?,?,"Lakewood, NJ" +1,1,"Compton, Mrs. Alexander Taylor (Mary Eliza Ingersoll)",female,64,0,2,PC 17756,83.1583,E45,C,14,?,"Lakewood, NJ" +1,1,"Cornell, Mrs. Robert Clifford (Malvina Helen Lamson)",female,55,2,0,11770,25.7,C101,S,2,?,"New York, NY" +1,0,"Crafton, Mr. John Bertram",male,?,0,0,113791,26.55,?,S,?,?,"Roachdale, IN" +1,0,"Crosby, Capt. Edward Gifford",male,70,1,1,WE/P 5735,71,B22,S,?,269,"Milwaukee, WI" +1,1,"Crosby, Miss. Harriet R",female,36,0,2,WE/P 5735,71,B22,S,7,?,"Milwaukee, WI" +1,1,"Crosby, Mrs. Edward Gifford (Catherine Elizabeth Halstead)",female,64,1,1,112901,26.55,B26,S,7,?,"Milwaukee, WI" +1,0,"Cumings, Mr. John Bradley",male,39,1,0,PC 17599,71.2833,C85,C,?,?,"New York, NY" +1,1,"Cumings, Mrs. John Bradley (Florence Briggs Thayer)",female,38,1,0,PC 17599,71.2833,C85,C,4,?,"New York, NY" +1,1,"Daly, Mr. Peter Denis",male,51,0,0,113055,26.55,E17,S,5 9,?,"Lima, Peru" +1,1,"Daniel, Mr. Robert Williams",male,27,0,0,113804,30.5,?,S,3,?,"Philadelphia, PA" +1,1,"Daniels, Miss. Sarah",female,33,0,0,113781,151.55,?,S,8,?,? +1,0,"Davidson, Mr. Thornton",male,31,1,0,F.C. 12750,52,B71,S,?,?,"Montreal, PQ" +1,1,"Davidson, Mrs. Thornton (Orian Hays)",female,27,1,2,F.C. 12750,52,B71,S,3,?,"Montreal, PQ" +1,1,"Dick, Mr. Albert Adrian",male,31,1,0,17474,57,B20,S,3,?,"Calgary, AB" +1,1,"Dick, Mrs. Albert Adrian (Vera Gillespie)",female,17,1,0,17474,57,B20,S,3,?,"Calgary, AB" +1,1,"Dodge, Dr. Washington",male,53,1,1,33638,81.8583,A34,S,13,?,"San Francisco, CA" +1,1,"Dodge, Master. Washington",male,4,0,2,33638,81.8583,A34,S,5,?,"San Francisco, CA" +1,1,"Dodge, Mrs. Washington (Ruth Vidaver)",female,54,1,1,33638,81.8583,A34,S,5,?,"San Francisco, CA" +1,0,"Douglas, Mr. Walter Donald",male,50,1,0,PC 17761,106.425,C86,C,?,62,"Deephaven, MN / Cedar Rapids, IA" +1,1,"Douglas, Mrs. Frederick Charles (Mary Helene Baxter)",female,27,1,1,PC 17558,247.5208,B58 B60,C,6,?,"Montreal, PQ" +1,1,"Douglas, Mrs. Walter Donald (Mahala Dutton)",female,48,1,0,PC 17761,106.425,C86,C,2,?,"Deephaven, MN / Cedar Rapids, IA" +1,1,"Duff Gordon, Lady. (Lucille Christiana Sutherland) ('Mrs Morgan')",female,48,1,0,11755,39.6,A16,C,1,?,London / Paris +1,1,"Duff Gordon, Sir. Cosmo Edmund ('Mr Morgan')",male,49,1,0,PC 17485,56.9292,A20,C,1,?,London / Paris +1,0,"Dulles, Mr. William Crothers",male,39,0,0,PC 17580,29.7,A18,C,?,133,"Philadelphia, PA" +1,1,"Earnshaw, Mrs. Boulton (Olive Potter)",female,23,0,1,11767,83.1583,C54,C,7,?,"Mt Airy, Philadelphia, PA" +1,1,"Endres, Miss. Caroline Louise",female,38,0,0,PC 17757,227.525,C45,C,4,?,"New York, NY" +1,1,"Eustis, Miss. Elizabeth Mussey",female,54,1,0,36947,78.2667,D20,C,4,?,"Brookline, MA" +1,0,"Evans, Miss. Edith Corse",female,36,0,0,PC 17531,31.6792,A29,C,?,?,"New York, NY" +1,0,"Farthing, Mr. John",male,?,0,0,PC 17483,221.7792,C95,S,?,?,? +1,1,"Flegenheim, Mrs. Alfred (Antoinette)",female,?,0,0,PC 17598,31.6833,?,S,7,?,"New York, NY" +1,1,"Fleming, Miss. Margaret",female,?,0,0,17421,110.8833,?,C,4,?,? +1,1,"Flynn, Mr. John Irwin ('Irving')",male,36,0,0,PC 17474,26.3875,E25,S,5,?,"Brooklyn, NY" +1,0,"Foreman, Mr. Benjamin Laventall",male,30,0,0,113051,27.75,C111,C,?,?,"New York, NY" +1,1,"Fortune, Miss. Alice Elizabeth",female,24,3,2,19950,263,C23 C25 C27,S,10,?,"Winnipeg, MB" +1,1,"Fortune, Miss. Ethel Flora",female,28,3,2,19950,263,C23 C25 C27,S,10,?,"Winnipeg, MB" +1,1,"Fortune, Miss. Mabel Helen",female,23,3,2,19950,263,C23 C25 C27,S,10,?,"Winnipeg, MB" +1,0,"Fortune, Mr. Charles Alexander",male,19,3,2,19950,263,C23 C25 C27,S,?,?,"Winnipeg, MB" +1,0,"Fortune, Mr. Mark",male,64,1,4,19950,263,C23 C25 C27,S,?,?,"Winnipeg, MB" +1,1,"Fortune, Mrs. Mark (Mary McDougald)",female,60,1,4,19950,263,C23 C25 C27,S,10,?,"Winnipeg, MB" +1,1,"Francatelli, Miss. Laura Mabel",female,30,0,0,PC 17485,56.9292,E36,C,1,?,? +1,0,"Franklin, Mr. Thomas Parham",male,?,0,0,113778,26.55,D34,S,?,?,"Westcliff-on-Sea, Essex" +1,1,"Frauenthal, Dr. Henry William",male,50,2,0,PC 17611,133.65,?,S,5,?,"New York, NY" +1,1,"Frauenthal, Mr. Isaac Gerald",male,43,1,0,17765,27.7208,D40,C,5,?,"New York, NY" +1,1,"Frauenthal, Mrs. Henry William (Clara Heinsheimer)",female,?,1,0,PC 17611,133.65,?,S,5,?,"New York, NY" +1,1,"Frolicher, Miss. Hedwig Margaritha",female,22,0,2,13568,49.5,B39,C,5,?,"Zurich, Switzerland" +1,1,"Frolicher-Stehli, Mr. Maxmillian",male,60,1,1,13567,79.2,B41,C,5,?,"Zurich, Switzerland" +1,1,"Frolicher-Stehli, Mrs. Maxmillian (Margaretha Emerentia Stehli)",female,48,1,1,13567,79.2,B41,C,5,?,"Zurich, Switzerland" +1,0,"Fry, Mr. Richard",male,?,0,0,112058,0,B102,S,?,?,? +1,0,"Futrelle, Mr. Jacques Heath",male,37,1,0,113803,53.1,C123,S,?,?,"Scituate, MA" +1,1,"Futrelle, Mrs. Jacques Heath (Lily May Peel)",female,35,1,0,113803,53.1,C123,S,D,?,"Scituate, MA" +1,0,"Gee, Mr. Arthur H",male,47,0,0,111320,38.5,E63,S,?,275,"St Anne's-on-Sea, Lancashire" +1,1,"Geiger, Miss. Amalie",female,35,0,0,113503,211.5,C130,C,4,?,? +1,1,"Gibson, Miss. Dorothy Winifred",female,22,0,1,112378,59.4,?,C,7,?,"New York, NY" +1,1,"Gibson, Mrs. Leonard (Pauline C Boeson)",female,45,0,1,112378,59.4,?,C,7,?,"New York, NY" +1,0,"Giglio, Mr. Victor",male,24,0,0,PC 17593,79.2,B86,C,?,?,? +1,1,"Goldenberg, Mr. Samuel L",male,49,1,0,17453,89.1042,C92,C,5,?,"Paris, France / New York, NY" +1,1,"Goldenberg, Mrs. Samuel L (Edwiga Grabowska)",female,?,1,0,17453,89.1042,C92,C,5,?,"Paris, France / New York, NY" +1,0,"Goldschmidt, Mr. George B",male,71,0,0,PC 17754,34.6542,A5,C,?,?,"New York, NY" +1,1,"Gracie, Col. Archibald IV",male,53,0,0,113780,28.5,C51,C,B,?,"Washington, DC" +1,1,"Graham, Miss. Margaret Edith",female,19,0,0,112053,30,B42,S,3,?,"Greenwich, CT" +1,0,"Graham, Mr. George Edward",male,38,0,1,PC 17582,153.4625,C91,S,?,147,"Winnipeg, MB" +1,1,"Graham, Mrs. William Thompson (Edith Junkins)",female,58,0,1,PC 17582,153.4625,C125,S,3,?,"Greenwich, CT" +1,1,"Greenfield, Mr. William Bertram",male,23,0,1,PC 17759,63.3583,D10 D12,C,7,?,"New York, NY" +1,1,"Greenfield, Mrs. Leo David (Blanche Strouse)",female,45,0,1,PC 17759,63.3583,D10 D12,C,7,?,"New York, NY" +1,0,"Guggenheim, Mr. Benjamin",male,46,0,0,PC 17593,79.2,B82 B84,C,?,?,"New York, NY" +1,1,"Harder, Mr. George Achilles",male,25,1,0,11765,55.4417,E50,C,5,?,"Brooklyn, NY" +1,1,"Harder, Mrs. George Achilles (Dorothy Annan)",female,25,1,0,11765,55.4417,E50,C,5,?,"Brooklyn, NY" +1,1,"Harper, Mr. Henry Sleeper",male,48,1,0,PC 17572,76.7292,D33,C,3,?,"New York, NY" +1,1,"Harper, Mrs. Henry Sleeper (Myna Haxtun)",female,49,1,0,PC 17572,76.7292,D33,C,3,?,"New York, NY" +1,0,"Harrington, Mr. Charles H",male,?,0,0,113796,42.4,?,S,?,?,? +1,0,"Harris, Mr. Henry Birkhardt",male,45,1,0,36973,83.475,C83,S,?,?,"New York, NY" +1,1,"Harris, Mrs. Henry Birkhardt (Irene Wallach)",female,35,1,0,36973,83.475,C83,S,D,?,"New York, NY" +1,0,"Harrison, Mr. William",male,40,0,0,112059,0,B94,S,?,110,? +1,1,"Hassab, Mr. Hammad",male,27,0,0,PC 17572,76.7292,D49,C,3,?,? +1,1,"Hawksford, Mr. Walter James",male,?,0,0,16988,30,D45,S,3,?,"Kingston, Surrey" +1,1,"Hays, Miss. Margaret Bechstein",female,24,0,0,11767,83.1583,C54,C,7,?,"New York, NY" +1,0,"Hays, Mr. Charles Melville",male,55,1,1,12749,93.5,B69,S,?,307,"Montreal, PQ" +1,1,"Hays, Mrs. Charles Melville (Clara Jennings Gregg)",female,52,1,1,12749,93.5,B69,S,3,?,"Montreal, PQ" +1,0,"Head, Mr. Christopher",male,42,0,0,113038,42.5,B11,S,?,?,London / Middlesex +1,0,"Hilliard, Mr. Herbert Henry",male,?,0,0,17463,51.8625,E46,S,?,?,"Brighton, MA" +1,0,"Hipkins, Mr. William Edward",male,55,0,0,680,50,C39,S,?,?,London / Birmingham +1,1,"Hippach, Miss. Jean Gertrude",female,16,0,1,111361,57.9792,B18,C,4,?,"Chicago, IL" +1,1,"Hippach, Mrs. Louis Albert (Ida Sophia Fischer)",female,44,0,1,111361,57.9792,B18,C,4,?,"Chicago, IL" +1,1,"Hogeboom, Mrs. John C (Anna Andrews)",female,51,1,0,13502,77.9583,D11,S,10,?,"Hudson, NY" +1,0,"Holverson, Mr. Alexander Oskar",male,42,1,0,113789,52,?,S,?,38,"New York, NY" +1,1,"Holverson, Mrs. Alexander Oskar (Mary Aline Towner)",female,35,1,0,113789,52,?,S,8,?,"New York, NY" +1,1,"Homer, Mr. Harry ('Mr E Haven')",male,35,0,0,111426,26.55,?,C,15,?,"Indianapolis, IN" +1,1,"Hoyt, Mr. Frederick Maxfield",male,38,1,0,19943,90,C93,S,D,?,"New York, NY / Stamford CT" +1,0,"Hoyt, Mr. William Fisher",male,?,0,0,PC 17600,30.6958,?,C,14,?,"New York, NY" +1,1,"Hoyt, Mrs. Frederick Maxfield (Jane Anne Forby)",female,35,1,0,19943,90,C93,S,D,?,"New York, NY / Stamford CT" +1,1,"Icard, Miss. Amelie",female,38,0,0,113572,80,B28,?,6,?,? +1,0,"Isham, Miss. Ann Elizabeth",female,50,0,0,PC 17595,28.7125,C49,C,?,?,"Paris, France New York, NY" +1,1,"Ismay, Mr. Joseph Bruce",male,49,0,0,112058,0,B52 B54 B56,S,C,?,Liverpool +1,0,"Jones, Mr. Charles Cresson",male,46,0,0,694,26,?,S,?,80,"Bennington, VT" +1,0,"Julian, Mr. Henry Forbes",male,50,0,0,113044,26,E60,S,?,?,London +1,0,"Keeping, Mr. Edwin",male,32.5,0,0,113503,211.5,C132,C,?,45,? +1,0,"Kent, Mr. Edward Austin",male,58,0,0,11771,29.7,B37,C,?,258,"Buffalo, NY" +1,0,"Kenyon, Mr. Frederick R",male,41,1,0,17464,51.8625,D21,S,?,?,"Southington / Noank, CT" +1,1,"Kenyon, Mrs. Frederick R (Marion)",female,?,1,0,17464,51.8625,D21,S,8,?,"Southington / Noank, CT" +1,1,"Kimball, Mr. Edwin Nelson Jr",male,42,1,0,11753,52.5542,D19,S,5,?,"Boston, MA" +1,1,"Kimball, Mrs. Edwin Nelson Jr (Gertrude Parsons)",female,45,1,0,11753,52.5542,D19,S,5,?,"Boston, MA" +1,0,"Klaber, Mr. Herman",male,?,0,0,113028,26.55,C124,S,?,?,"Portland, OR" +1,1,"Kreuchen, Miss. Emilie",female,39,0,0,24160,211.3375,?,S,2,?,? +1,1,"Leader, Dr. Alice (Farnham)",female,49,0,0,17465,25.9292,D17,S,8,?,"New York, NY" +1,1,"LeRoy, Miss. Bertha",female,30,0,0,PC 17761,106.425,?,C,2,?,? +1,1,"Lesurer, Mr. Gustave J",male,35,0,0,PC 17755,512.3292,B101,C,3,?,? +1,0,"Lewy, Mr. Ervin G",male,?,0,0,PC 17612,27.7208,?,C,?,?,"Chicago, IL" +1,0,"Lindeberg-Lind, Mr. Erik Gustaf ('Mr Edward Lingrey')",male,42,0,0,17475,26.55,?,S,?,?,"Stockholm, Sweden" +1,1,"Lindstrom, Mrs. Carl Johan (Sigrid Posse)",female,55,0,0,112377,27.7208,?,C,6,?,"Stockholm, Sweden" +1,1,"Lines, Miss. Mary Conover",female,16,0,1,PC 17592,39.4,D28,S,9,?,"Paris, France" +1,1,"Lines, Mrs. Ernest H (Elizabeth Lindsey James)",female,51,0,1,PC 17592,39.4,D28,S,9,?,"Paris, France" +1,0,"Long, Mr. Milton Clyde",male,29,0,0,113501,30,D6,S,?,126,"Springfield, MA" +1,1,"Longley, Miss. Gretchen Fiske",female,21,0,0,13502,77.9583,D9,S,10,?,"Hudson, NY" +1,0,"Loring, Mr. Joseph Holland",male,30,0,0,113801,45.5,?,S,?,?,"London / New York, NY" +1,1,"Lurette, Miss. Elise",female,58,0,0,PC 17569,146.5208,B80,C,?,?,? +1,1,"Madill, Miss. Georgette Alexandra",female,15,0,1,24160,211.3375,B5,S,2,?,"St Louis, MO" +1,0,"Maguire, Mr. John Edward",male,30,0,0,110469,26,C106,S,?,?,"Brockton, MA" +1,1,"Maioni, Miss. Roberta",female,16,0,0,110152,86.5,B79,S,8,?,? +1,1,"Marechal, Mr. Pierre",male,?,0,0,11774,29.7,C47,C,7,?,"Paris, France" +1,0,"Marvin, Mr. Daniel Warner",male,19,1,0,113773,53.1,D30,S,?,?,"New York, NY" +1,1,"Marvin, Mrs. Daniel Warner (Mary Graham Carmichael Farquarson)",female,18,1,0,113773,53.1,D30,S,10,?,"New York, NY" +1,1,"Mayne, Mlle. Berthe Antonine ('Mrs de Villiers')",female,24,0,0,PC 17482,49.5042,C90,C,6,?,"Belgium Montreal, PQ" +1,0,"McCaffry, Mr. Thomas Francis",male,46,0,0,13050,75.2417,C6,C,?,292,"Vancouver, BC" +1,0,"McCarthy, Mr. Timothy J",male,54,0,0,17463,51.8625,E46,S,?,175,"Dorchester, MA" +1,1,"McGough, Mr. James Robert",male,36,0,0,PC 17473,26.2875,E25,S,7,?,"Philadelphia, PA" +1,0,"Meyer, Mr. Edgar Joseph",male,28,1,0,PC 17604,82.1708,?,C,?,?,"New York, NY" +1,1,"Meyer, Mrs. Edgar Joseph (Leila Saks)",female,?,1,0,PC 17604,82.1708,?,C,6,?,"New York, NY" +1,0,"Millet, Mr. Francis Davis",male,65,0,0,13509,26.55,E38,S,?,249,"East Bridgewater, MA" +1,0,"Minahan, Dr. William Edward",male,44,2,0,19928,90,C78,Q,?,230,"Fond du Lac, WI" +1,1,"Minahan, Miss. Daisy E",female,33,1,0,19928,90,C78,Q,14,?,"Green Bay, WI" +1,1,"Minahan, Mrs. William Edward (Lillian E Thorpe)",female,37,1,0,19928,90,C78,Q,14,?,"Fond du Lac, WI" +1,1,"Mock, Mr. Philipp Edmund",male,30,1,0,13236,57.75,C78,C,11,?,"New York, NY" +1,0,"Molson, Mr. Harry Markland",male,55,0,0,113787,30.5,C30,S,?,?,"Montreal, PQ" +1,0,"Moore, Mr. Clarence Bloomfield",male,47,0,0,113796,42.4,?,S,?,?,"Washington, DC" +1,0,"Natsch, Mr. Charles H",male,37,0,1,PC 17596,29.7,C118,C,?,?,"Brooklyn, NY" +1,1,"Newell, Miss. Madeleine",female,31,1,0,35273,113.275,D36,C,6,?,"Lexington, MA" +1,1,"Newell, Miss. Marjorie",female,23,1,0,35273,113.275,D36,C,6,?,"Lexington, MA" +1,0,"Newell, Mr. Arthur Webster",male,58,0,2,35273,113.275,D48,C,?,122,"Lexington, MA" +1,1,"Newsom, Miss. Helen Monypeny",female,19,0,2,11752,26.2833,D47,S,5,?,"New York, NY" +1,0,"Nicholson, Mr. Arthur Ernest",male,64,0,0,693,26,?,S,?,263,"Isle of Wight, England" +1,1,"Oliva y Ocana, Dona. Fermina",female,39,0,0,PC 17758,108.9,C105,C,8,?,? +1,1,"Omont, Mr. Alfred Fernand",male,?,0,0,F.C. 12998,25.7417,?,C,7,?,"Paris, France" +1,1,"Ostby, Miss. Helene Ragnhild",female,22,0,1,113509,61.9792,B36,C,5,?,"Providence, RI" +1,0,"Ostby, Mr. Engelhart Cornelius",male,65,0,1,113509,61.9792,B30,C,?,234,"Providence, RI" +1,0,"Ovies y Rodriguez, Mr. Servando",male,28.5,0,0,PC 17562,27.7208,D43,C,?,189,"?Havana, Cuba" +1,0,"Parr, Mr. William Henry Marsh",male,?,0,0,112052,0,?,S,?,?,Belfast +1,0,"Partner, Mr. Austen",male,45.5,0,0,113043,28.5,C124,S,?,166,"Surbiton Hill, Surrey" +1,0,"Payne, Mr. Vivian Ponsonby",male,23,0,0,12749,93.5,B24,S,?,?,"Montreal, PQ" +1,0,"Pears, Mr. Thomas Clinton",male,29,1,0,113776,66.6,C2,S,?,?,"Isleworth, England" +1,1,"Pears, Mrs. Thomas (Edith Wearne)",female,22,1,0,113776,66.6,C2,S,8,?,"Isleworth, England" +1,0,"Penasco y Castellana, Mr. Victor de Satode",male,18,1,0,PC 17758,108.9,C65,C,?,?,"Madrid, Spain" +1,1,"Penasco y Castellana, Mrs. Victor de Satode (Maria Josefa Perez de Soto y Vallejo)",female,17,1,0,PC 17758,108.9,C65,C,8,?,"Madrid, Spain" +1,1,"Perreault, Miss. Anne",female,30,0,0,12749,93.5,B73,S,3,?,? +1,1,"Peuchen, Major. Arthur Godfrey",male,52,0,0,113786,30.5,C104,S,6,?,"Toronto, ON" +1,0,"Porter, Mr. Walter Chamberlain",male,47,0,0,110465,52,C110,S,?,207,"Worcester, MA" +1,1,"Potter, Mrs. Thomas Jr (Lily Alexenia Wilson)",female,56,0,1,11767,83.1583,C50,C,7,?,"Mt Airy, Philadelphia, PA" +1,0,"Reuchlin, Jonkheer. John George",male,38,0,0,19972,0,?,S,?,?,"Rotterdam, Netherlands" +1,1,"Rheims, Mr. George Alexander Lucien",male,?,0,0,PC 17607,39.6,?,S,A,?,"Paris / New York, NY" +1,0,"Ringhini, Mr. Sante",male,22,0,0,PC 17760,135.6333,?,C,?,232,? +1,0,"Robbins, Mr. Victor",male,?,0,0,PC 17757,227.525,?,C,?,?,? +1,1,"Robert, Mrs. Edward Scott (Elisabeth Walton McMillan)",female,43,0,1,24160,211.3375,B3,S,2,?,"St Louis, MO" +1,0,"Roebling, Mr. Washington Augustus II",male,31,0,0,PC 17590,50.4958,A24,S,?,?,"Trenton, NJ" +1,1,"Romaine, Mr. Charles Hallace ('Mr C Rolmane')",male,45,0,0,111428,26.55,?,S,9,?,"New York, NY" +1,0,"Rood, Mr. Hugh Roscoe",male,?,0,0,113767,50,A32,S,?,?,"Seattle, WA" +1,1,"Rosenbaum, Miss. Edith Louise",female,33,0,0,PC 17613,27.7208,A11,C,11,?,"Paris, France" +1,0,"Rosenshine, Mr. George ('Mr George Thorne')",male,46,0,0,PC 17585,79.2,?,C,?,16,"New York, NY" +1,0,"Ross, Mr. John Hugo",male,36,0,0,13049,40.125,A10,C,?,?,"Winnipeg, MB" +1,1,"Rothes, the Countess. of (Lucy Noel Martha Dyer-Edwards)",female,33,0,0,110152,86.5,B77,S,8,?,"London Vancouver, BC" +1,0,"Rothschild, Mr. Martin",male,55,1,0,PC 17603,59.4,?,C,?,?,"New York, NY" +1,1,"Rothschild, Mrs. Martin (Elizabeth L. Barrett)",female,54,1,0,PC 17603,59.4,?,C,6,?,"New York, NY" +1,0,"Rowe, Mr. Alfred G",male,33,0,0,113790,26.55,?,S,?,109,London +1,1,"Ryerson, Master. John Borie",male,13,2,2,PC 17608,262.375,B57 B59 B63 B66,C,4,?,"Haverford, PA / Cooperstown, NY" +1,1,"Ryerson, Miss. Emily Borie",female,18,2,2,PC 17608,262.375,B57 B59 B63 B66,C,4,?,"Haverford, PA / Cooperstown, NY" +1,1,"Ryerson, Miss. Susan Parker 'Suzette'",female,21,2,2,PC 17608,262.375,B57 B59 B63 B66,C,4,?,"Haverford, PA / Cooperstown, NY" +1,0,"Ryerson, Mr. Arthur Larned",male,61,1,3,PC 17608,262.375,B57 B59 B63 B66,C,?,?,"Haverford, PA / Cooperstown, NY" +1,1,"Ryerson, Mrs. Arthur Larned (Emily Maria Borie)",female,48,1,3,PC 17608,262.375,B57 B59 B63 B66,C,4,?,"Haverford, PA / Cooperstown, NY" +1,1,"Saalfeld, Mr. Adolphe",male,?,0,0,19988,30.5,C106,S,3,?,"Manchester, England" +1,1,"Sagesser, Mlle. Emma",female,24,0,0,PC 17477,69.3,B35,C,9,?,? +1,1,"Salomon, Mr. Abraham L",male,?,0,0,111163,26,?,S,1,?,"New York, NY" +1,1,"Schabert, Mrs. Paul (Emma Mock)",female,35,1,0,13236,57.75,C28,C,11,?,"New York, NY" +1,1,"Serepeca, Miss. Augusta",female,30,0,0,113798,31,?,C,4,?,? +1,1,"Seward, Mr. Frederic Kimber",male,34,0,0,113794,26.55,?,S,7,?,"New York, NY" +1,1,"Shutes, Miss. Elizabeth W",female,40,0,0,PC 17582,153.4625,C125,S,3,?,"New York, NY / Greenwich CT" +1,1,"Silverthorne, Mr. Spencer Victor",male,35,0,0,PC 17475,26.2875,E24,S,5,?,"St Louis, MO" +1,0,"Silvey, Mr. William Baird",male,50,1,0,13507,55.9,E44,S,?,?,"Duluth, MN" +1,1,"Silvey, Mrs. William Baird (Alice Munger)",female,39,1,0,13507,55.9,E44,S,11,?,"Duluth, MN" +1,1,"Simonius-Blumer, Col. Oberst Alfons",male,56,0,0,13213,35.5,A26,C,3,?,"Basel, Switzerland" +1,1,"Sloper, Mr. William Thompson",male,28,0,0,113788,35.5,A6,S,7,?,"New Britain, CT" +1,0,"Smart, Mr. John Montgomery",male,56,0,0,113792,26.55,?,S,?,?,"New York, NY" +1,0,"Smith, Mr. James Clinch",male,56,0,0,17764,30.6958,A7,C,?,?,"St James, Long Island, NY" +1,0,"Smith, Mr. Lucien Philip",male,24,1,0,13695,60,C31,S,?,?,"Huntington, WV" +1,0,"Smith, Mr. Richard William",male,?,0,0,113056,26,A19,S,?,?,"Streatham, Surrey" +1,1,"Smith, Mrs. Lucien Philip (Mary Eloise Hughes)",female,18,1,0,13695,60,C31,S,6,?,"Huntington, WV" +1,1,"Snyder, Mr. John Pillsbury",male,24,1,0,21228,82.2667,B45,S,7,?,"Minneapolis, MN" +1,1,"Snyder, Mrs. John Pillsbury (Nelle Stevenson)",female,23,1,0,21228,82.2667,B45,S,7,?,"Minneapolis, MN" +1,1,"Spedden, Master. Robert Douglas",male,6,0,2,16966,134.5,E34,C,3,?,"Tuxedo Park, NY" +1,1,"Spedden, Mr. Frederic Oakley",male,45,1,1,16966,134.5,E34,C,3,?,"Tuxedo Park, NY" +1,1,"Spedden, Mrs. Frederic Oakley (Margaretta Corning Stone)",female,40,1,1,16966,134.5,E34,C,3,?,"Tuxedo Park, NY" +1,0,"Spencer, Mr. William Augustus",male,57,1,0,PC 17569,146.5208,B78,C,?,?,"Paris, France" +1,1,"Spencer, Mrs. William Augustus (Marie Eugenie)",female,?,1,0,PC 17569,146.5208,B78,C,6,?,"Paris, France" +1,1,"Stahelin-Maeglin, Dr. Max",male,32,0,0,13214,30.5,B50,C,3,?,"Basel, Switzerland" +1,0,"Stead, Mr. William Thomas",male,62,0,0,113514,26.55,C87,S,?,?,"Wimbledon Park, London / Hayling Island, Hants" +1,1,"Stengel, Mr. Charles Emil Henry",male,54,1,0,11778,55.4417,C116,C,1,?,"Newark, NJ" +1,1,"Stengel, Mrs. Charles Emil Henry (Annie May Morris)",female,43,1,0,11778,55.4417,C116,C,5,?,"Newark, NJ" +1,1,"Stephenson, Mrs. Walter Bertram (Martha Eustis)",female,52,1,0,36947,78.2667,D20,C,4,?,"Haverford, PA" +1,0,"Stewart, Mr. Albert A",male,?,0,0,PC 17605,27.7208,?,C,?,?,"Gallipolis, Ohio / ? Paris / New York" +1,1,"Stone, Mrs. George Nelson (Martha Evelyn)",female,62,0,0,113572,80,B28,?,6,?,"Cincinatti, OH" +1,0,"Straus, Mr. Isidor",male,67,1,0,PC 17483,221.7792,C55 C57,S,?,96,"New York, NY" +1,0,"Straus, Mrs. Isidor (Rosalie Ida Blun)",female,63,1,0,PC 17483,221.7792,C55 C57,S,?,?,"New York, NY" +1,0,"Sutton, Mr. Frederick",male,61,0,0,36963,32.3208,D50,S,?,46,"Haddenfield, NJ" +1,1,"Swift, Mrs. Frederick Joel (Margaret Welles Barron)",female,48,0,0,17466,25.9292,D17,S,8,?,"Brooklyn, NY" +1,1,"Taussig, Miss. Ruth",female,18,0,2,110413,79.65,E68,S,8,?,"New York, NY" +1,0,"Taussig, Mr. Emil",male,52,1,1,110413,79.65,E67,S,?,?,"New York, NY" +1,1,"Taussig, Mrs. Emil (Tillie Mandelbaum)",female,39,1,1,110413,79.65,E67,S,8,?,"New York, NY" +1,1,"Taylor, Mr. Elmer Zebley",male,48,1,0,19996,52,C126,S,5 7,?,"London / East Orange, NJ" +1,1,"Taylor, Mrs. Elmer Zebley (Juliet Cummins Wright)",female,?,1,0,19996,52,C126,S,5 7,?,"London / East Orange, NJ" +1,0,"Thayer, Mr. John Borland",male,49,1,1,17421,110.8833,C68,C,?,?,"Haverford, PA" +1,1,"Thayer, Mr. John Borland Jr",male,17,0,2,17421,110.8833,C70,C,B,?,"Haverford, PA" +1,1,"Thayer, Mrs. John Borland (Marian Longstreth Morris)",female,39,1,1,17421,110.8833,C68,C,4,?,"Haverford, PA" +1,1,"Thorne, Mrs. Gertrude Maybelle",female,?,0,0,PC 17585,79.2,?,C,D,?,"New York, NY" +1,1,"Tucker, Mr. Gilbert Milligan Jr",male,31,0,0,2543,28.5375,C53,C,7,?,"Albany, NY" +1,0,"Uruchurtu, Don. Manuel E",male,40,0,0,PC 17601,27.7208,?,C,?,?,"Mexico City, Mexico" +1,0,"Van der hoef, Mr. Wyckoff",male,61,0,0,111240,33.5,B19,S,?,245,"Brooklyn, NY" +1,0,"Walker, Mr. William Anderson",male,47,0,0,36967,34.0208,D46,S,?,?,"East Orange, NJ" +1,1,"Ward, Miss. Anna",female,35,0,0,PC 17755,512.3292,?,C,3,?,? +1,0,"Warren, Mr. Frank Manley",male,64,1,0,110813,75.25,D37,C,?,?,"Portland, OR" +1,1,"Warren, Mrs. Frank Manley (Anna Sophia Atkinson)",female,60,1,0,110813,75.25,D37,C,5,?,"Portland, OR" +1,0,"Weir, Col. John",male,60,0,0,113800,26.55,?,S,?,?,"England Salt Lake City, Utah" +1,0,"White, Mr. Percival Wayland",male,54,0,1,35281,77.2875,D26,S,?,?,"Brunswick, ME" +1,0,"White, Mr. Richard Frasar",male,21,0,1,35281,77.2875,D26,S,?,169,"Brunswick, ME" +1,1,"White, Mrs. John Stuart (Ella Holmes)",female,55,0,0,PC 17760,135.6333,C32,C,8,?,"New York, NY / Briarcliff Manor NY" +1,1,"Wick, Miss. Mary Natalie",female,31,0,2,36928,164.8667,C7,S,8,?,"Youngstown, OH" +1,0,"Wick, Mr. George Dennick",male,57,1,1,36928,164.8667,?,S,?,?,"Youngstown, OH" +1,1,"Wick, Mrs. George Dennick (Mary Hitchcock)",female,45,1,1,36928,164.8667,?,S,8,?,"Youngstown, OH" +1,0,"Widener, Mr. George Dunton",male,50,1,1,113503,211.5,C80,C,?,?,"Elkins Park, PA" +1,0,"Widener, Mr. Harry Elkins",male,27,0,2,113503,211.5,C82,C,?,?,"Elkins Park, PA" +1,1,"Widener, Mrs. George Dunton (Eleanor Elkins)",female,50,1,1,113503,211.5,C80,C,4,?,"Elkins Park, PA" +1,1,"Willard, Miss. Constance",female,21,0,0,113795,26.55,?,S,8 10,?,"Duluth, MN" +1,0,"Williams, Mr. Charles Duane",male,51,0,1,PC 17597,61.3792,?,C,?,?,"Geneva, Switzerland / Radnor, PA" +1,1,"Williams, Mr. Richard Norris II",male,21,0,1,PC 17597,61.3792,?,C,A,?,"Geneva, Switzerland / Radnor, PA" +1,0,"Williams-Lambert, Mr. Fletcher Fellows",male,?,0,0,113510,35,C128,S,?,?,"London, England" +1,1,"Wilson, Miss. Helen Alice",female,31,0,0,16966,134.5,E39 E41,C,3,?,? +1,1,"Woolner, Mr. Hugh",male,?,0,0,19947,35.5,C52,S,D,?,"London, England" +1,0,"Wright, Mr. George",male,62,0,0,113807,26.55,?,S,?,?,"Halifax, NS" +1,1,"Young, Miss. Marie Grice",female,36,0,0,PC 17760,135.6333,C32,C,8,?,"New York, NY / Washington, DC" +2,0,"Abelson, Mr. Samuel",male,30,1,0,P/PP 3381,24,?,C,?,?,"Russia New York, NY" +2,1,"Abelson, Mrs. Samuel (Hannah Wizosky)",female,28,1,0,P/PP 3381,24,?,C,10,?,"Russia New York, NY" +2,0,"Aldworth, Mr. Charles Augustus",male,30,0,0,248744,13,?,S,?,?,"Bryn Mawr, PA, USA" +2,0,"Andrew, Mr. Edgardo Samuel",male,18,0,0,231945,11.5,?,S,?,?,"Buenos Aires, Argentina / New Jersey, NJ" +2,0,"Andrew, Mr. Frank Thomas",male,25,0,0,C.A. 34050,10.5,?,S,?,?,"Cornwall, England Houghton, MI" +2,0,"Angle, Mr. William A",male,34,1,0,226875,26,?,S,?,?,"Warwick, England" +2,1,"Angle, Mrs. William A (Florence 'Mary' Agnes Hughes)",female,36,1,0,226875,26,?,S,11,?,"Warwick, England" +2,0,"Ashby, Mr. John",male,57,0,0,244346,13,?,S,?,?,"West Hoboken, NJ" +2,0,"Bailey, Mr. Percy Andrew",male,18,0,0,29108,11.5,?,S,?,?,"Penzance, Cornwall / Akron, OH" +2,0,"Baimbrigge, Mr. Charles Robert",male,23,0,0,C.A. 31030,10.5,?,S,?,?,Guernsey +2,1,"Ball, Mrs. (Ada E Hall)",female,36,0,0,28551,13,D,S,10,?,"Bristol, Avon / Jacksonville, FL" +2,0,"Banfield, Mr. Frederick James",male,28,0,0,C.A./SOTON 34068,10.5,?,S,?,?,"Plymouth, Dorset / Houghton, MI" +2,0,"Bateman, Rev. Robert James",male,51,0,0,S.O.P. 1166,12.525,?,S,?,174,"Jacksonville, FL" +2,1,"Beane, Mr. Edward",male,32,1,0,2908,26,?,S,13,?,"Norwich / New York, NY" +2,1,"Beane, Mrs. Edward (Ethel Clarke)",female,19,1,0,2908,26,?,S,13,?,"Norwich / New York, NY" +2,0,"Beauchamp, Mr. Henry James",male,28,0,0,244358,26,?,S,?,?,England +2,1,"Becker, Master. Richard F",male,1,2,1,230136,39,F4,S,11,?,"Guntur, India / Benton Harbour, MI" +2,1,"Becker, Miss. Marion Louise",female,4,2,1,230136,39,F4,S,11,?,"Guntur, India / Benton Harbour, MI" +2,1,"Becker, Miss. Ruth Elizabeth",female,12,2,1,230136,39,F4,S,13,?,"Guntur, India / Benton Harbour, MI" +2,1,"Becker, Mrs. Allen Oliver (Nellie E Baumgardner)",female,36,0,3,230136,39,F4,S,11,?,"Guntur, India / Benton Harbour, MI" +2,1,"Beesley, Mr. Lawrence",male,34,0,0,248698,13,D56,S,13,?,London +2,1,"Bentham, Miss. Lilian W",female,19,0,0,28404,13,?,S,12,?,"Rochester, NY" +2,0,"Berriman, Mr. William John",male,23,0,0,28425,13,?,S,?,?,"St Ives, Cornwall / Calumet, MI" +2,0,"Botsford, Mr. William Hull",male,26,0,0,237670,13,?,S,?,?,"Elmira, NY / Orange, NJ" +2,0,"Bowenur, Mr. Solomon",male,42,0,0,211535,13,?,S,?,?,London +2,0,"Bracken, Mr. James H",male,27,0,0,220367,13,?,S,?,?,"Lake Arthur, Chavez County, NM" +2,1,"Brown, Miss. Amelia 'Mildred'",female,24,0,0,248733,13,F33,S,11,?,"London / Montreal, PQ" +2,1,"Brown, Miss. Edith Eileen",female,15,0,2,29750,39,?,S,14,?,"Cape Town, South Africa / Seattle, WA" +2,0,"Brown, Mr. Thomas William Solomon",male,60,1,1,29750,39,?,S,?,?,"Cape Town, South Africa / Seattle, WA" +2,1,"Brown, Mrs. Thomas William Solomon (Elizabeth Catherine Ford)",female,40,1,1,29750,39,?,S,14,?,"Cape Town, South Africa / Seattle, WA" +2,1,"Bryhl, Miss. Dagmar Jenny Ingeborg",female,20,1,0,236853,26,?,S,12,?,"Skara, Sweden / Rockford, IL" +2,0,"Bryhl, Mr. Kurt Arnold Gottfrid",male,25,1,0,236853,26,?,S,?,?,"Skara, Sweden / Rockford, IL" +2,1,"Buss, Miss. Kate",female,36,0,0,27849,13,?,S,9,?,"Sittingbourne, England / San Diego, CA" +2,0,"Butler, Mr. Reginald Fenton",male,25,0,0,234686,13,?,S,?,97,"Southsea, Hants" +2,0,"Byles, Rev. Thomas Roussel Davids",male,42,0,0,244310,13,?,S,?,?,London +2,1,"Bystrom, Mrs. (Karolina)",female,42,0,0,236852,13,?,S,?,?,"New York, NY" +2,1,"Caldwell, Master. Alden Gates",male,0.8333,0,2,248738,29,?,S,13,?,"Bangkok, Thailand / Roseville, IL" +2,1,"Caldwell, Mr. Albert Francis",male,26,1,1,248738,29,?,S,13,?,"Bangkok, Thailand / Roseville, IL" +2,1,"Caldwell, Mrs. Albert Francis (Sylvia Mae Harbaugh)",female,22,1,1,248738,29,?,S,13,?,"Bangkok, Thailand / Roseville, IL" +2,1,"Cameron, Miss. Clear Annie",female,35,0,0,F.C.C. 13528,21,?,S,14,?,"Mamaroneck, NY" +2,0,"Campbell, Mr. William",male,?,0,0,239853,0,?,S,?,?,Belfast +2,0,"Carbines, Mr. William",male,19,0,0,28424,13,?,S,?,18,"St Ives, Cornwall / Calumet, MI" +2,0,"Carter, Mrs. Ernest Courtenay (Lilian Hughes)",female,44,1,0,244252,26,?,S,?,?,London +2,0,"Carter, Rev. Ernest Courtenay",male,54,1,0,244252,26,?,S,?,?,London +2,0,"Chapman, Mr. Charles Henry",male,52,0,0,248731,13.5,?,S,?,130,"Bronx, NY" +2,0,"Chapman, Mr. John Henry",male,37,1,0,SC/AH 29037,26,?,S,?,17,"Cornwall / Spokane, WA" +2,0,"Chapman, Mrs. John Henry (Sara Elizabeth Lawry)",female,29,1,0,SC/AH 29037,26,?,S,?,?,"Cornwall / Spokane, WA" +2,1,"Christy, Miss. Julie Rachel",female,25,1,1,237789,30,?,S,12,?,London +2,1,"Christy, Mrs. (Alice Frances)",female,45,0,2,237789,30,?,S,12,?,London +2,0,"Clarke, Mr. Charles Valentine",male,29,1,0,2003,26,?,S,?,?,"England / San Francisco, CA" +2,1,"Clarke, Mrs. Charles V (Ada Maria Winfield)",female,28,1,0,2003,26,?,S,14,?,"England / San Francisco, CA" +2,0,"Coleridge, Mr. Reginald Charles",male,29,0,0,W./C. 14263,10.5,?,S,?,?,"Hartford, Huntingdonshire" +2,0,"Collander, Mr. Erik Gustaf",male,28,0,0,248740,13,?,S,?,?,"Helsinki, Finland Ashtabula, Ohio" +2,1,"Collett, Mr. Sidney C Stuart",male,24,0,0,28034,10.5,?,S,9,?,"London / Fort Byron, NY" +2,1,"Collyer, Miss. Marjorie 'Lottie'",female,8,0,2,C.A. 31921,26.25,?,S,14,?,"Bishopstoke, Hants / Fayette Valley, ID" +2,0,"Collyer, Mr. Harvey",male,31,1,1,C.A. 31921,26.25,?,S,?,?,"Bishopstoke, Hants / Fayette Valley, ID" +2,1,"Collyer, Mrs. Harvey (Charlotte Annie Tate)",female,31,1,1,C.A. 31921,26.25,?,S,14,?,"Bishopstoke, Hants / Fayette Valley, ID" +2,1,"Cook, Mrs. (Selena Rogers)",female,22,0,0,W./C. 14266,10.5,F33,S,14,?,Pennsylvania +2,0,"Corbett, Mrs. Walter H (Irene Colvin)",female,30,0,0,237249,13,?,S,?,?,"Provo, UT" +2,0,"Corey, Mrs. Percy C (Mary Phyllis Elizabeth Miller)",female,?,0,0,F.C.C. 13534,21,?,S,?,?,"Upper Burma, India Pittsburgh, PA" +2,0,"Cotterill, Mr. Henry 'Harry'",male,21,0,0,29107,11.5,?,S,?,?,"Penzance, Cornwall / Akron, OH" +2,0,"Cunningham, Mr. Alfred Fleming",male,?,0,0,239853,0,?,S,?,?,Belfast +2,1,"Davies, Master. John Morgan Jr",male,8,1,1,C.A. 33112,36.75,?,S,14,?,"St Ives, Cornwall / Hancock, MI" +2,0,"Davies, Mr. Charles Henry",male,18,0,0,S.O.C. 14879,73.5,?,S,?,?,"Lyndhurst, England" +2,1,"Davies, Mrs. John Morgan (Elizabeth Agnes Mary White)",female,48,0,2,C.A. 33112,36.75,?,S,14,?,"St Ives, Cornwall / Hancock, MI" +2,1,"Davis, Miss. Mary",female,28,0,0,237668,13,?,S,13,?,"London / Staten Island, NY" +2,0,"de Brito, Mr. Jose Joaquim",male,32,0,0,244360,13,?,S,?,?,"Portugal / Sau Paulo, Brazil" +2,0,"Deacon, Mr. Percy William",male,17,0,0,S.O.C. 14879,73.5,?,S,?,?,? +2,0,"del Carlo, Mr. Sebastiano",male,29,1,0,SC/PARIS 2167,27.7208,?,C,?,295,"Lucca, Italy / California" +2,1,"del Carlo, Mrs. Sebastiano (Argenia Genovesi)",female,24,1,0,SC/PARIS 2167,27.7208,?,C,12,?,"Lucca, Italy / California" +2,0,"Denbury, Mr. Herbert",male,25,0,0,C.A. 31029,31.5,?,S,?,?,"Guernsey / Elizabeth, NJ" +2,0,"Dibden, Mr. William",male,18,0,0,S.O.C. 14879,73.5,?,S,?,?,"New Forest, England" +2,1,"Doling, Miss. Elsie",female,18,0,1,231919,23,?,S,?,?,Southampton +2,1,"Doling, Mrs. John T (Ada Julia Bone)",female,34,0,1,231919,23,?,S,?,?,Southampton +2,0,"Downton, Mr. William James",male,54,0,0,28403,26,?,S,?,?,"Holley, NY" +2,1,"Drew, Master. Marshall Brines",male,8,0,2,28220,32.5,?,S,10,?,"Greenport, NY" +2,0,"Drew, Mr. James Vivian",male,42,1,1,28220,32.5,?,S,?,?,"Greenport, NY" +2,1,"Drew, Mrs. James Vivian (Lulu Thorne Christian)",female,34,1,1,28220,32.5,?,S,10,?,"Greenport, NY" +2,1,"Duran y More, Miss. Asuncion",female,27,1,0,SC/PARIS 2149,13.8583,?,C,12,?,"Barcelona, Spain / Havana, Cuba" +2,1,"Duran y More, Miss. Florentina",female,30,1,0,SC/PARIS 2148,13.8583,?,C,12,?,"Barcelona, Spain / Havana, Cuba" +2,0,"Eitemiller, Mr. George Floyd",male,23,0,0,29751,13,?,S,?,?,"England / Detroit, MI" +2,0,"Enander, Mr. Ingvar",male,21,0,0,236854,13,?,S,?,?,"Goteborg, Sweden / Rockford, IL" +2,0,"Fahlstrom, Mr. Arne Jonas",male,18,0,0,236171,13,?,S,?,?,"Oslo, Norway Bayonne, NJ" +2,0,"Faunthorpe, Mr. Harry",male,40,1,0,2926,26,?,S,?,286,"England / Philadelphia, PA" +2,1,"Faunthorpe, Mrs. Lizzie (Elizabeth Anne Wilkinson)",female,29,1,0,2926,26,?,S,16,?,? +2,0,"Fillbrook, Mr. Joseph Charles",male,18,0,0,C.A. 15185,10.5,?,S,?,?,"Cornwall / Houghton, MI" +2,0,"Fox, Mr. Stanley Hubert",male,36,0,0,229236,13,?,S,?,236,"Rochester, NY" +2,0,"Frost, Mr. Anthony Wood 'Archie'",male,?,0,0,239854,0,?,S,?,?,Belfast +2,0,"Funk, Miss. Annie Clemmer",female,38,0,0,237671,13,?,S,?,?,"Janjgir, India / Pennsylvania" +2,0,"Fynney, Mr. Joseph J",male,35,0,0,239865,26,?,S,?,322,"Liverpool / Montreal, PQ" +2,0,"Gale, Mr. Harry",male,38,1,0,28664,21,?,S,?,?,"Cornwall / Clear Creek, CO" +2,0,"Gale, Mr. Shadrach",male,34,1,0,28664,21,?,S,?,?,"Cornwall / Clear Creek, CO" +2,1,"Garside, Miss. Ethel",female,34,0,0,243880,13,?,S,12,?,"Brooklyn, NY" +2,0,"Gaskell, Mr. Alfred",male,16,0,0,239865,26,?,S,?,?,"Liverpool / Montreal, PQ" +2,0,"Gavey, Mr. Lawrence",male,26,0,0,31028,10.5,?,S,?,?,"Guernsey / Elizabeth, NJ" +2,0,"Gilbert, Mr. William",male,47,0,0,C.A. 30769,10.5,?,S,?,?,Cornwall +2,0,"Giles, Mr. Edgar",male,21,1,0,28133,11.5,?,S,?,?,"Cornwall / Camden, NJ" +2,0,"Giles, Mr. Frederick Edward",male,21,1,0,28134,11.5,?,S,?,?,"Cornwall / Camden, NJ" +2,0,"Giles, Mr. Ralph",male,24,0,0,248726,13.5,?,S,?,297,"West Kensington, London" +2,0,"Gill, Mr. John William",male,24,0,0,233866,13,?,S,?,155,"Clevedon, England" +2,0,"Gillespie, Mr. William Henry",male,34,0,0,12233,13,?,S,?,?,"Vancouver, BC" +2,0,"Givard, Mr. Hans Kristensen",male,30,0,0,250646,13,?,S,?,305,? +2,0,"Greenberg, Mr. Samuel",male,52,0,0,250647,13,?,S,?,19,"Bronx, NY" +2,0,"Hale, Mr. Reginald",male,30,0,0,250653,13,?,S,?,75,"Auburn, NY" +2,1,"Hamalainen, Master. Viljo",male,0.6667,1,1,250649,14.5,?,S,4,?,"Detroit, MI" +2,1,"Hamalainen, Mrs. William (Anna)",female,24,0,2,250649,14.5,?,S,4,?,"Detroit, MI" +2,0,"Harbeck, Mr. William H",male,44,0,0,248746,13,?,S,?,35,"Seattle, WA / Toledo, OH" +2,1,"Harper, Miss. Annie Jessie 'Nina'",female,6,0,1,248727,33,?,S,11,?,"Denmark Hill, Surrey / Chicago" +2,0,"Harper, Rev. John",male,28,0,1,248727,33,?,S,?,?,"Denmark Hill, Surrey / Chicago" +2,1,"Harris, Mr. George",male,62,0,0,S.W./PP 752,10.5,?,S,15,?,London +2,0,"Harris, Mr. Walter",male,30,0,0,W/C 14208,10.5,?,S,?,?,"Walthamstow, England" +2,1,"Hart, Miss. Eva Miriam",female,7,0,2,F.C.C. 13529,26.25,?,S,14,?,"Ilford, Essex / Winnipeg, MB" +2,0,"Hart, Mr. Benjamin",male,43,1,1,F.C.C. 13529,26.25,?,S,?,?,"Ilford, Essex / Winnipeg, MB" +2,1,"Hart, Mrs. Benjamin (Esther Ada Bloomfield)",female,45,1,1,F.C.C. 13529,26.25,?,S,14,?,"Ilford, Essex / Winnipeg, MB" +2,1,"Herman, Miss. Alice",female,24,1,2,220845,65,?,S,9,?,"Somerset / Bernardsville, NJ" +2,1,"Herman, Miss. Kate",female,24,1,2,220845,65,?,S,9,?,"Somerset / Bernardsville, NJ" +2,0,"Herman, Mr. Samuel",male,49,1,2,220845,65,?,S,?,?,"Somerset / Bernardsville, NJ" +2,1,"Herman, Mrs. Samuel (Jane Laver)",female,48,1,2,220845,65,?,S,9,?,"Somerset / Bernardsville, NJ" +2,1,"Hewlett, Mrs. (Mary D Kingcome)",female,55,0,0,248706,16,?,S,13,?,"India / Rapid City, SD" +2,0,"Hickman, Mr. Leonard Mark",male,24,2,0,S.O.C. 14879,73.5,?,S,?,?,"West Hampstead, London / Neepawa, MB" +2,0,"Hickman, Mr. Lewis",male,32,2,0,S.O.C. 14879,73.5,?,S,?,256,"West Hampstead, London / Neepawa, MB" +2,0,"Hickman, Mr. Stanley George",male,21,2,0,S.O.C. 14879,73.5,?,S,?,?,"West Hampstead, London / Neepawa, MB" +2,0,"Hiltunen, Miss. Marta",female,18,1,1,250650,13,?,S,?,?,"Kontiolahti, Finland / Detroit, MI" +2,1,"Hocking, Miss. Ellen 'Nellie'",female,20,2,1,29105,23,?,S,4,?,"Cornwall / Akron, OH" +2,0,"Hocking, Mr. Richard George",male,23,2,1,29104,11.5,?,S,?,?,"Cornwall / Akron, OH" +2,0,"Hocking, Mr. Samuel James Metcalfe",male,36,0,0,242963,13,?,S,?,?,"Devonport, England" +2,1,"Hocking, Mrs. Elizabeth (Eliza Needs)",female,54,1,3,29105,23,?,S,4,?,"Cornwall / Akron, OH" +2,0,"Hodges, Mr. Henry Price",male,50,0,0,250643,13,?,S,?,149,Southampton +2,0,"Hold, Mr. Stephen",male,44,1,0,26707,26,?,S,?,?,"England / Sacramento, CA" +2,1,"Hold, Mrs. Stephen (Annie Margaret Hill)",female,29,1,0,26707,26,?,S,10,?,"England / Sacramento, CA" +2,0,"Hood, Mr. Ambrose Jr",male,21,0,0,S.O.C. 14879,73.5,?,S,?,?,"New Forest, England" +2,1,"Hosono, Mr. Masabumi",male,42,0,0,237798,13,?,S,10,?,"Tokyo, Japan" +2,0,"Howard, Mr. Benjamin",male,63,1,0,24065,26,?,S,?,?,"Swindon, England" +2,0,"Howard, Mrs. Benjamin (Ellen Truelove Arman)",female,60,1,0,24065,26,?,S,?,?,"Swindon, England" +2,0,"Hunt, Mr. George Henry",male,33,0,0,SCO/W 1585,12.275,?,S,?,?,"Philadelphia, PA" +2,1,"Ilett, Miss. Bertha",female,17,0,0,SO/C 14885,10.5,?,S,?,?,Guernsey +2,0,"Jacobsohn, Mr. Sidney Samuel",male,42,1,0,243847,27,?,S,?,?,London +2,1,"Jacobsohn, Mrs. Sidney Samuel (Amy Frances Christy)",female,24,2,1,243847,27,?,S,12,?,London +2,0,"Jarvis, Mr. John Denzil",male,47,0,0,237565,15,?,S,?,?,"North Evington, England" +2,0,"Jefferys, Mr. Clifford Thomas",male,24,2,0,C.A. 31029,31.5,?,S,?,?,"Guernsey / Elizabeth, NJ" +2,0,"Jefferys, Mr. Ernest Wilfred",male,22,2,0,C.A. 31029,31.5,?,S,?,?,"Guernsey / Elizabeth, NJ" +2,0,"Jenkin, Mr. Stephen Curnow",male,32,0,0,C.A. 33111,10.5,?,S,?,?,"St Ives, Cornwall / Houghton, MI" +2,1,"Jerwan, Mrs. Amin S (Marie Marthe Thuillard)",female,23,0,0,SC/AH Basle 541,13.7917,D,C,11,?,"New York, NY" +2,0,"Kantor, Mr. Sinai",male,34,1,0,244367,26,?,S,?,283,"Moscow / Bronx, NY" +2,1,"Kantor, Mrs. Sinai (Miriam Sternin)",female,24,1,0,244367,26,?,S,12,?,"Moscow / Bronx, NY" +2,0,"Karnes, Mrs. J Frank (Claire Bennett)",female,22,0,0,F.C.C. 13534,21,?,S,?,?,"India / Pittsburgh, PA" +2,1,"Keane, Miss. Nora A",female,?,0,0,226593,12.35,E101,Q,10,?,"Harrisburg, PA" +2,0,"Keane, Mr. Daniel",male,35,0,0,233734,12.35,?,Q,?,?,? +2,1,"Kelly, Mrs. Florence 'Fannie'",female,45,0,0,223596,13.5,?,S,9,?,"London / New York, NY" +2,0,"Kirkland, Rev. Charles Leonard",male,57,0,0,219533,12.35,?,Q,?,?,"Glasgow / Bangor, ME" +2,0,"Knight, Mr. Robert J",male,?,0,0,239855,0,?,S,?,?,Belfast +2,0,"Kvillner, Mr. Johan Henrik Johannesson",male,31,0,0,C.A. 18723,10.5,?,S,?,165,"Sweden / Arlington, NJ" +2,0,"Lahtinen, Mrs. William (Anna Sylfven)",female,26,1,1,250651,26,?,S,?,?,"Minneapolis, MN" +2,0,"Lahtinen, Rev. William",male,30,1,1,250651,26,?,S,?,?,"Minneapolis, MN" +2,0,"Lamb, Mr. John Joseph",male,?,0,0,240261,10.7083,?,Q,?,?,? +2,1,"Laroche, Miss. Louise",female,1,1,2,SC/Paris 2123,41.5792,?,C,14,?,Paris / Haiti +2,1,"Laroche, Miss. Simonne Marie Anne Andree",female,3,1,2,SC/Paris 2123,41.5792,?,C,14,?,Paris / Haiti +2,0,"Laroche, Mr. Joseph Philippe Lemercier",male,25,1,2,SC/Paris 2123,41.5792,?,C,?,?,Paris / Haiti +2,1,"Laroche, Mrs. Joseph (Juliette Marie Louise Lafargue)",female,22,1,2,SC/Paris 2123,41.5792,?,C,14,?,Paris / Haiti +2,1,"Lehmann, Miss. Bertha",female,17,0,0,SC 1748,12,?,C,12,?,"Berne, Switzerland / Central City, IA" +2,1,"Leitch, Miss. Jessie Wills",female,?,0,0,248727,33,?,S,11,?,"London / Chicago, IL" +2,1,"Lemore, Mrs. (Amelia Milley)",female,34,0,0,C.A. 34260,10.5,F33,S,14,?,"Chicago, IL" +2,0,"Levy, Mr. Rene Jacques",male,36,0,0,SC/Paris 2163,12.875,D,C,?,?,"Montreal, PQ" +2,0,"Leyson, Mr. Robert William Norman",male,24,0,0,C.A. 29566,10.5,?,S,?,108,? +2,0,"Lingane, Mr. John",male,61,0,0,235509,12.35,?,Q,?,?,? +2,0,"Louch, Mr. Charles Alexander",male,50,1,0,SC/AH 3085,26,?,S,?,121,"Weston-Super-Mare, Somerset" +2,1,"Louch, Mrs. Charles Alexander (Alice Adelaide Slow)",female,42,1,0,SC/AH 3085,26,?,S,?,?,"Weston-Super-Mare, Somerset" +2,0,"Mack, Mrs. (Mary)",female,57,0,0,S.O./P.P. 3,10.5,E77,S,?,52,"Southampton / New York, NY" +2,0,"Malachard, Mr. Noel",male,?,0,0,237735,15.0458,D,C,?,?,Paris +2,1,"Mallet, Master. Andre",male,1,0,2,S.C./PARIS 2079,37.0042,?,C,10,?,"Paris / Montreal, PQ" +2,0,"Mallet, Mr. Albert",male,31,1,1,S.C./PARIS 2079,37.0042,?,C,?,?,"Paris / Montreal, PQ" +2,1,"Mallet, Mrs. Albert (Antoinette Magnin)",female,24,1,1,S.C./PARIS 2079,37.0042,?,C,10,?,"Paris / Montreal, PQ" +2,0,"Mangiavacchi, Mr. Serafino Emilio",male,?,0,0,SC/A.3 2861,15.5792,?,C,?,?,"New York, NY" +2,0,"Matthews, Mr. William John",male,30,0,0,28228,13,?,S,?,?,"St Austall, Cornwall" +2,0,"Maybery, Mr. Frank Hubert",male,40,0,0,239059,16,?,S,?,?,"Weston-Super-Mare / Moose Jaw, SK" +2,0,"McCrae, Mr. Arthur Gordon",male,32,0,0,237216,13.5,?,S,?,209,"Sydney, Australia" +2,0,"McCrie, Mr. James Matthew",male,30,0,0,233478,13,?,S,?,?,"Sarnia, ON" +2,0,"McKane, Mr. Peter David",male,46,0,0,28403,26,?,S,?,?,"Rochester, NY" +2,1,"Mellinger, Miss. Madeleine Violet",female,13,0,1,250644,19.5,?,S,14,?,"England / Bennington, VT" +2,1,"Mellinger, Mrs. (Elizabeth Anne Maidment)",female,41,0,1,250644,19.5,?,S,14,?,"England / Bennington, VT" +2,1,"Mellors, Mr. William John",male,19,0,0,SW/PP 751,10.5,?,S,B,?,"Chelsea, London" +2,0,"Meyer, Mr. August",male,39,0,0,248723,13,?,S,?,?,"Harrow-on-the-Hill, Middlesex" +2,0,"Milling, Mr. Jacob Christian",male,48,0,0,234360,13,?,S,?,271,"Copenhagen, Denmark" +2,0,"Mitchell, Mr. Henry Michael",male,70,0,0,C.A. 24580,10.5,?,S,?,?,"Guernsey / Montclair, NJ and/or Toledo, Ohio" +2,0,"Montvila, Rev. Juozas",male,27,0,0,211536,13,?,S,?,?,"Worcester, MA" +2,0,"Moraweck, Dr. Ernest",male,54,0,0,29011,14,?,S,?,?,"Frankfort, KY" +2,0,"Morley, Mr. Henry Samuel ('Mr Henry Marshall')",male,39,0,0,250655,26,?,S,?,?,? +2,0,"Mudd, Mr. Thomas Charles",male,16,0,0,S.O./P.P. 3,10.5,?,S,?,?,"Halesworth, England" +2,0,"Myles, Mr. Thomas Francis",male,62,0,0,240276,9.6875,?,Q,?,?,"Cambridge, MA" +2,0,"Nasser, Mr. Nicholas",male,32.5,1,0,237736,30.0708,?,C,?,43,"New York, NY" +2,1,"Nasser, Mrs. Nicholas (Adele Achem)",female,14,1,0,237736,30.0708,?,C,?,?,"New York, NY" +2,1,"Navratil, Master. Edmond Roger",male,2,1,1,230080,26,F2,S,D,?,"Nice, France" +2,1,"Navratil, Master. Michel M",male,3,1,1,230080,26,F2,S,D,?,"Nice, France" +2,0,"Navratil, Mr. Michel ('Louis M Hoffman')",male,36.5,0,2,230080,26,F2,S,?,15,"Nice, France" +2,0,"Nesson, Mr. Israel",male,26,0,0,244368,13,F2,S,?,?,"Boston, MA" +2,0,"Nicholls, Mr. Joseph Charles",male,19,1,1,C.A. 33112,36.75,?,S,?,101,"Cornwall / Hancock, MI" +2,0,"Norman, Mr. Robert Douglas",male,28,0,0,218629,13.5,?,S,?,287,Glasgow +2,1,"Nourney, Mr. Alfred ('Baron von Drachstedt')",male,20,0,0,SC/PARIS 2166,13.8625,D38,C,7,?,"Cologne, Germany" +2,1,"Nye, Mrs. (Elizabeth Ramell)",female,29,0,0,C.A. 29395,10.5,F33,S,11,?,"Folkstone, Kent / New York, NY" +2,0,"Otter, Mr. Richard",male,39,0,0,28213,13,?,S,?,?,"Middleburg Heights, OH" +2,1,"Oxenham, Mr. Percy Thomas",male,22,0,0,W./C. 14260,10.5,?,S,13,?,"Pondersend, England / New Durham, NJ" +2,1,"Padro y Manent, Mr. Julian",male,?,0,0,SC/PARIS 2146,13.8625,?,C,9,?,"Spain / Havana, Cuba" +2,0,"Pain, Dr. Alfred",male,23,0,0,244278,10.5,?,S,?,?,"Hamilton, ON" +2,1,"Pallas y Castello, Mr. Emilio",male,29,0,0,SC/PARIS 2147,13.8583,?,C,9,?,"Spain / Havana, Cuba" +2,0,"Parker, Mr. Clifford Richard",male,28,0,0,SC 14888,10.5,?,S,?,?,"St Andrews, Guernsey" +2,0,"Parkes, Mr. Francis 'Frank'",male,?,0,0,239853,0,?,S,?,?,Belfast +2,1,"Parrish, Mrs. (Lutie Davis)",female,50,0,1,230433,26,?,S,12,?,"Woodford County, KY" +2,0,"Pengelly, Mr. Frederick William",male,19,0,0,28665,10.5,?,S,?,?,"Gunnislake, England / Butte, MT" +2,0,"Pernot, Mr. Rene",male,?,0,0,SC/PARIS 2131,15.05,?,C,?,?,? +2,0,"Peruschitz, Rev. Joseph Maria",male,41,0,0,237393,13,?,S,?,?,? +2,1,"Phillips, Miss. Alice Frances Louisa",female,21,0,1,S.O./P.P. 2,21,?,S,12,?,"Ilfracombe, Devon" +2,1,"Phillips, Miss. Kate Florence ('Mrs Kate Louise Phillips Marshall')",female,19,0,0,250655,26,?,S,11,?,"Worcester, England" +2,0,"Phillips, Mr. Escott Robert",male,43,0,1,S.O./P.P. 2,21,?,S,?,?,"Ilfracombe, Devon" +2,1,"Pinsky, Mrs. (Rosa)",female,32,0,0,234604,13,?,S,9,?,Russia +2,0,"Ponesell, Mr. Martin",male,34,0,0,250647,13,?,S,?,?,"Denmark / New York, NY" +2,1,"Portaluppi, Mr. Emilio Ilario Giuseppe",male,30,0,0,C.A. 34644,12.7375,?,C,14,?,"Milford, NH" +2,0,"Pulbaum, Mr. Franz",male,27,0,0,SC/PARIS 2168,15.0333,?,C,?,?,Paris +2,1,"Quick, Miss. Phyllis May",female,2,1,1,26360,26,?,S,11,?,"Plymouth, Devon / Detroit, MI" +2,1,"Quick, Miss. Winifred Vera",female,8,1,1,26360,26,?,S,11,?,"Plymouth, Devon / Detroit, MI" +2,1,"Quick, Mrs. Frederick Charles (Jane Richards)",female,33,0,2,26360,26,?,S,11,?,"Plymouth, Devon / Detroit, MI" +2,0,"Reeves, Mr. David",male,36,0,0,C.A. 17248,10.5,?,S,?,?,"Brighton, Sussex" +2,0,"Renouf, Mr. Peter Henry",male,34,1,0,31027,21,?,S,12,?,"Elizabeth, NJ" +2,1,"Renouf, Mrs. Peter Henry (Lillian Jefferys)",female,30,3,0,31027,21,?,S,?,?,"Elizabeth, NJ" +2,1,"Reynaldo, Ms. Encarnacion",female,28,0,0,230434,13,?,S,9,?,Spain +2,0,"Richard, Mr. Emile",male,23,0,0,SC/PARIS 2133,15.0458,?,C,?,?,"Paris / Montreal, PQ" +2,1,"Richards, Master. George Sibley",male,0.8333,1,1,29106,18.75,?,S,4,?,"Cornwall / Akron, OH" +2,1,"Richards, Master. William Rowe",male,3,1,1,29106,18.75,?,S,4,?,"Cornwall / Akron, OH" +2,1,"Richards, Mrs. Sidney (Emily Hocking)",female,24,2,3,29106,18.75,?,S,4,?,"Cornwall / Akron, OH" +2,1,"Ridsdale, Miss. Lucy",female,50,0,0,W./C. 14258,10.5,?,S,13,?,"London, England / Marietta, Ohio and Milwaukee, WI" +2,0,"Rogers, Mr. Reginald Harry",male,19,0,0,28004,10.5,?,S,?,?,? +2,1,"Rugg, Miss. Emily",female,21,0,0,C.A. 31026,10.5,?,S,12,?,"Guernsey / Wilmington, DE" +2,0,"Schmidt, Mr. August",male,26,0,0,248659,13,?,S,?,?,"Newark, NJ" +2,0,"Sedgwick, Mr. Charles Frederick Waddington",male,25,0,0,244361,13,?,S,?,?,Liverpool +2,0,"Sharp, Mr. Percival James R",male,27,0,0,244358,26,?,S,?,?,"Hornsey, England" +2,1,"Shelley, Mrs. William (Imanita Parrish Hall)",female,25,0,1,230433,26,?,S,12,?,"Deer Lodge, MT" +2,1,"Silven, Miss. Lyyli Karoliina",female,18,0,2,250652,13,?,S,16,?,"Finland / Minneapolis, MN" +2,1,"Sincock, Miss. Maude",female,20,0,0,C.A. 33112,36.75,?,S,11,?,"Cornwall / Hancock, MI" +2,1,"Sinkkonen, Miss. Anna",female,30,0,0,250648,13,?,S,10,?,"Finland / Washington, DC" +2,0,"Sjostedt, Mr. Ernst Adolf",male,59,0,0,237442,13.5,?,S,?,?,"Sault St Marie, ON" +2,1,"Slayter, Miss. Hilda Mary",female,30,0,0,234818,12.35,?,Q,13,?,"Halifax, NS" +2,0,"Slemen, Mr. Richard James",male,35,0,0,28206,10.5,?,S,?,?,Cornwall +2,1,"Smith, Miss. Marion Elsie",female,40,0,0,31418,13,?,S,9,?,? +2,0,"Sobey, Mr. Samuel James Hayden",male,25,0,0,C.A. 29178,13,?,S,?,?,"Cornwall / Houghton, MI" +2,0,"Stanton, Mr. Samuel Ward",male,41,0,0,237734,15.0458,?,C,?,?,"New York, NY" +2,0,"Stokes, Mr. Philip Joseph",male,25,0,0,F.C.C. 13540,10.5,?,S,?,81,"Catford, Kent / Detroit, MI" +2,0,"Swane, Mr. George",male,18.5,0,0,248734,13,F,S,?,294,? +2,0,"Sweet, Mr. George Frederick",male,14,0,0,220845,65,?,S,?,?,"Somerset / Bernardsville, NJ" +2,1,"Toomey, Miss. Ellen",female,50,0,0,F.C.C. 13531,10.5,?,S,9,?,"Indianapolis, IN" +2,0,"Troupiansky, Mr. Moses Aaron",male,23,0,0,233639,13,?,S,?,?,? +2,1,"Trout, Mrs. William H (Jessie L)",female,28,0,0,240929,12.65,?,S,?,?,"Columbus, OH" +2,1,"Troutt, Miss. Edwina Celia 'Winnie'",female,27,0,0,34218,10.5,E101,S,16,?,"Bath, England / Massachusetts" +2,0,"Turpin, Mr. William John Robert",male,29,1,0,11668,21,?,S,?,?,"Plymouth, England" +2,0,"Turpin, Mrs. William John Robert (Dorothy Ann Wonnacott)",female,27,1,0,11668,21,?,S,?,?,"Plymouth, England" +2,0,"Veal, Mr. James",male,40,0,0,28221,13,?,S,?,?,"Barre, Co Washington, VT" +2,1,"Walcroft, Miss. Nellie",female,31,0,0,F.C.C. 13528,21,?,S,14,?,"Mamaroneck, NY" +2,0,"Ware, Mr. John James",male,30,1,0,CA 31352,21,?,S,?,?,"Bristol, England / New Britain, CT" +2,0,"Ware, Mr. William Jeffery",male,23,1,0,28666,10.5,?,S,?,?,? +2,1,"Ware, Mrs. John James (Florence Louise Long)",female,31,0,0,CA 31352,21,?,S,10,?,"Bristol, England / New Britain, CT" +2,0,"Watson, Mr. Ennis Hastings",male,?,0,0,239856,0,?,S,?,?,Belfast +2,1,"Watt, Miss. Bertha J",female,12,0,0,C.A. 33595,15.75,?,S,9,?,"Aberdeen / Portland, OR" +2,1,"Watt, Mrs. James (Elizabeth 'Bessie' Inglis Milne)",female,40,0,0,C.A. 33595,15.75,?,S,9,?,"Aberdeen / Portland, OR" +2,1,"Webber, Miss. Susan",female,32.5,0,0,27267,13,E101,S,12,?,"England / Hartford, CT" +2,0,"Weisz, Mr. Leopold",male,27,1,0,228414,26,?,S,?,293,"Bromsgrove, England / Montreal, PQ" +2,1,"Weisz, Mrs. Leopold (Mathilde Francoise Pede)",female,29,1,0,228414,26,?,S,10,?,"Bromsgrove, England / Montreal, PQ" +2,1,"Wells, Master. Ralph Lester",male,2,1,1,29103,23,?,S,14,?,"Cornwall / Akron, OH" +2,1,"Wells, Miss. Joan",female,4,1,1,29103,23,?,S,14,?,"Cornwall / Akron, OH" +2,1,"Wells, Mrs. Arthur Henry ('Addie' Dart Trevaskis)",female,29,0,2,29103,23,?,S,14,?,"Cornwall / Akron, OH" +2,1,"West, Miss. Barbara J",female,0.9167,1,2,C.A. 34651,27.75,?,S,10,?,"Bournmouth, England" +2,1,"West, Miss. Constance Mirium",female,5,1,2,C.A. 34651,27.75,?,S,10,?,"Bournmouth, England" +2,0,"West, Mr. Edwy Arthur",male,36,1,2,C.A. 34651,27.75,?,S,?,?,"Bournmouth, England" +2,1,"West, Mrs. Edwy Arthur (Ada Mary Worth)",female,33,1,2,C.A. 34651,27.75,?,S,10,?,"Bournmouth, England" +2,0,"Wheadon, Mr. Edward H",male,66,0,0,C.A. 24579,10.5,?,S,?,?,"Guernsey, England / Edgewood, RI" +2,0,"Wheeler, Mr. Edwin 'Frederick'",male,?,0,0,SC/PARIS 2159,12.875,?,S,?,?,? +2,1,"Wilhelms, Mr. Charles",male,31,0,0,244270,13,?,S,9,?,"London, England" +2,1,"Williams, Mr. Charles Eugene",male,?,0,0,244373,13,?,S,14,?,"Harrow, England" +2,1,"Wright, Miss. Marion",female,26,0,0,220844,13.5,?,S,9,?,"Yoevil, England / Cottage Grove, OR" +2,0,"Yrois, Miss. Henriette ('Mrs Harbeck')",female,24,0,0,248747,13,?,S,?,?,Paris +3,0,"Abbing, Mr. Anthony",male,42,0,0,C.A. 5547,7.55,?,S,?,?,? +3,0,"Abbott, Master. Eugene Joseph",male,13,0,2,C.A. 2673,20.25,?,S,?,?,"East Providence, RI" +3,0,"Abbott, Mr. Rossmore Edward",male,16,1,1,C.A. 2673,20.25,?,S,?,190,"East Providence, RI" +3,1,"Abbott, Mrs. Stanton (Rosa Hunt)",female,35,1,1,C.A. 2673,20.25,?,S,A,?,"East Providence, RI" +3,1,"Abelseth, Miss. Karen Marie",female,16,0,0,348125,7.65,?,S,16,?,"Norway Los Angeles, CA" +3,1,"Abelseth, Mr. Olaus Jorgensen",male,25,0,0,348122,7.65,F G63,S,A,?,"Perkins County, SD" +3,1,"Abrahamsson, Mr. Abraham August Johannes",male,20,0,0,SOTON/O2 3101284,7.925,?,S,15,?,"Taalintehdas, Finland Hoboken, NJ" +3,1,"Abrahim, Mrs. Joseph (Sophie Halaut Easu)",female,18,0,0,2657,7.2292,?,C,C,?,"Greensburg, PA" +3,0,"Adahl, Mr. Mauritz Nils Martin",male,30,0,0,C 7076,7.25,?,S,?,72,"Asarum, Sweden Brooklyn, NY" +3,0,"Adams, Mr. John",male,26,0,0,341826,8.05,?,S,?,103,"Bournemouth, England" +3,0,"Ahlin, Mrs. Johan (Johanna Persdotter Larsson)",female,40,1,0,7546,9.475,?,S,?,?,"Sweden Akeley, MN" +3,1,"Aks, Master. Philip Frank",male,0.8333,0,1,392091,9.35,?,S,11,?,"London, England Norfolk, VA" +3,1,"Aks, Mrs. Sam (Leah Rosen)",female,18,0,1,392091,9.35,?,S,13,?,"London, England Norfolk, VA" +3,1,"Albimona, Mr. Nassef Cassem",male,26,0,0,2699,18.7875,?,C,15,?,"Syria Fredericksburg, VA" +3,0,"Alexander, Mr. William",male,26,0,0,3474,7.8875,?,S,?,?,"England Albion, NY" +3,0,"Alhomaki, Mr. Ilmari Rudolf",male,20,0,0,SOTON/O2 3101287,7.925,?,S,?,?,"Salo, Finland Astoria, OR" +3,0,"Ali, Mr. Ahmed",male,24,0,0,SOTON/O.Q. 3101311,7.05,?,S,?,?,? +3,0,"Ali, Mr. William",male,25,0,0,SOTON/O.Q. 3101312,7.05,?,S,?,79,Argentina +3,0,"Allen, Mr. William Henry",male,35,0,0,373450,8.05,?,S,?,?,"Lower Clapton, Middlesex or Erdington, Birmingham" +3,0,"Allum, Mr. Owen George",male,18,0,0,2223,8.3,?,S,?,259,"Windsor, England New York, NY" +3,0,"Andersen, Mr. Albert Karvin",male,32,0,0,C 4001,22.525,?,S,?,260,"Bergen, Norway" +3,1,"Andersen-Jensen, Miss. Carla Christine Nielsine",female,19,1,0,350046,7.8542,?,S,16,?,? +3,0,"Andersson, Master. Sigvard Harald Elias",male,4,4,2,347082,31.275,?,S,?,?,"Sweden Winnipeg, MN" +3,0,"Andersson, Miss. Ebba Iris Alfrida",female,6,4,2,347082,31.275,?,S,?,?,"Sweden Winnipeg, MN" +3,0,"Andersson, Miss. Ellis Anna Maria",female,2,4,2,347082,31.275,?,S,?,?,"Sweden Winnipeg, MN" +3,1,"Andersson, Miss. Erna Alexandra",female,17,4,2,3101281,7.925,?,S,D,?,"Ruotsinphyhtaa, Finland New York, NY" +3,0,"Andersson, Miss. Ida Augusta Margareta",female,38,4,2,347091,7.775,?,S,?,?,"Vadsbro, Sweden Ministee, MI" +3,0,"Andersson, Miss. Ingeborg Constanzia",female,9,4,2,347082,31.275,?,S,?,?,"Sweden Winnipeg, MN" +3,0,"Andersson, Miss. Sigrid Elisabeth",female,11,4,2,347082,31.275,?,S,?,?,"Sweden Winnipeg, MN" +3,0,"Andersson, Mr. Anders Johan",male,39,1,5,347082,31.275,?,S,?,?,"Sweden Winnipeg, MN" +3,1,"Andersson, Mr. August Edvard ('Wennerstrom')",male,27,0,0,350043,7.7958,?,S,A,?,? +3,0,"Andersson, Mr. Johan Samuel",male,26,0,0,347075,7.775,?,S,?,?,"Hartford, CT" +3,0,"Andersson, Mrs. Anders Johan (Alfrida Konstantia Brogren)",female,39,1,5,347082,31.275,?,S,?,?,"Sweden Winnipeg, MN" +3,0,"Andreasson, Mr. Paul Edvin",male,20,0,0,347466,7.8542,?,S,?,?,"Sweden Chicago, IL" +3,0,"Angheloff, Mr. Minko",male,26,0,0,349202,7.8958,?,S,?,?,"Bulgaria Chicago, IL" +3,0,"Arnold-Franchi, Mr. Josef",male,25,1,0,349237,17.8,?,S,?,?,"Altdorf, Switzerland" +3,0,"Arnold-Franchi, Mrs. Josef (Josefine Franchi)",female,18,1,0,349237,17.8,?,S,?,?,"Altdorf, Switzerland" +3,0,"Aronsson, Mr. Ernst Axel Algot",male,24,0,0,349911,7.775,?,S,?,?,"Sweden Joliet, IL" +3,0,"Asim, Mr. Adola",male,35,0,0,SOTON/O.Q. 3101310,7.05,?,S,?,?,? +3,0,"Asplund, Master. Carl Edgar",male,5,4,2,347077,31.3875,?,S,?,?,"Sweden Worcester, MA" +3,0,"Asplund, Master. Clarence Gustaf Hugo",male,9,4,2,347077,31.3875,?,S,?,?,"Sweden Worcester, MA" +3,1,"Asplund, Master. Edvin Rojj Felix",male,3,4,2,347077,31.3875,?,S,15,?,"Sweden Worcester, MA" +3,0,"Asplund, Master. Filip Oscar",male,13,4,2,347077,31.3875,?,S,?,?,"Sweden Worcester, MA" +3,1,"Asplund, Miss. Lillian Gertrud",female,5,4,2,347077,31.3875,?,S,15,?,"Sweden Worcester, MA" +3,0,"Asplund, Mr. Carl Oscar Vilhelm Gustafsson",male,40,1,5,347077,31.3875,?,S,?,142,"Sweden Worcester, MA" +3,1,"Asplund, Mr. Johan Charles",male,23,0,0,350054,7.7958,?,S,13,?,"Oskarshamn, Sweden Minneapolis, MN" +3,1,"Asplund, Mrs. Carl Oscar (Selma Augusta Emilia Johansson)",female,38,1,5,347077,31.3875,?,S,15,?,"Sweden Worcester, MA" +3,1,"Assaf Khalil, Mrs. Mariana ('Miriam')",female,45,0,0,2696,7.225,?,C,C,?,"Ottawa, ON" +3,0,"Assaf, Mr. Gerios",male,21,0,0,2692,7.225,?,C,?,?,"Ottawa, ON" +3,0,"Assam, Mr. Ali",male,23,0,0,SOTON/O.Q. 3101309,7.05,?,S,?,?,? +3,0,"Attalah, Miss. Malake",female,17,0,0,2627,14.4583,?,C,?,?,? +3,0,"Attalah, Mr. Sleiman",male,30,0,0,2694,7.225,?,C,?,?,"Ottawa, ON" +3,0,"Augustsson, Mr. Albert",male,23,0,0,347468,7.8542,?,S,?,?,"Krakoryd, Sweden Bloomington, IL" +3,1,"Ayoub, Miss. Banoura",female,13,0,0,2687,7.2292,?,C,C,?,"Syria Youngstown, OH" +3,0,"Baccos, Mr. Raffull",male,20,0,0,2679,7.225,?,C,?,?,? +3,0,"Backstrom, Mr. Karl Alfred",male,32,1,0,3101278,15.85,?,S,D,?,"Ruotsinphytaa, Finland New York, NY" +3,1,"Backstrom, Mrs. Karl Alfred (Maria Mathilda Gustafsson)",female,33,3,0,3101278,15.85,?,S,?,?,"Ruotsinphytaa, Finland New York, NY" +3,1,"Baclini, Miss. Eugenie",female,0.75,2,1,2666,19.2583,?,C,C,?,"Syria New York, NY" +3,1,"Baclini, Miss. Helene Barbara",female,0.75,2,1,2666,19.2583,?,C,C,?,"Syria New York, NY" +3,1,"Baclini, Miss. Marie Catherine",female,5,2,1,2666,19.2583,?,C,C,?,"Syria New York, NY" +3,1,"Baclini, Mrs. Solomon (Latifa Qurban)",female,24,0,3,2666,19.2583,?,C,C,?,"Syria New York, NY" +3,1,"Badman, Miss. Emily Louisa",female,18,0,0,A/4 31416,8.05,?,S,C,?,"London Skanteales, NY" +3,0,"Badt, Mr. Mohamed",male,40,0,0,2623,7.225,?,C,?,?,? +3,0,"Balkic, Mr. Cerin",male,26,0,0,349248,7.8958,?,S,?,?,? +3,1,"Barah, Mr. Hanna Assi",male,20,0,0,2663,7.2292,?,C,15,?,? +3,0,"Barbara, Miss. Saiide",female,18,0,1,2691,14.4542,?,C,?,?,"Syria Ottawa, ON" +3,0,"Barbara, Mrs. (Catherine David)",female,45,0,1,2691,14.4542,?,C,?,?,"Syria Ottawa, ON" +3,0,"Barry, Miss. Julia",female,27,0,0,330844,7.8792,?,Q,?,?,"New York, NY" +3,0,"Barton, Mr. David John",male,22,0,0,324669,8.05,?,S,?,?,"England New York, NY" +3,0,"Beavan, Mr. William Thomas",male,19,0,0,323951,8.05,?,S,?,?,England +3,0,"Bengtsson, Mr. John Viktor",male,26,0,0,347068,7.775,?,S,?,?,"Krakudden, Sweden Moune, IL" +3,0,"Berglund, Mr. Karl Ivar Sven",male,22,0,0,PP 4348,9.35,?,S,?,?,"Tranvik, Finland New York" +3,0,"Betros, Master. Seman",male,?,0,0,2622,7.2292,?,C,?,?,? +3,0,"Betros, Mr. Tannous",male,20,0,0,2648,4.0125,?,C,?,?,Syria +3,1,"Bing, Mr. Lee",male,32,0,0,1601,56.4958,?,S,C,?,"Hong Kong New York, NY" +3,0,"Birkeland, Mr. Hans Martin Monsen",male,21,0,0,312992,7.775,?,S,?,?,"Brennes, Norway New York" +3,0,"Bjorklund, Mr. Ernst Herbert",male,18,0,0,347090,7.75,?,S,?,?,"Stockholm, Sweden New York" +3,0,"Bostandyeff, Mr. Guentcho",male,26,0,0,349224,7.8958,?,S,?,?,"Bulgaria Chicago, IL" +3,0,"Boulos, Master. Akar",male,6,1,1,2678,15.2458,?,C,?,?,"Syria Kent, ON" +3,0,"Boulos, Miss. Nourelain",female,9,1,1,2678,15.2458,?,C,?,?,"Syria Kent, ON" +3,0,"Boulos, Mr. Hanna",male,?,0,0,2664,7.225,?,C,?,?,Syria +3,0,"Boulos, Mrs. Joseph (Sultana)",female,?,0,2,2678,15.2458,?,C,?,?,"Syria Kent, ON" +3,0,"Bourke, Miss. Mary",female,?,0,2,364848,7.75,?,Q,?,?,"Ireland Chicago, IL" +3,0,"Bourke, Mr. John",male,40,1,1,364849,15.5,?,Q,?,?,"Ireland Chicago, IL" +3,0,"Bourke, Mrs. John (Catherine)",female,32,1,1,364849,15.5,?,Q,?,?,"Ireland Chicago, IL" +3,0,"Bowen, Mr. David John 'Dai'",male,21,0,0,54636,16.1,?,S,?,?,"Treherbert, Cardiff, Wales" +3,1,"Bradley, Miss. Bridget Delia",female,22,0,0,334914,7.725,?,Q,13,?,"Kingwilliamstown, Co Cork, Ireland Glens Falls, NY" +3,0,"Braf, Miss. Elin Ester Maria",female,20,0,0,347471,7.8542,?,S,?,?,"Medeltorp, Sweden Chicago, IL" +3,0,"Braund, Mr. Lewis Richard",male,29,1,0,3460,7.0458,?,S,?,?,"Bridgerule, Devon" +3,0,"Braund, Mr. Owen Harris",male,22,1,0,A/5 21171,7.25,?,S,?,?,"Bridgerule, Devon" +3,0,"Brobeck, Mr. Karl Rudolf",male,22,0,0,350045,7.7958,?,S,?,?,"Sweden Worcester, MA" +3,0,"Brocklebank, Mr. William Alfred",male,35,0,0,364512,8.05,?,S,?,?,"Broomfield, Chelmsford, England" +3,0,"Buckley, Miss. Katherine",female,18.5,0,0,329944,7.2833,?,Q,?,299,"Co Cork, Ireland Roxbury, MA" +3,1,"Buckley, Mr. Daniel",male,21,0,0,330920,7.8208,?,Q,13,?,"Kingwilliamstown, Co Cork, Ireland New York, NY" +3,0,"Burke, Mr. Jeremiah",male,19,0,0,365222,6.75,?,Q,?,?,"Co Cork, Ireland Charlestown, MA" +3,0,"Burns, Miss. Mary Delia",female,18,0,0,330963,7.8792,?,Q,?,?,"Co Sligo, Ireland New York, NY" +3,0,"Cacic, Miss. Manda",female,21,0,0,315087,8.6625,?,S,?,?,? +3,0,"Cacic, Miss. Marija",female,30,0,0,315084,8.6625,?,S,?,?,? +3,0,"Cacic, Mr. Jego Grga",male,18,0,0,315091,8.6625,?,S,?,?,? +3,0,"Cacic, Mr. Luka",male,38,0,0,315089,8.6625,?,S,?,?,Croatia +3,0,"Calic, Mr. Jovo",male,17,0,0,315093,8.6625,?,S,?,?,? +3,0,"Calic, Mr. Petar",male,17,0,0,315086,8.6625,?,S,?,?,? +3,0,"Canavan, Miss. Mary",female,21,0,0,364846,7.75,?,Q,?,?,? +3,0,"Canavan, Mr. Patrick",male,21,0,0,364858,7.75,?,Q,?,?,"Ireland Philadelphia, PA" +3,0,"Cann, Mr. Ernest Charles",male,21,0,0,A./5. 2152,8.05,?,S,?,?,? +3,0,"Caram, Mr. Joseph",male,?,1,0,2689,14.4583,?,C,?,?,"Ottawa, ON" +3,0,"Caram, Mrs. Joseph (Maria Elias)",female,?,1,0,2689,14.4583,?,C,?,?,"Ottawa, ON" +3,0,"Carlsson, Mr. August Sigfrid",male,28,0,0,350042,7.7958,?,S,?,?,"Dagsas, Sweden Fower, MN" +3,0,"Carlsson, Mr. Carl Robert",male,24,0,0,350409,7.8542,?,S,?,?,"Goteborg, Sweden Huntley, IL" +3,1,"Carr, Miss. Helen 'Ellen'",female,16,0,0,367231,7.75,?,Q,16,?,"Co Longford, Ireland New York, NY" +3,0,"Carr, Miss. Jeannie",female,37,0,0,368364,7.75,?,Q,?,?,"Co Sligo, Ireland Hartford, CT" +3,0,"Carver, Mr. Alfred John",male,28,0,0,392095,7.25,?,S,?,?,"St Denys, Southampton, Hants" +3,0,"Celotti, Mr. Francesco",male,24,0,0,343275,8.05,?,S,?,?,London +3,0,"Charters, Mr. David",male,21,0,0,A/5. 13032,7.7333,?,Q,?,?,"Ireland New York, NY" +3,1,"Chip, Mr. Chang",male,32,0,0,1601,56.4958,?,S,C,?,"Hong Kong New York, NY" +3,0,"Christmann, Mr. Emil",male,29,0,0,343276,8.05,?,S,?,?,? +3,0,"Chronopoulos, Mr. Apostolos",male,26,1,0,2680,14.4542,?,C,?,?,Greece +3,0,"Chronopoulos, Mr. Demetrios",male,18,1,0,2680,14.4542,?,C,?,?,Greece +3,0,"Coelho, Mr. Domingos Fernandeo",male,20,0,0,SOTON/O.Q. 3101307,7.05,?,S,?,?,Portugal +3,1,"Cohen, Mr. Gurshon 'Gus'",male,18,0,0,A/5 3540,8.05,?,S,12,?,"London Brooklyn, NY" +3,0,"Colbert, Mr. Patrick",male,24,0,0,371109,7.25,?,Q,?,?,"Co Limerick, Ireland Sherbrooke, PQ" +3,0,"Coleff, Mr. Peju",male,36,0,0,349210,7.4958,?,S,?,?,"Bulgaria Chicago, IL" +3,0,"Coleff, Mr. Satio",male,24,0,0,349209,7.4958,?,S,?,?,? +3,0,"Conlon, Mr. Thomas Henry",male,31,0,0,21332,7.7333,?,Q,?,?,"Philadelphia, PA" +3,0,"Connaghton, Mr. Michael",male,31,0,0,335097,7.75,?,Q,?,?,"Ireland Brooklyn, NY" +3,1,"Connolly, Miss. Kate",female,22,0,0,370373,7.75,?,Q,13,?,Ireland +3,0,"Connolly, Miss. Kate",female,30,0,0,330972,7.6292,?,Q,?,?,Ireland +3,0,"Connors, Mr. Patrick",male,70.5,0,0,370369,7.75,?,Q,?,171,? +3,0,"Cook, Mr. Jacob",male,43,0,0,A/5 3536,8.05,?,S,?,?,? +3,0,"Cor, Mr. Bartol",male,35,0,0,349230,7.8958,?,S,?,?,Austria +3,0,"Cor, Mr. Ivan",male,27,0,0,349229,7.8958,?,S,?,?,Austria +3,0,"Cor, Mr. Liudevit",male,19,0,0,349231,7.8958,?,S,?,?,Austria +3,0,"Corn, Mr. Harry",male,30,0,0,SOTON/OQ 392090,8.05,?,S,?,?,London +3,1,"Coutts, Master. Eden Leslie 'Neville'",male,9,1,1,C.A. 37671,15.9,?,S,2,?,"England Brooklyn, NY" +3,1,"Coutts, Master. William Loch 'William'",male,3,1,1,C.A. 37671,15.9,?,S,2,?,"England Brooklyn, NY" +3,1,"Coutts, Mrs. William (Winnie 'Minnie' Treanor)",female,36,0,2,C.A. 37671,15.9,?,S,2,?,"England Brooklyn, NY" +3,0,"Coxon, Mr. Daniel",male,59,0,0,364500,7.25,?,S,?,?,"Merrill, WI" +3,0,"Crease, Mr. Ernest James",male,19,0,0,S.P. 3464,8.1583,?,S,?,?,"Bristol, England Cleveland, OH" +3,1,"Cribb, Miss. Laura Alice",female,17,0,1,371362,16.1,?,S,12,?,"Bournemouth, England Newark, NJ" +3,0,"Cribb, Mr. John Hatfield",male,44,0,1,371362,16.1,?,S,?,?,"Bournemouth, England Newark, NJ" +3,0,"Culumovic, Mr. Jeso",male,17,0,0,315090,8.6625,?,S,?,?,Austria-Hungary +3,0,"Daher, Mr. Shedid",male,22.5,0,0,2698,7.225,?,C,?,9,? +3,1,"Dahl, Mr. Karl Edwart",male,45,0,0,7598,8.05,?,S,15,?,"Australia Fingal, ND" +3,0,"Dahlberg, Miss. Gerda Ulrika",female,22,0,0,7552,10.5167,?,S,?,?,"Norrlot, Sweden Chicago, IL" +3,0,"Dakic, Mr. Branko",male,19,0,0,349228,10.1708,?,S,?,?,Austria +3,1,"Daly, Miss. Margaret Marcella 'Maggie'",female,30,0,0,382650,6.95,?,Q,15,?,"Co Athlone, Ireland New York, NY" +3,1,"Daly, Mr. Eugene Patrick",male,29,0,0,382651,7.75,?,Q,13 15 B,?,"Co Athlone, Ireland New York, NY" +3,0,"Danbom, Master. Gilbert Sigvard Emanuel",male,0.3333,0,2,347080,14.4,?,S,?,?,"Stanton, IA" +3,0,"Danbom, Mr. Ernst Gilbert",male,34,1,1,347080,14.4,?,S,?,197,"Stanton, IA" +3,0,"Danbom, Mrs. Ernst Gilbert (Anna Sigrid Maria Brogren)",female,28,1,1,347080,14.4,?,S,?,?,"Stanton, IA" +3,0,"Danoff, Mr. Yoto",male,27,0,0,349219,7.8958,?,S,?,?,"Bulgaria Chicago, IL" +3,0,"Dantcheff, Mr. Ristiu",male,25,0,0,349203,7.8958,?,S,?,?,"Bulgaria Chicago, IL" +3,0,"Davies, Mr. Alfred J",male,24,2,0,A/4 48871,24.15,?,S,?,?,"West Bromwich, England Pontiac, MI" +3,0,"Davies, Mr. Evan",male,22,0,0,SC/A4 23568,8.05,?,S,?,?,? +3,0,"Davies, Mr. John Samuel",male,21,2,0,A/4 48871,24.15,?,S,?,?,"West Bromwich, England Pontiac, MI" +3,0,"Davies, Mr. Joseph",male,17,2,0,A/4 48873,8.05,?,S,?,?,"West Bromwich, England Pontiac, MI" +3,0,"Davison, Mr. Thomas Henry",male,?,1,0,386525,16.1,?,S,?,?,"Liverpool, England Bedford, OH" +3,1,"Davison, Mrs. Thomas Henry (Mary E Finck)",female,?,1,0,386525,16.1,?,S,16,?,"Liverpool, England Bedford, OH" +3,1,"de Messemaeker, Mr. Guillaume Joseph",male,36.5,1,0,345572,17.4,?,S,15,?,"Tampico, MT" +3,1,"de Messemaeker, Mrs. Guillaume Joseph (Emma)",female,36,1,0,345572,17.4,?,S,13,?,"Tampico, MT" +3,1,"de Mulder, Mr. Theodore",male,30,0,0,345774,9.5,?,S,11,?,"Belgium Detroit, MI" +3,0,"de Pelsmaeker, Mr. Alfons",male,16,0,0,345778,9.5,?,S,?,?,? +3,1,"Dean, Master. Bertram Vere",male,1,1,2,C.A. 2315,20.575,?,S,10,?,"Devon, England Wichita, KS" +3,1,"Dean, Miss. Elizabeth Gladys 'Millvina'",female,0.1667,1,2,C.A. 2315,20.575,?,S,10,?,"Devon, England Wichita, KS" +3,0,"Dean, Mr. Bertram Frank",male,26,1,2,C.A. 2315,20.575,?,S,?,?,"Devon, England Wichita, KS" +3,1,"Dean, Mrs. Bertram (Eva Georgetta Light)",female,33,1,2,C.A. 2315,20.575,?,S,10,?,"Devon, England Wichita, KS" +3,0,"Delalic, Mr. Redjo",male,25,0,0,349250,7.8958,?,S,?,?,? +3,0,"Demetri, Mr. Marinko",male,?,0,0,349238,7.8958,?,S,?,?,? +3,0,"Denkoff, Mr. Mitto",male,?,0,0,349225,7.8958,?,S,?,?,"Bulgaria Coon Rapids, IA" +3,0,"Dennis, Mr. Samuel",male,22,0,0,A/5 21172,7.25,?,S,?,?,? +3,0,"Dennis, Mr. William",male,36,0,0,A/5 21175,7.25,?,S,?,?,? +3,1,"Devaney, Miss. Margaret Delia",female,19,0,0,330958,7.8792,?,Q,C,?,"Kilmacowen, Co Sligo, Ireland New York, NY" +3,0,"Dika, Mr. Mirko",male,17,0,0,349232,7.8958,?,S,?,?,? +3,0,"Dimic, Mr. Jovan",male,42,0,0,315088,8.6625,?,S,?,?,? +3,0,"Dintcheff, Mr. Valtcho",male,43,0,0,349226,7.8958,?,S,?,?,? +3,0,"Doharr, Mr. Tannous",male,?,0,0,2686,7.2292,?,C,?,?,? +3,0,"Dooley, Mr. Patrick",male,32,0,0,370376,7.75,?,Q,?,?,"Ireland New York, NY" +3,1,"Dorking, Mr. Edward Arthur",male,19,0,0,A/5. 10482,8.05,?,S,B,?,"England Oglesby, IL" +3,1,"Dowdell, Miss. Elizabeth",female,30,0,0,364516,12.475,?,S,13,?,"Union Hill, NJ" +3,0,"Doyle, Miss. Elizabeth",female,24,0,0,368702,7.75,?,Q,?,?,"Ireland New York, NY" +3,1,"Drapkin, Miss. Jennie",female,23,0,0,SOTON/OQ 392083,8.05,?,S,?,?,"London New York, NY" +3,0,"Drazenoic, Mr. Jozef",male,33,0,0,349241,7.8958,?,C,?,51,"Austria Niagara Falls, NY" +3,0,"Duane, Mr. Frank",male,65,0,0,336439,7.75,?,Q,?,?,? +3,1,"Duquemin, Mr. Joseph",male,24,0,0,S.O./P.P. 752,7.55,?,S,D,?,"England Albion, NY" +3,0,"Dyker, Mr. Adolf Fredrik",male,23,1,0,347072,13.9,?,S,?,?,"West Haven, CT" +3,1,"Dyker, Mrs. Adolf Fredrik (Anna Elisabeth Judith Andersson)",female,22,1,0,347072,13.9,?,S,16,?,"West Haven, CT" +3,0,"Edvardsson, Mr. Gustaf Hjalmar",male,18,0,0,349912,7.775,?,S,?,?,"Tofta, Sweden Joliet, IL" +3,0,"Eklund, Mr. Hans Linus",male,16,0,0,347074,7.775,?,S,?,?,"Karberg, Sweden Jerome Junction, AZ" +3,0,"Ekstrom, Mr. Johan",male,45,0,0,347061,6.975,?,S,?,?,"Effington Rut, SD" +3,0,"Elias, Mr. Dibo",male,?,0,0,2674,7.225,?,C,?,?,? +3,0,"Elias, Mr. Joseph",male,39,0,2,2675,7.2292,?,C,?,?,"Syria Ottawa, ON" +3,0,"Elias, Mr. Joseph Jr",male,17,1,1,2690,7.2292,?,C,?,?,? +3,0,"Elias, Mr. Tannous",male,15,1,1,2695,7.2292,?,C,?,?,Syria +3,0,"Elsbury, Mr. William James",male,47,0,0,A/5 3902,7.25,?,S,?,?,"Illinois, USA" +3,1,"Emanuel, Miss. Virginia Ethel",female,5,0,0,364516,12.475,?,S,13,?,"New York, NY" +3,0,"Emir, Mr. Farred Chehab",male,?,0,0,2631,7.225,?,C,?,?,? +3,0,"Everett, Mr. Thomas James",male,40.5,0,0,C.A. 6212,15.1,?,S,?,187,? +3,0,"Farrell, Mr. James",male,40.5,0,0,367232,7.75,?,Q,?,68,"Aughnacliff, Co Longford, Ireland New York, NY" +3,1,"Finoli, Mr. Luigi",male,?,0,0,SOTON/O.Q. 3101308,7.05,?,S,15,?,"Italy Philadelphia, PA" +3,0,"Fischer, Mr. Eberhard Thelander",male,18,0,0,350036,7.7958,?,S,?,?,? +3,0,"Fleming, Miss. Honora",female,?,0,0,364859,7.75,?,Q,?,?,? +3,0,"Flynn, Mr. James",male,?,0,0,364851,7.75,?,Q,?,?,? +3,0,"Flynn, Mr. John",male,?,0,0,368323,6.95,?,Q,?,?,? +3,0,"Foley, Mr. Joseph",male,26,0,0,330910,7.8792,?,Q,?,?,"Ireland Chicago, IL" +3,0,"Foley, Mr. William",male,?,0,0,365235,7.75,?,Q,?,?,Ireland +3,1,"Foo, Mr. Choong",male,?,0,0,1601,56.4958,?,S,13,?,"Hong Kong New York, NY" +3,0,"Ford, Miss. Doolina Margaret 'Daisy'",female,21,2,2,W./C. 6608,34.375,?,S,?,?,"Rotherfield, Sussex, England Essex Co, MA" +3,0,"Ford, Miss. Robina Maggie 'Ruby'",female,9,2,2,W./C. 6608,34.375,?,S,?,?,"Rotherfield, Sussex, England Essex Co, MA" +3,0,"Ford, Mr. Arthur",male,?,0,0,A/5 1478,8.05,?,S,?,?,"Bridgwater, Somerset, England" +3,0,"Ford, Mr. Edward Watson",male,18,2,2,W./C. 6608,34.375,?,S,?,?,"Rotherfield, Sussex, England Essex Co, MA" +3,0,"Ford, Mr. William Neal",male,16,1,3,W./C. 6608,34.375,?,S,?,?,"Rotherfield, Sussex, England Essex Co, MA" +3,0,"Ford, Mrs. Edward (Margaret Ann Watson)",female,48,1,3,W./C. 6608,34.375,?,S,?,?,"Rotherfield, Sussex, England Essex Co, MA" +3,0,"Fox, Mr. Patrick",male,?,0,0,368573,7.75,?,Q,?,?,"Ireland New York, NY" +3,0,"Franklin, Mr. Charles (Charles Fardon)",male,?,0,0,SOTON/O.Q. 3101314,7.25,?,S,?,?,? +3,0,"Gallagher, Mr. Martin",male,25,0,0,36864,7.7417,?,Q,?,?,"New York, NY" +3,0,"Garfirth, Mr. John",male,?,0,0,358585,14.5,?,S,?,?,? +3,0,"Gheorgheff, Mr. Stanio",male,?,0,0,349254,7.8958,?,C,?,?,? +3,0,"Gilinski, Mr. Eliezer",male,22,0,0,14973,8.05,?,S,?,47,? +3,1,"Gilnagh, Miss. Katherine 'Katie'",female,16,0,0,35851,7.7333,?,Q,16,?,"Co Longford, Ireland New York, NY" +3,1,"Glynn, Miss. Mary Agatha",female,?,0,0,335677,7.75,?,Q,13,?,"Co Clare, Ireland Washington, DC" +3,1,"Goldsmith, Master. Frank John William 'Frankie'",male,9,0,2,363291,20.525,?,S,C D,?,"Strood, Kent, England Detroit, MI" +3,0,"Goldsmith, Mr. Frank John",male,33,1,1,363291,20.525,?,S,?,?,"Strood, Kent, England Detroit, MI" +3,0,"Goldsmith, Mr. Nathan",male,41,0,0,SOTON/O.Q. 3101263,7.85,?,S,?,?,"Philadelphia, PA" +3,1,"Goldsmith, Mrs. Frank John (Emily Alice Brown)",female,31,1,1,363291,20.525,?,S,C D,?,"Strood, Kent, England Detroit, MI" +3,0,"Goncalves, Mr. Manuel Estanslas",male,38,0,0,SOTON/O.Q. 3101306,7.05,?,S,?,?,Portugal +3,0,"Goodwin, Master. Harold Victor",male,9,5,2,CA 2144,46.9,?,S,?,?,"Wiltshire, England Niagara Falls, NY" +3,0,"Goodwin, Master. Sidney Leonard",male,1,5,2,CA 2144,46.9,?,S,?,?,"Wiltshire, England Niagara Falls, NY" +3,0,"Goodwin, Master. William Frederick",male,11,5,2,CA 2144,46.9,?,S,?,?,"Wiltshire, England Niagara Falls, NY" +3,0,"Goodwin, Miss. Jessie Allis",female,10,5,2,CA 2144,46.9,?,S,?,?,"Wiltshire, England Niagara Falls, NY" +3,0,"Goodwin, Miss. Lillian Amy",female,16,5,2,CA 2144,46.9,?,S,?,?,"Wiltshire, England Niagara Falls, NY" +3,0,"Goodwin, Mr. Charles Edward",male,14,5,2,CA 2144,46.9,?,S,?,?,"Wiltshire, England Niagara Falls, NY" +3,0,"Goodwin, Mr. Charles Frederick",male,40,1,6,CA 2144,46.9,?,S,?,?,"Wiltshire, England Niagara Falls, NY" +3,0,"Goodwin, Mrs. Frederick (Augusta Tyler)",female,43,1,6,CA 2144,46.9,?,S,?,?,"Wiltshire, England Niagara Falls, NY" +3,0,"Green, Mr. George Henry",male,51,0,0,21440,8.05,?,S,?,?,"Dorking, Surrey, England" +3,0,"Gronnestad, Mr. Daniel Danielsen",male,32,0,0,8471,8.3625,?,S,?,?,"Foresvik, Norway Portland, ND" +3,0,"Guest, Mr. Robert",male,?,0,0,376563,8.05,?,S,?,?,? +3,0,"Gustafsson, Mr. Alfred Ossian",male,20,0,0,7534,9.8458,?,S,?,?,"Waukegan, Chicago, IL" +3,0,"Gustafsson, Mr. Anders Vilhelm",male,37,2,0,3101276,7.925,?,S,?,98,"Ruotsinphytaa, Finland New York, NY" +3,0,"Gustafsson, Mr. Johan Birger",male,28,2,0,3101277,7.925,?,S,?,?,"Ruotsinphytaa, Finland New York, NY" +3,0,"Gustafsson, Mr. Karl Gideon",male,19,0,0,347069,7.775,?,S,?,?,"Myren, Sweden New York, NY" +3,0,"Haas, Miss. Aloisia",female,24,0,0,349236,8.85,?,S,?,?,? +3,0,"Hagardon, Miss. Kate",female,17,0,0,AQ/3. 30631,7.7333,?,Q,?,?,? +3,0,"Hagland, Mr. Ingvald Olai Olsen",male,?,1,0,65303,19.9667,?,S,?,?,? +3,0,"Hagland, Mr. Konrad Mathias Reiersen",male,?,1,0,65304,19.9667,?,S,?,?,? +3,0,"Hakkarainen, Mr. Pekka Pietari",male,28,1,0,STON/O2. 3101279,15.85,?,S,?,?,? +3,1,"Hakkarainen, Mrs. Pekka Pietari (Elin Matilda Dolck)",female,24,1,0,STON/O2. 3101279,15.85,?,S,15,?,? +3,0,"Hampe, Mr. Leon",male,20,0,0,345769,9.5,?,S,?,?,? +3,0,"Hanna, Mr. Mansour",male,23.5,0,0,2693,7.2292,?,C,?,188,? +3,0,"Hansen, Mr. Claus Peter",male,41,2,0,350026,14.1083,?,S,?,?,? +3,0,"Hansen, Mr. Henrik Juul",male,26,1,0,350025,7.8542,?,S,?,?,? +3,0,"Hansen, Mr. Henry Damsgaard",male,21,0,0,350029,7.8542,?,S,?,69,? +3,1,"Hansen, Mrs. Claus Peter (Jennie L Howard)",female,45,1,0,350026,14.1083,?,S,11,?,? +3,0,"Harknett, Miss. Alice Phoebe",female,?,0,0,W./C. 6609,7.55,?,S,?,?,? +3,0,"Harmer, Mr. Abraham (David Lishin)",male,25,0,0,374887,7.25,?,S,B,?,? +3,0,"Hart, Mr. Henry",male,?,0,0,394140,6.8583,?,Q,?,?,? +3,0,"Hassan, Mr. Houssein G N",male,11,0,0,2699,18.7875,?,C,?,?,? +3,1,"Healy, Miss. Hanora 'Nora'",female,?,0,0,370375,7.75,?,Q,16,?,? +3,1,"Hedman, Mr. Oskar Arvid",male,27,0,0,347089,6.975,?,S,15,?,? +3,1,"Hee, Mr. Ling",male,?,0,0,1601,56.4958,?,S,C,?,? +3,0,"Hegarty, Miss. Hanora 'Nora'",female,18,0,0,365226,6.75,?,Q,?,?,? +3,1,"Heikkinen, Miss. Laina",female,26,0,0,STON/O2. 3101282,7.925,?,S,?,?,? +3,0,"Heininen, Miss. Wendla Maria",female,23,0,0,STON/O2. 3101290,7.925,?,S,?,?,? +3,1,"Hellstrom, Miss. Hilda Maria",female,22,0,0,7548,8.9625,?,S,C,?,? +3,0,"Hendekovic, Mr. Ignjac",male,28,0,0,349243,7.8958,?,S,?,306,? +3,0,"Henriksson, Miss. Jenny Lovisa",female,28,0,0,347086,7.775,?,S,?,?,? +3,0,"Henry, Miss. Delia",female,?,0,0,382649,7.75,?,Q,?,?,? +3,1,"Hirvonen, Miss. Hildur E",female,2,0,1,3101298,12.2875,?,S,15,?,? +3,1,"Hirvonen, Mrs. Alexander (Helga E Lindqvist)",female,22,1,1,3101298,12.2875,?,S,15,?,? +3,0,"Holm, Mr. John Fredrik Alexander",male,43,0,0,C 7075,6.45,?,S,?,?,? +3,0,"Holthen, Mr. Johan Martin",male,28,0,0,C 4001,22.525,?,S,?,?,? +3,1,"Honkanen, Miss. Eliina",female,27,0,0,STON/O2. 3101283,7.925,?,S,?,?,? +3,0,"Horgan, Mr. John",male,?,0,0,370377,7.75,?,Q,?,?,? +3,1,"Howard, Miss. May Elizabeth",female,?,0,0,A. 2. 39186,8.05,?,S,C,?,? +3,0,"Humblen, Mr. Adolf Mathias Nicolai Olsen",male,42,0,0,348121,7.65,F G63,S,?,120,? +3,1,"Hyman, Mr. Abraham",male,?,0,0,3470,7.8875,?,S,C,?,? +3,0,"Ibrahim Shawah, Mr. Yousseff",male,30,0,0,2685,7.2292,?,C,?,?,? +3,0,"Ilieff, Mr. Ylio",male,?,0,0,349220,7.8958,?,S,?,?,? +3,0,"Ilmakangas, Miss. Ida Livija",female,27,1,0,STON/O2. 3101270,7.925,?,S,?,?,? +3,0,"Ilmakangas, Miss. Pieta Sofia",female,25,1,0,STON/O2. 3101271,7.925,?,S,?,?,? +3,0,"Ivanoff, Mr. Kanio",male,?,0,0,349201,7.8958,?,S,?,?,? +3,1,"Jalsevac, Mr. Ivan",male,29,0,0,349240,7.8958,?,C,15,?,? +3,1,"Jansson, Mr. Carl Olof",male,21,0,0,350034,7.7958,?,S,A,?,? +3,0,"Jardin, Mr. Jose Neto",male,?,0,0,SOTON/O.Q. 3101305,7.05,?,S,?,?,? +3,0,"Jensen, Mr. Hans Peder",male,20,0,0,350050,7.8542,?,S,?,?,? +3,0,"Jensen, Mr. Niels Peder",male,48,0,0,350047,7.8542,?,S,?,?,? +3,0,"Jensen, Mr. Svend Lauritz",male,17,1,0,350048,7.0542,?,S,?,?,? +3,1,"Jermyn, Miss. Annie",female,?,0,0,14313,7.75,?,Q,D,?,? +3,1,"Johannesen-Bratthammer, Mr. Bernt",male,?,0,0,65306,8.1125,?,S,13,?,? +3,0,"Johanson, Mr. Jakob Alfred",male,34,0,0,3101264,6.4958,?,S,?,143,? +3,1,"Johansson Palmquist, Mr. Oskar Leander",male,26,0,0,347070,7.775,?,S,15,?,? +3,0,"Johansson, Mr. Erik",male,22,0,0,350052,7.7958,?,S,?,156,? +3,0,"Johansson, Mr. Gustaf Joel",male,33,0,0,7540,8.6542,?,S,?,285,? +3,0,"Johansson, Mr. Karl Johan",male,31,0,0,347063,7.775,?,S,?,?,? +3,0,"Johansson, Mr. Nils",male,29,0,0,347467,7.8542,?,S,?,?,? +3,1,"Johnson, Master. Harold Theodor",male,4,1,1,347742,11.1333,?,S,15,?,? +3,1,"Johnson, Miss. Eleanor Ileen",female,1,1,1,347742,11.1333,?,S,15,?,? +3,0,"Johnson, Mr. Alfred",male,49,0,0,LINE,0,?,S,?,?,? +3,0,"Johnson, Mr. Malkolm Joackim",male,33,0,0,347062,7.775,?,S,?,37,? +3,0,"Johnson, Mr. William Cahoone Jr",male,19,0,0,LINE,0,?,S,?,?,? +3,1,"Johnson, Mrs. Oscar W (Elisabeth Vilhelmina Berg)",female,27,0,2,347742,11.1333,?,S,15,?,? +3,0,"Johnston, Master. William Arthur 'Willie'",male,?,1,2,W./C. 6607,23.45,?,S,?,?,? +3,0,"Johnston, Miss. Catherine Helen 'Carrie'",female,?,1,2,W./C. 6607,23.45,?,S,?,?,? +3,0,"Johnston, Mr. Andrew G",male,?,1,2,W./C. 6607,23.45,?,S,?,?,? +3,0,"Johnston, Mrs. Andrew G (Elizabeth 'Lily' Watson)",female,?,1,2,W./C. 6607,23.45,?,S,?,?,? +3,0,"Jonkoff, Mr. Lalio",male,23,0,0,349204,7.8958,?,S,?,?,? +3,1,"Jonsson, Mr. Carl",male,32,0,0,350417,7.8542,?,S,15,?,? +3,0,"Jonsson, Mr. Nils Hilding",male,27,0,0,350408,7.8542,?,S,?,?,? +3,0,"Jussila, Miss. Katriina",female,20,1,0,4136,9.825,?,S,?,?,? +3,0,"Jussila, Miss. Mari Aina",female,21,1,0,4137,9.825,?,S,?,?,? +3,1,"Jussila, Mr. Eiriik",male,32,0,0,STON/O 2. 3101286,7.925,?,S,15,?,? +3,0,"Kallio, Mr. Nikolai Erland",male,17,0,0,STON/O 2. 3101274,7.125,?,S,?,?,? +3,0,"Kalvik, Mr. Johannes Halvorsen",male,21,0,0,8475,8.4333,?,S,?,?,? +3,0,"Karaic, Mr. Milan",male,30,0,0,349246,7.8958,?,S,?,?,? +3,1,"Karlsson, Mr. Einar Gervasius",male,21,0,0,350053,7.7958,?,S,13,?,? +3,0,"Karlsson, Mr. Julius Konrad Eugen",male,33,0,0,347465,7.8542,?,S,?,?,? +3,0,"Karlsson, Mr. Nils August",male,22,0,0,350060,7.5208,?,S,?,?,? +3,1,"Karun, Miss. Manca",female,4,0,1,349256,13.4167,?,C,15,?,? +3,1,"Karun, Mr. Franz",male,39,0,1,349256,13.4167,?,C,15,?,? +3,0,"Kassem, Mr. Fared",male,?,0,0,2700,7.2292,?,C,?,?,? +3,0,"Katavelas, Mr. Vassilios ('Catavelas Vassilios')",male,18.5,0,0,2682,7.2292,?,C,?,58,? +3,0,"Keane, Mr. Andrew 'Andy'",male,?,0,0,12460,7.75,?,Q,?,?,? +3,0,"Keefe, Mr. Arthur",male,?,0,0,323592,7.25,?,S,A,?,? +3,1,"Kelly, Miss. Anna Katherine 'Annie Kate'",female,?,0,0,9234,7.75,?,Q,16,?,? +3,1,"Kelly, Miss. Mary",female,?,0,0,14312,7.75,?,Q,D,?,? +3,0,"Kelly, Mr. James",male,34.5,0,0,330911,7.8292,?,Q,?,70,? +3,0,"Kelly, Mr. James",male,44,0,0,363592,8.05,?,S,?,?,? +3,1,"Kennedy, Mr. John",male,?,0,0,368783,7.75,?,Q,?,?,? +3,0,"Khalil, Mr. Betros",male,?,1,0,2660,14.4542,?,C,?,?,? +3,0,"Khalil, Mrs. Betros (Zahie 'Maria' Elias)",female,?,1,0,2660,14.4542,?,C,?,?,? +3,0,"Kiernan, Mr. John",male,?,1,0,367227,7.75,?,Q,?,?,? +3,0,"Kiernan, Mr. Philip",male,?,1,0,367229,7.75,?,Q,?,?,? +3,0,"Kilgannon, Mr. Thomas J",male,?,0,0,36865,7.7375,?,Q,?,?,? +3,0,"Kink, Miss. Maria",female,22,2,0,315152,8.6625,?,S,?,?,? +3,0,"Kink, Mr. Vincenz",male,26,2,0,315151,8.6625,?,S,?,?,? +3,1,"Kink-Heilmann, Miss. Luise Gretchen",female,4,0,2,315153,22.025,?,S,2,?,? +3,1,"Kink-Heilmann, Mr. Anton",male,29,3,1,315153,22.025,?,S,2,?,? +3,1,"Kink-Heilmann, Mrs. Anton (Luise Heilmann)",female,26,1,1,315153,22.025,?,S,2,?,? +3,0,"Klasen, Miss. Gertrud Emilia",female,1,1,1,350405,12.1833,?,S,?,?,? +3,0,"Klasen, Mr. Klas Albin",male,18,1,1,350404,7.8542,?,S,?,?,? +3,0,"Klasen, Mrs. (Hulda Kristina Eugenia Lofqvist)",female,36,0,2,350405,12.1833,?,S,?,?,? +3,0,"Kraeff, Mr. Theodor",male,?,0,0,349253,7.8958,?,C,?,?,? +3,1,"Krekorian, Mr. Neshan",male,25,0,0,2654,7.2292,F E57,C,10,?,? +3,0,"Lahoud, Mr. Sarkis",male,?,0,0,2624,7.225,?,C,?,?,? +3,0,"Laitinen, Miss. Kristina Sofia",female,37,0,0,4135,9.5875,?,S,?,?,? +3,0,"Laleff, Mr. Kristo",male,?,0,0,349217,7.8958,?,S,?,?,? +3,1,"Lam, Mr. Ali",male,?,0,0,1601,56.4958,?,S,C,?,? +3,0,"Lam, Mr. Len",male,?,0,0,1601,56.4958,?,S,?,?,? +3,1,"Landergren, Miss. Aurora Adelia",female,22,0,0,C 7077,7.25,?,S,13,?,? +3,0,"Lane, Mr. Patrick",male,?,0,0,7935,7.75,?,Q,?,?,? +3,1,"Lang, Mr. Fang",male,26,0,0,1601,56.4958,?,S,14,?,? +3,0,"Larsson, Mr. August Viktor",male,29,0,0,7545,9.4833,?,S,?,?,? +3,0,"Larsson, Mr. Bengt Edvin",male,29,0,0,347067,7.775,?,S,?,?,? +3,0,"Larsson-Rondberg, Mr. Edvard A",male,22,0,0,347065,7.775,?,S,?,?,? +3,1,"Leeni, Mr. Fahim ('Philip Zenni')",male,22,0,0,2620,7.225,?,C,6,?,? +3,0,"Lefebre, Master. Henry Forbes",male,?,3,1,4133,25.4667,?,S,?,?,? +3,0,"Lefebre, Miss. Ida",female,?,3,1,4133,25.4667,?,S,?,?,? +3,0,"Lefebre, Miss. Jeannie",female,?,3,1,4133,25.4667,?,S,?,?,? +3,0,"Lefebre, Miss. Mathilde",female,?,3,1,4133,25.4667,?,S,?,?,? +3,0,"Lefebre, Mrs. Frank (Frances)",female,?,0,4,4133,25.4667,?,S,?,?,? +3,0,"Leinonen, Mr. Antti Gustaf",male,32,0,0,STON/O 2. 3101292,7.925,?,S,?,?,? +3,0,"Lemberopolous, Mr. Peter L",male,34.5,0,0,2683,6.4375,?,C,?,196,? +3,0,"Lennon, Miss. Mary",female,?,1,0,370371,15.5,?,Q,?,?,? +3,0,"Lennon, Mr. Denis",male,?,1,0,370371,15.5,?,Q,?,?,? +3,0,"Leonard, Mr. Lionel",male,36,0,0,LINE,0,?,S,?,?,? +3,0,"Lester, Mr. James",male,39,0,0,A/4 48871,24.15,?,S,?,?,? +3,0,"Lievens, Mr. Rene Aime",male,24,0,0,345781,9.5,?,S,?,?,? +3,0,"Lindahl, Miss. Agda Thorilda Viktoria",female,25,0,0,347071,7.775,?,S,?,?,? +3,0,"Lindblom, Miss. Augusta Charlotta",female,45,0,0,347073,7.75,?,S,?,?,? +3,0,"Lindell, Mr. Edvard Bengtsson",male,36,1,0,349910,15.55,?,S,A,?,? +3,0,"Lindell, Mrs. Edvard Bengtsson (Elin Gerda Persson)",female,30,1,0,349910,15.55,?,S,A,?,? +3,1,"Lindqvist, Mr. Eino William",male,20,1,0,STON/O 2. 3101285,7.925,?,S,15,?,? +3,0,"Linehan, Mr. Michael",male,?,0,0,330971,7.8792,?,Q,?,?,? +3,0,"Ling, Mr. Lee",male,28,0,0,1601,56.4958,?,S,?,?,? +3,0,"Lithman, Mr. Simon",male,?,0,0,S.O./P.P. 251,7.55,?,S,?,?,? +3,0,"Lobb, Mr. William Arthur",male,30,1,0,A/5. 3336,16.1,?,S,?,?,? +3,0,"Lobb, Mrs. William Arthur (Cordelia K Stanlick)",female,26,1,0,A/5. 3336,16.1,?,S,?,?,? +3,0,"Lockyer, Mr. Edward",male,?,0,0,1222,7.8792,?,S,?,153,? +3,0,"Lovell, Mr. John Hall ('Henry')",male,20.5,0,0,A/5 21173,7.25,?,S,?,?,? +3,1,"Lulic, Mr. Nikola",male,27,0,0,315098,8.6625,?,S,15,?,? +3,0,"Lundahl, Mr. Johan Svensson",male,51,0,0,347743,7.0542,?,S,?,?,? +3,1,"Lundin, Miss. Olga Elida",female,23,0,0,347469,7.8542,?,S,10,?,? +3,1,"Lundstrom, Mr. Thure Edvin",male,32,0,0,350403,7.5792,?,S,15,?,? +3,0,"Lyntakoff, Mr. Stanko",male,?,0,0,349235,7.8958,?,S,?,?,? +3,0,"MacKay, Mr. George William",male,?,0,0,C.A. 42795,7.55,?,S,?,?,? +3,1,"Madigan, Miss. Margaret 'Maggie'",female,?,0,0,370370,7.75,?,Q,15,?,? +3,1,"Madsen, Mr. Fridtjof Arne",male,24,0,0,C 17369,7.1417,?,S,13,?,? +3,0,"Maenpaa, Mr. Matti Alexanteri",male,22,0,0,STON/O 2. 3101275,7.125,?,S,?,?,? +3,0,"Mahon, Miss. Bridget Delia",female,?,0,0,330924,7.8792,?,Q,?,?,? +3,0,"Mahon, Mr. John",male,?,0,0,AQ/4 3130,7.75,?,Q,?,?,? +3,0,"Maisner, Mr. Simon",male,?,0,0,A/S 2816,8.05,?,S,?,?,? +3,0,"Makinen, Mr. Kalle Edvard",male,29,0,0,STON/O 2. 3101268,7.925,?,S,?,?,? +3,1,"Mamee, Mr. Hanna",male,?,0,0,2677,7.2292,?,C,15,?,? +3,0,"Mangan, Miss. Mary",female,30.5,0,0,364850,7.75,?,Q,?,61,? +3,1,"Mannion, Miss. Margareth",female,?,0,0,36866,7.7375,?,Q,16,?,? +3,0,"Mardirosian, Mr. Sarkis",male,?,0,0,2655,7.2292,F E46,C,?,?,? +3,0,"Markoff, Mr. Marin",male,35,0,0,349213,7.8958,?,C,?,?,? +3,0,"Markun, Mr. Johann",male,33,0,0,349257,7.8958,?,S,?,?,? +3,1,"Masselmani, Mrs. Fatima",female,?,0,0,2649,7.225,?,C,C,?,? +3,0,"Matinoff, Mr. Nicola",male,?,0,0,349255,7.8958,?,C,?,?,? +3,1,"McCarthy, Miss. Catherine 'Katie'",female,?,0,0,383123,7.75,?,Q,15 16,?,? +3,1,"McCormack, Mr. Thomas Joseph",male,?,0,0,367228,7.75,?,Q,?,?,? +3,1,"McCoy, Miss. Agnes",female,?,2,0,367226,23.25,?,Q,16,?,? +3,1,"McCoy, Miss. Alicia",female,?,2,0,367226,23.25,?,Q,16,?,? +3,1,"McCoy, Mr. Bernard",male,?,2,0,367226,23.25,?,Q,16,?,? +3,1,"McDermott, Miss. Brigdet Delia",female,?,0,0,330932,7.7875,?,Q,13,?,? +3,0,"McEvoy, Mr. Michael",male,?,0,0,36568,15.5,?,Q,?,?,? +3,1,"McGovern, Miss. Mary",female,?,0,0,330931,7.8792,?,Q,13,?,? +3,1,"McGowan, Miss. Anna 'Annie'",female,15,0,0,330923,8.0292,?,Q,?,?,? +3,0,"McGowan, Miss. Katherine",female,35,0,0,9232,7.75,?,Q,?,?,? +3,0,"McMahon, Mr. Martin",male,?,0,0,370372,7.75,?,Q,?,?,? +3,0,"McNamee, Mr. Neal",male,24,1,0,376566,16.1,?,S,?,?,? +3,0,"McNamee, Mrs. Neal (Eileen O'Leary)",female,19,1,0,376566,16.1,?,S,?,53,? +3,0,"McNeill, Miss. Bridget",female,?,0,0,370368,7.75,?,Q,?,?,? +3,0,"Meanwell, Miss. (Marion Ogden)",female,?,0,0,SOTON/O.Q. 392087,8.05,?,S,?,?,? +3,0,"Meek, Mrs. Thomas (Annie Louise Rowley)",female,?,0,0,343095,8.05,?,S,?,?,? +3,0,"Meo, Mr. Alfonzo",male,55.5,0,0,A.5. 11206,8.05,?,S,?,201,? +3,0,"Mernagh, Mr. Robert",male,?,0,0,368703,7.75,?,Q,?,?,? +3,1,"Midtsjo, Mr. Karl Albert",male,21,0,0,345501,7.775,?,S,15,?,? +3,0,"Miles, Mr. Frank",male,?,0,0,359306,8.05,?,S,?,?,? +3,0,"Mineff, Mr. Ivan",male,24,0,0,349233,7.8958,?,S,?,?,? +3,0,"Minkoff, Mr. Lazar",male,21,0,0,349211,7.8958,?,S,?,?,? +3,0,"Mionoff, Mr. Stoytcho",male,28,0,0,349207,7.8958,?,S,?,?,? +3,0,"Mitkoff, Mr. Mito",male,?,0,0,349221,7.8958,?,S,?,?,? +3,1,"Mockler, Miss. Helen Mary 'Ellie'",female,?,0,0,330980,7.8792,?,Q,16,?,? +3,0,"Moen, Mr. Sigurd Hansen",male,25,0,0,348123,7.65,F G73,S,?,309,? +3,1,"Moor, Master. Meier",male,6,0,1,392096,12.475,E121,S,14,?,? +3,1,"Moor, Mrs. (Beila)",female,27,0,1,392096,12.475,E121,S,14,?,? +3,0,"Moore, Mr. Leonard Charles",male,?,0,0,A4. 54510,8.05,?,S,?,?,? +3,1,"Moran, Miss. Bertha",female,?,1,0,371110,24.15,?,Q,16,?,? +3,0,"Moran, Mr. Daniel J",male,?,1,0,371110,24.15,?,Q,?,?,? +3,0,"Moran, Mr. James",male,?,0,0,330877,8.4583,?,Q,?,?,? +3,0,"Morley, Mr. William",male,34,0,0,364506,8.05,?,S,?,?,? +3,0,"Morrow, Mr. Thomas Rowan",male,?,0,0,372622,7.75,?,Q,?,?,? +3,1,"Moss, Mr. Albert Johan",male,?,0,0,312991,7.775,?,S,B,?,? +3,1,"Moubarek, Master. Gerios",male,?,1,1,2661,15.2458,?,C,C,?,? +3,1,"Moubarek, Master. Halim Gonios ('William George')",male,?,1,1,2661,15.2458,?,C,C,?,? +3,1,"Moubarek, Mrs. George (Omine 'Amenia' Alexander)",female,?,0,2,2661,15.2458,?,C,C,?,? +3,1,"Moussa, Mrs. (Mantoura Boulos)",female,?,0,0,2626,7.2292,?,C,?,?,? +3,0,"Moutal, Mr. Rahamin Haim",male,?,0,0,374746,8.05,?,S,?,?,? +3,1,"Mullens, Miss. Katherine 'Katie'",female,?,0,0,35852,7.7333,?,Q,16,?,? +3,1,"Mulvihill, Miss. Bertha E",female,24,0,0,382653,7.75,?,Q,15,?,? +3,0,"Murdlin, Mr. Joseph",male,?,0,0,A./5. 3235,8.05,?,S,?,?,? +3,1,"Murphy, Miss. Katherine 'Kate'",female,?,1,0,367230,15.5,?,Q,16,?,? +3,1,"Murphy, Miss. Margaret Jane",female,?,1,0,367230,15.5,?,Q,16,?,? +3,1,"Murphy, Miss. Nora",female,?,0,0,36568,15.5,?,Q,16,?,? +3,0,"Myhrman, Mr. Pehr Fabian Oliver Malkolm",male,18,0,0,347078,7.75,?,S,?,?,? +3,0,"Naidenoff, Mr. Penko",male,22,0,0,349206,7.8958,?,S,?,?,? +3,1,"Najib, Miss. Adele Kiamie 'Jane'",female,15,0,0,2667,7.225,?,C,C,?,? +3,1,"Nakid, Miss. Maria ('Mary')",female,1,0,2,2653,15.7417,?,C,C,?,? +3,1,"Nakid, Mr. Sahid",male,20,1,1,2653,15.7417,?,C,C,?,? +3,1,"Nakid, Mrs. Said (Waika 'Mary' Mowad)",female,19,1,1,2653,15.7417,?,C,C,?,? +3,0,"Nancarrow, Mr. William Henry",male,33,0,0,A./5. 3338,8.05,?,S,?,?,? +3,0,"Nankoff, Mr. Minko",male,?,0,0,349218,7.8958,?,S,?,?,? +3,0,"Nasr, Mr. Mustafa",male,?,0,0,2652,7.2292,?,C,?,?,? +3,0,"Naughton, Miss. Hannah",female,?,0,0,365237,7.75,?,Q,?,?,? +3,0,"Nenkoff, Mr. Christo",male,?,0,0,349234,7.8958,?,S,?,?,? +3,1,"Nicola-Yarred, Master. Elias",male,12,1,0,2651,11.2417,?,C,C,?,? +3,1,"Nicola-Yarred, Miss. Jamila",female,14,1,0,2651,11.2417,?,C,C,?,? +3,0,"Nieminen, Miss. Manta Josefina",female,29,0,0,3101297,7.925,?,S,?,?,? +3,0,"Niklasson, Mr. Samuel",male,28,0,0,363611,8.05,?,S,?,?,? +3,1,"Nilsson, Miss. Berta Olivia",female,18,0,0,347066,7.775,?,S,D,?,? +3,1,"Nilsson, Miss. Helmina Josefina",female,26,0,0,347470,7.8542,?,S,13,?,? +3,0,"Nilsson, Mr. August Ferdinand",male,21,0,0,350410,7.8542,?,S,?,?,? +3,0,"Nirva, Mr. Iisakki Antino Aijo",male,41,0,0,SOTON/O2 3101272,7.125,?,S,?,?,"Finland Sudbury, ON" +3,1,"Niskanen, Mr. Juha",male,39,0,0,STON/O 2. 3101289,7.925,?,S,9,?,? +3,0,"Nosworthy, Mr. Richard Cater",male,21,0,0,A/4. 39886,7.8,?,S,?,?,? +3,0,"Novel, Mr. Mansouer",male,28.5,0,0,2697,7.2292,?,C,?,181,? +3,1,"Nysten, Miss. Anna Sofia",female,22,0,0,347081,7.75,?,S,13,?,? +3,0,"Nysveen, Mr. Johan Hansen",male,61,0,0,345364,6.2375,?,S,?,?,? +3,0,"O'Brien, Mr. Thomas",male,?,1,0,370365,15.5,?,Q,?,?,? +3,0,"O'Brien, Mr. Timothy",male,?,0,0,330979,7.8292,?,Q,?,?,? +3,1,"O'Brien, Mrs. Thomas (Johanna 'Hannah' Godfrey)",female,?,1,0,370365,15.5,?,Q,?,?,? +3,0,"O'Connell, Mr. Patrick D",male,?,0,0,334912,7.7333,?,Q,?,?,? +3,0,"O'Connor, Mr. Maurice",male,?,0,0,371060,7.75,?,Q,?,?,? +3,0,"O'Connor, Mr. Patrick",male,?,0,0,366713,7.75,?,Q,?,?,? +3,0,"Odahl, Mr. Nils Martin",male,23,0,0,7267,9.225,?,S,?,?,? +3,0,"O'Donoghue, Ms. Bridget",female,?,0,0,364856,7.75,?,Q,?,?,? +3,1,"O'Driscoll, Miss. Bridget",female,?,0,0,14311,7.75,?,Q,D,?,? +3,1,"O'Dwyer, Miss. Ellen 'Nellie'",female,?,0,0,330959,7.8792,?,Q,?,?,? +3,1,"Ohman, Miss. Velin",female,22,0,0,347085,7.775,?,S,C,?,? +3,1,"O'Keefe, Mr. Patrick",male,?,0,0,368402,7.75,?,Q,B,?,? +3,1,"O'Leary, Miss. Hanora 'Norah'",female,?,0,0,330919,7.8292,?,Q,13,?,? +3,1,"Olsen, Master. Artur Karl",male,9,0,1,C 17368,3.1708,?,S,13,?,? +3,0,"Olsen, Mr. Henry Margido",male,28,0,0,C 4001,22.525,?,S,?,173,? +3,0,"Olsen, Mr. Karl Siegwart Andreas",male,42,0,1,4579,8.4042,?,S,?,?,? +3,0,"Olsen, Mr. Ole Martin",male,?,0,0,Fa 265302,7.3125,?,S,?,?,? +3,0,"Olsson, Miss. Elina",female,31,0,0,350407,7.8542,?,S,?,?,? +3,0,"Olsson, Mr. Nils Johan Goransson",male,28,0,0,347464,7.8542,?,S,?,?,? +3,1,"Olsson, Mr. Oscar Wilhelm",male,32,0,0,347079,7.775,?,S,A,?,? +3,0,"Olsvigen, Mr. Thor Anderson",male,20,0,0,6563,9.225,?,S,?,89,"Oslo, Norway Cameron, WI" +3,0,"Oreskovic, Miss. Jelka",female,23,0,0,315085,8.6625,?,S,?,?,? +3,0,"Oreskovic, Miss. Marija",female,20,0,0,315096,8.6625,?,S,?,?,? +3,0,"Oreskovic, Mr. Luka",male,20,0,0,315094,8.6625,?,S,?,?,? +3,0,"Osen, Mr. Olaf Elon",male,16,0,0,7534,9.2167,?,S,?,?,? +3,1,"Osman, Mrs. Mara",female,31,0,0,349244,8.6833,?,S,?,?,? +3,0,"O'Sullivan, Miss. Bridget Mary",female,?,0,0,330909,7.6292,?,Q,?,?,? +3,0,"Palsson, Master. Gosta Leonard",male,2,3,1,349909,21.075,?,S,?,4,? +3,0,"Palsson, Master. Paul Folke",male,6,3,1,349909,21.075,?,S,?,?,? +3,0,"Palsson, Miss. Stina Viola",female,3,3,1,349909,21.075,?,S,?,?,? +3,0,"Palsson, Miss. Torborg Danira",female,8,3,1,349909,21.075,?,S,?,?,? +3,0,"Palsson, Mrs. Nils (Alma Cornelia Berglund)",female,29,0,4,349909,21.075,?,S,?,206,? +3,0,"Panula, Master. Eino Viljami",male,1,4,1,3101295,39.6875,?,S,?,?,? +3,0,"Panula, Master. Juha Niilo",male,7,4,1,3101295,39.6875,?,S,?,?,? +3,0,"Panula, Master. Urho Abraham",male,2,4,1,3101295,39.6875,?,S,?,?,? +3,0,"Panula, Mr. Ernesti Arvid",male,16,4,1,3101295,39.6875,?,S,?,?,? +3,0,"Panula, Mr. Jaako Arnold",male,14,4,1,3101295,39.6875,?,S,?,?,? +3,0,"Panula, Mrs. Juha (Maria Emilia Ojala)",female,41,0,5,3101295,39.6875,?,S,?,?,? +3,0,"Pasic, Mr. Jakob",male,21,0,0,315097,8.6625,?,S,?,?,? +3,0,"Patchett, Mr. George",male,19,0,0,358585,14.5,?,S,?,?,? +3,0,"Paulner, Mr. Uscher",male,?,0,0,3411,8.7125,?,C,?,?,? +3,0,"Pavlovic, Mr. Stefo",male,32,0,0,349242,7.8958,?,S,?,?,? +3,0,"Peacock, Master. Alfred Edward",male,0.75,1,1,SOTON/O.Q. 3101315,13.775,?,S,?,?,? +3,0,"Peacock, Miss. Treasteall",female,3,1,1,SOTON/O.Q. 3101315,13.775,?,S,?,?,? +3,0,"Peacock, Mrs. Benjamin (Edith Nile)",female,26,0,2,SOTON/O.Q. 3101315,13.775,?,S,?,?,? +3,0,"Pearce, Mr. Ernest",male,?,0,0,343271,7,?,S,?,?,? +3,0,"Pedersen, Mr. Olaf",male,?,0,0,345498,7.775,?,S,?,?,? +3,0,"Peduzzi, Mr. Joseph",male,?,0,0,A/5 2817,8.05,?,S,?,?,? +3,0,"Pekoniemi, Mr. Edvard",male,21,0,0,STON/O 2. 3101294,7.925,?,S,?,?,? +3,0,"Peltomaki, Mr. Nikolai Johannes",male,25,0,0,STON/O 2. 3101291,7.925,?,S,?,?,? +3,0,"Perkin, Mr. John Henry",male,22,0,0,A/5 21174,7.25,?,S,?,?,? +3,1,"Persson, Mr. Ernst Ulrik",male,25,1,0,347083,7.775,?,S,15,?,? +3,1,"Peter, Master. Michael J",male,?,1,1,2668,22.3583,?,C,C,?,? +3,1,"Peter, Miss. Anna",female,?,1,1,2668,22.3583,F E69,C,D,?,? +3,1,"Peter, Mrs. Catherine (Catherine Rizk)",female,?,0,2,2668,22.3583,?,C,D,?,? +3,0,"Peters, Miss. Katie",female,?,0,0,330935,8.1375,?,Q,?,?,? +3,0,"Petersen, Mr. Marius",male,24,0,0,342441,8.05,?,S,?,?,? +3,0,"Petranec, Miss. Matilda",female,28,0,0,349245,7.8958,?,S,?,?,? +3,0,"Petroff, Mr. Nedelio",male,19,0,0,349212,7.8958,?,S,?,?,? +3,0,"Petroff, Mr. Pastcho ('Pentcho')",male,?,0,0,349215,7.8958,?,S,?,?,? +3,0,"Petterson, Mr. Johan Emil",male,25,1,0,347076,7.775,?,S,?,?,? +3,0,"Pettersson, Miss. Ellen Natalia",female,18,0,0,347087,7.775,?,S,?,?,? +3,1,"Pickard, Mr. Berk (Berk Trembisky)",male,32,0,0,SOTON/O.Q. 392078,8.05,E10,S,9,?,? +3,0,"Plotcharsky, Mr. Vasil",male,?,0,0,349227,7.8958,?,S,?,?,? +3,0,"Pokrnic, Mr. Mate",male,17,0,0,315095,8.6625,?,S,?,?,? +3,0,"Pokrnic, Mr. Tome",male,24,0,0,315092,8.6625,?,S,?,?,? +3,0,"Radeff, Mr. Alexander",male,?,0,0,349223,7.8958,?,S,?,?,? +3,0,"Rasmussen, Mrs. (Lena Jacobsen Solvang)",female,?,0,0,65305,8.1125,?,S,?,?,? +3,0,"Razi, Mr. Raihed",male,?,0,0,2629,7.2292,?,C,?,?,? +3,0,"Reed, Mr. James George",male,?,0,0,362316,7.25,?,S,?,?,? +3,0,"Rekic, Mr. Tido",male,38,0,0,349249,7.8958,?,S,?,?,? +3,0,"Reynolds, Mr. Harold J",male,21,0,0,342684,8.05,?,S,?,?,? +3,0,"Rice, Master. Albert",male,10,4,1,382652,29.125,?,Q,?,?,? +3,0,"Rice, Master. Arthur",male,4,4,1,382652,29.125,?,Q,?,?,? +3,0,"Rice, Master. Eric",male,7,4,1,382652,29.125,?,Q,?,?,? +3,0,"Rice, Master. Eugene",male,2,4,1,382652,29.125,?,Q,?,?,? +3,0,"Rice, Master. George Hugh",male,8,4,1,382652,29.125,?,Q,?,?,? +3,0,"Rice, Mrs. William (Margaret Norton)",female,39,0,5,382652,29.125,?,Q,?,327,? +3,0,"Riihivouri, Miss. Susanna Juhantytar 'Sanni'",female,22,0,0,3101295,39.6875,?,S,?,?,? +3,0,"Rintamaki, Mr. Matti",male,35,0,0,STON/O 2. 3101273,7.125,?,S,?,?,? +3,1,"Riordan, Miss. Johanna 'Hannah'",female,?,0,0,334915,7.7208,?,Q,13,?,? +3,0,"Risien, Mr. Samuel Beard",male,?,0,0,364498,14.5,?,S,?,?,? +3,0,"Risien, Mrs. Samuel (Emma)",female,?,0,0,364498,14.5,?,S,?,?,? +3,0,"Robins, Mr. Alexander A",male,50,1,0,A/5. 3337,14.5,?,S,?,119,? +3,0,"Robins, Mrs. Alexander A (Grace Charity Laury)",female,47,1,0,A/5. 3337,14.5,?,S,?,7,? +3,0,"Rogers, Mr. William John",male,?,0,0,S.C./A.4. 23567,8.05,?,S,?,?,? +3,0,"Rommetvedt, Mr. Knud Paust",male,?,0,0,312993,7.775,?,S,?,?,? +3,0,"Rosblom, Miss. Salli Helena",female,2,1,1,370129,20.2125,?,S,?,?,? +3,0,"Rosblom, Mr. Viktor Richard",male,18,1,1,370129,20.2125,?,S,?,?,? +3,0,"Rosblom, Mrs. Viktor (Helena Wilhelmina)",female,41,0,2,370129,20.2125,?,S,?,?,? +3,1,"Roth, Miss. Sarah A",female,?,0,0,342712,8.05,?,S,C,?,? +3,0,"Rouse, Mr. Richard Henry",male,50,0,0,A/5 3594,8.05,?,S,?,?,? +3,0,"Rush, Mr. Alfred George John",male,16,0,0,A/4. 20589,8.05,?,S,?,?,? +3,1,"Ryan, Mr. Edward",male,?,0,0,383162,7.75,?,Q,14,?,? +3,0,"Ryan, Mr. Patrick",male,?,0,0,371110,24.15,?,Q,?,?,? +3,0,"Saad, Mr. Amin",male,?,0,0,2671,7.2292,?,C,?,?,? +3,0,"Saad, Mr. Khalil",male,25,0,0,2672,7.225,?,C,?,?,? +3,0,"Saade, Mr. Jean Nassr",male,?,0,0,2676,7.225,?,C,?,?,? +3,0,"Sadlier, Mr. Matthew",male,?,0,0,367655,7.7292,?,Q,?,?,? +3,0,"Sadowitz, Mr. Harry",male,?,0,0,LP 1588,7.575,?,S,?,?,? +3,0,"Saether, Mr. Simon Sivertsen",male,38.5,0,0,SOTON/O.Q. 3101262,7.25,?,S,?,32,? +3,0,"Sage, Master. Thomas Henry",male,?,8,2,CA. 2343,69.55,?,S,?,?,? +3,0,"Sage, Master. William Henry",male,14.5,8,2,CA. 2343,69.55,?,S,?,67,? +3,0,"Sage, Miss. Ada",female,?,8,2,CA. 2343,69.55,?,S,?,?,? +3,0,"Sage, Miss. Constance Gladys",female,?,8,2,CA. 2343,69.55,?,S,?,?,? +3,0,"Sage, Miss. Dorothy Edith 'Dolly'",female,?,8,2,CA. 2343,69.55,?,S,?,?,? +3,0,"Sage, Miss. Stella Anna",female,?,8,2,CA. 2343,69.55,?,S,?,?,? +3,0,"Sage, Mr. Douglas Bullen",male,?,8,2,CA. 2343,69.55,?,S,?,?,? +3,0,"Sage, Mr. Frederick",male,?,8,2,CA. 2343,69.55,?,S,?,?,? +3,0,"Sage, Mr. George John Jr",male,?,8,2,CA. 2343,69.55,?,S,?,?,? +3,0,"Sage, Mr. John George",male,?,1,9,CA. 2343,69.55,?,S,?,?,? +3,0,"Sage, Mrs. John (Annie Bullen)",female,?,1,9,CA. 2343,69.55,?,S,?,?,? +3,0,"Salander, Mr. Karl Johan",male,24,0,0,7266,9.325,?,S,?,?,? +3,1,"Salkjelsvik, Miss. Anna Kristine",female,21,0,0,343120,7.65,?,S,C,?,? +3,0,"Salonen, Mr. Johan Werner",male,39,0,0,3101296,7.925,?,S,?,?,? +3,0,"Samaan, Mr. Elias",male,?,2,0,2662,21.6792,?,C,?,?,? +3,0,"Samaan, Mr. Hanna",male,?,2,0,2662,21.6792,?,C,?,?,? +3,0,"Samaan, Mr. Youssef",male,?,2,0,2662,21.6792,?,C,?,?,? +3,1,"Sandstrom, Miss. Beatrice Irene",female,1,1,1,PP 9549,16.7,G6,S,13,?,? +3,1,"Sandstrom, Mrs. Hjalmar (Agnes Charlotta Bengtsson)",female,24,0,2,PP 9549,16.7,G6,S,13,?,? +3,1,"Sandstrom, Miss. Marguerite Rut",female,4,1,1,PP 9549,16.7,G6,S,13,?,? +3,1,"Sap, Mr. Julius",male,25,0,0,345768,9.5,?,S,11,?,? +3,0,"Saundercock, Mr. William Henry",male,20,0,0,A/5. 2151,8.05,?,S,?,?,? +3,0,"Sawyer, Mr. Frederick Charles",male,24.5,0,0,342826,8.05,?,S,?,284,? +3,0,"Scanlan, Mr. James",male,?,0,0,36209,7.725,?,Q,?,?,? +3,0,"Sdycoff, Mr. Todor",male,?,0,0,349222,7.8958,?,S,?,?,? +3,0,"Shaughnessy, Mr. Patrick",male,?,0,0,370374,7.75,?,Q,?,?,? +3,1,"Sheerlinck, Mr. Jan Baptist",male,29,0,0,345779,9.5,?,S,11,?,? +3,0,"Shellard, Mr. Frederick William",male,?,0,0,C.A. 6212,15.1,?,S,?,?,? +3,1,"Shine, Miss. Ellen Natalia",female,?,0,0,330968,7.7792,?,Q,?,?,? +3,0,"Shorney, Mr. Charles Joseph",male,?,0,0,374910,8.05,?,S,?,?,? +3,0,"Simmons, Mr. John",male,?,0,0,SOTON/OQ 392082,8.05,?,S,?,?,? +3,0,"Sirayanian, Mr. Orsen",male,22,0,0,2669,7.2292,?,C,?,?,? +3,0,"Sirota, Mr. Maurice",male,?,0,0,392092,8.05,?,S,?,?,? +3,0,"Sivic, Mr. Husein",male,40,0,0,349251,7.8958,?,S,?,?,? +3,0,"Sivola, Mr. Antti Wilhelm",male,21,0,0,STON/O 2. 3101280,7.925,?,S,?,?,? +3,1,"Sjoblom, Miss. Anna Sofia",female,18,0,0,3101265,7.4958,?,S,16,?,? +3,0,"Skoog, Master. Harald",male,4,3,2,347088,27.9,?,S,?,?,? +3,0,"Skoog, Master. Karl Thorsten",male,10,3,2,347088,27.9,?,S,?,?,? +3,0,"Skoog, Miss. Mabel",female,9,3,2,347088,27.9,?,S,?,?,? +3,0,"Skoog, Miss. Margit Elizabeth",female,2,3,2,347088,27.9,?,S,?,?,? +3,0,"Skoog, Mr. Wilhelm",male,40,1,4,347088,27.9,?,S,?,?,? +3,0,"Skoog, Mrs. William (Anna Bernhardina Karlsson)",female,45,1,4,347088,27.9,?,S,?,?,? +3,0,"Slabenoff, Mr. Petco",male,?,0,0,349214,7.8958,?,S,?,?,? +3,0,"Slocovski, Mr. Selman Francis",male,?,0,0,SOTON/OQ 392086,8.05,?,S,?,?,? +3,0,"Smiljanic, Mr. Mile",male,?,0,0,315037,8.6625,?,S,?,?,? +3,0,"Smith, Mr. Thomas",male,?,0,0,384461,7.75,?,Q,?,?,? +3,1,"Smyth, Miss. Julia",female,?,0,0,335432,7.7333,?,Q,13,?,? +3,0,"Soholt, Mr. Peter Andreas Lauritz Andersen",male,19,0,0,348124,7.65,F G73,S,?,?,? +3,0,"Somerton, Mr. Francis William",male,30,0,0,A.5. 18509,8.05,?,S,?,?,? +3,0,"Spector, Mr. Woolf",male,?,0,0,A.5. 3236,8.05,?,S,?,?,? +3,0,"Spinner, Mr. Henry John",male,32,0,0,STON/OQ. 369943,8.05,?,S,?,?,? +3,0,"Staneff, Mr. Ivan",male,?,0,0,349208,7.8958,?,S,?,?,? +3,0,"Stankovic, Mr. Ivan",male,33,0,0,349239,8.6625,?,C,?,?,? +3,1,"Stanley, Miss. Amy Zillah Elsie",female,23,0,0,CA. 2314,7.55,?,S,C,?,? +3,0,"Stanley, Mr. Edward Roland",male,21,0,0,A/4 45380,8.05,?,S,?,?,? +3,0,"Storey, Mr. Thomas",male,60.5,0,0,3701,?,?,S,?,261,? +3,0,"Stoytcheff, Mr. Ilia",male,19,0,0,349205,7.8958,?,S,?,?,? +3,0,"Strandberg, Miss. Ida Sofia",female,22,0,0,7553,9.8375,?,S,?,?,? +3,1,"Stranden, Mr. Juho",male,31,0,0,STON/O 2. 3101288,7.925,?,S,9,?,? +3,0,"Strilic, Mr. Ivan",male,27,0,0,315083,8.6625,?,S,?,?,? +3,0,"Strom, Miss. Telma Matilda",female,2,0,1,347054,10.4625,G6,S,?,?,? +3,0,"Strom, Mrs. Wilhelm (Elna Matilda Persson)",female,29,1,1,347054,10.4625,G6,S,?,?,? +3,1,"Sunderland, Mr. Victor Francis",male,16,0,0,SOTON/OQ 392089,8.05,?,S,B,?,? +3,1,"Sundman, Mr. Johan Julian",male,44,0,0,STON/O 2. 3101269,7.925,?,S,15,?,? +3,0,"Sutehall, Mr. Henry Jr",male,25,0,0,SOTON/OQ 392076,7.05,?,S,?,?,? +3,0,"Svensson, Mr. Johan",male,74,0,0,347060,7.775,?,S,?,?,? +3,1,"Svensson, Mr. Johan Cervin",male,14,0,0,7538,9.225,?,S,13,?,? +3,0,"Svensson, Mr. Olof",male,24,0,0,350035,7.7958,?,S,?,?,? +3,1,"Tenglin, Mr. Gunnar Isidor",male,25,0,0,350033,7.7958,?,S,13 15,?,? +3,0,"Theobald, Mr. Thomas Leonard",male,34,0,0,363294,8.05,?,S,?,176,? +3,1,"Thomas, Master. Assad Alexander",male,0.4167,0,1,2625,8.5167,?,C,16,?,? +3,0,"Thomas, Mr. Charles P",male,?,1,0,2621,6.4375,?,C,?,?,? +3,0,"Thomas, Mr. John",male,?,0,0,2681,6.4375,?,C,?,?,? +3,0,"Thomas, Mr. Tannous",male,?,0,0,2684,7.225,?,C,?,?,? +3,1,"Thomas, Mrs. Alexander (Thamine 'Thelma')",female,16,1,1,2625,8.5167,?,C,14,?,? +3,0,"Thomson, Mr. Alexander Morrison",male,?,0,0,32302,8.05,?,S,?,?,? +3,0,"Thorneycroft, Mr. Percival",male,?,1,0,376564,16.1,?,S,?,?,? +3,1,"Thorneycroft, Mrs. Percival (Florence Kate White)",female,?,1,0,376564,16.1,?,S,10,?,? +3,0,"Tikkanen, Mr. Juho",male,32,0,0,STON/O 2. 3101293,7.925,?,S,?,?,? +3,0,"Tobin, Mr. Roger",male,?,0,0,383121,7.75,F38,Q,?,?,? +3,0,"Todoroff, Mr. Lalio",male,?,0,0,349216,7.8958,?,S,?,?,? +3,0,"Tomlin, Mr. Ernest Portage",male,30.5,0,0,364499,8.05,?,S,?,50,? +3,0,"Torber, Mr. Ernst William",male,44,0,0,364511,8.05,?,S,?,?,? +3,0,"Torfa, Mr. Assad",male,?,0,0,2673,7.2292,?,C,?,?,? +3,1,"Tornquist, Mr. William Henry",male,25,0,0,LINE,0,?,S,15,?,? +3,0,"Toufik, Mr. Nakli",male,?,0,0,2641,7.2292,?,C,?,?,? +3,1,"Touma, Master. Georges Youssef",male,7,1,1,2650,15.2458,?,C,C,?,? +3,1,"Touma, Miss. Maria Youssef",female,9,1,1,2650,15.2458,?,C,C,?,? +3,1,"Touma, Mrs. Darwis (Hanne Youssef Razi)",female,29,0,2,2650,15.2458,?,C,C,?,? +3,0,"Turcin, Mr. Stjepan",male,36,0,0,349247,7.8958,?,S,?,?,? +3,1,"Turja, Miss. Anna Sofia",female,18,0,0,4138,9.8417,?,S,15,?,? +3,1,"Turkula, Mrs. (Hedwig)",female,63,0,0,4134,9.5875,?,S,15,?,? +3,0,"van Billiard, Master. James William",male,?,1,1,A/5. 851,14.5,?,S,?,?,? +3,0,"van Billiard, Master. Walter John",male,11.5,1,1,A/5. 851,14.5,?,S,?,1,? +3,0,"van Billiard, Mr. Austin Blyler",male,40.5,0,2,A/5. 851,14.5,?,S,?,255,? +3,0,"Van Impe, Miss. Catharina",female,10,0,2,345773,24.15,?,S,?,?,? +3,0,"Van Impe, Mr. Jean Baptiste",male,36,1,1,345773,24.15,?,S,?,?,? +3,0,"Van Impe, Mrs. Jean Baptiste (Rosalie Paula Govaert)",female,30,1,1,345773,24.15,?,S,?,?,? +3,0,"van Melkebeke, Mr. Philemon",male,?,0,0,345777,9.5,?,S,?,?,? +3,0,"Vande Velde, Mr. Johannes Joseph",male,33,0,0,345780,9.5,?,S,?,?,? +3,0,"Vande Walle, Mr. Nestor Cyriel",male,28,0,0,345770,9.5,?,S,?,?,? +3,0,"Vanden Steen, Mr. Leo Peter",male,28,0,0,345783,9.5,?,S,?,?,? +3,0,"Vander Cruyssen, Mr. Victor",male,47,0,0,345765,9,?,S,?,?,? +3,0,"Vander Planke, Miss. Augusta Maria",female,18,2,0,345764,18,?,S,?,?,? +3,0,"Vander Planke, Mr. Julius",male,31,3,0,345763,18,?,S,?,?,? +3,0,"Vander Planke, Mr. Leo Edmondus",male,16,2,0,345764,18,?,S,?,?,? +3,0,"Vander Planke, Mrs. Julius (Emelia Maria Vandemoortele)",female,31,1,0,345763,18,?,S,?,?,? +3,1,"Vartanian, Mr. David",male,22,0,0,2658,7.225,?,C,13 15,?,? +3,0,"Vendel, Mr. Olof Edvin",male,20,0,0,350416,7.8542,?,S,?,?,? +3,0,"Vestrom, Miss. Hulda Amanda Adolfina",female,14,0,0,350406,7.8542,?,S,?,?,? +3,0,"Vovk, Mr. Janko",male,22,0,0,349252,7.8958,?,S,?,?,? +3,0,"Waelens, Mr. Achille",male,22,0,0,345767,9,?,S,?,?,"Antwerp, Belgium / Stanton, OH" +3,0,"Ware, Mr. Frederick",male,?,0,0,359309,8.05,?,S,?,?,? +3,0,"Warren, Mr. Charles William",male,?,0,0,C.A. 49867,7.55,?,S,?,?,? +3,0,"Webber, Mr. James",male,?,0,0,SOTON/OQ 3101316,8.05,?,S,?,?,? +3,0,"Wenzel, Mr. Linhart",male,32.5,0,0,345775,9.5,?,S,?,298,? +3,1,"Whabee, Mrs. George Joseph (Shawneene Abi-Saab)",female,38,0,0,2688,7.2292,?,C,C,?,? +3,0,"Widegren, Mr. Carl/Charles Peter",male,51,0,0,347064,7.75,?,S,?,?,? +3,0,"Wiklund, Mr. Jakob Alfred",male,18,1,0,3101267,6.4958,?,S,?,314,? +3,0,"Wiklund, Mr. Karl Johan",male,21,1,0,3101266,6.4958,?,S,?,?,? +3,1,"Wilkes, Mrs. James (Ellen Needs)",female,47,1,0,363272,7,?,S,?,?,? +3,0,"Willer, Mr. Aaron ('Abi Weller')",male,?,0,0,3410,8.7125,?,S,?,?,? +3,0,"Willey, Mr. Edward",male,?,0,0,S.O./P.P. 751,7.55,?,S,?,?,? +3,0,"Williams, Mr. Howard Hugh 'Harry'",male,?,0,0,A/5 2466,8.05,?,S,?,?,? +3,0,"Williams, Mr. Leslie",male,28.5,0,0,54636,16.1,?,S,?,14,? +3,0,"Windelov, Mr. Einar",male,21,0,0,SOTON/OQ 3101317,7.25,?,S,?,?,? +3,0,"Wirz, Mr. Albert",male,27,0,0,315154,8.6625,?,S,?,131,? +3,0,"Wiseman, Mr. Phillippe",male,?,0,0,A/4. 34244,7.25,?,S,?,?,? +3,0,"Wittevrongel, Mr. Camille",male,36,0,0,345771,9.5,?,S,?,?,? +3,0,"Yasbeck, Mr. Antoni",male,27,1,0,2659,14.4542,?,C,C,?,? +3,1,"Yasbeck, Mrs. Antoni (Selini Alexander)",female,15,1,0,2659,14.4542,?,C,?,?,? +3,0,"Youseff, Mr. Gerious",male,45.5,0,0,2628,7.225,?,C,?,312,? +3,0,"Yousif, Mr. Wazli",male,?,0,0,2647,7.225,?,C,?,?,? +3,0,"Yousseff, Mr. Gerious",male,?,0,0,2627,14.4583,?,C,?,?,? +3,0,"Zabour, Miss. Hileni",female,14.5,1,0,2665,14.4542,?,C,?,328,? +3,0,"Zabour, Miss. Thamine",female,?,1,0,2665,14.4542,?,C,?,?,? +3,0,"Zakarian, Mr. Mapriededer",male,26.5,0,0,2656,7.225,?,C,?,304,? +3,0,"Zakarian, Mr. Ortin",male,27,0,0,2670,7.225,?,C,?,?,? +3,0,"Zimmerman, Mr. Leo",male,29,0,0,315082,7.875,?,S,?,?,? diff --git a/2.markov-chains/2.markov.ipynb b/2.markov-chains/2.markov.ipynb new file mode 100644 index 0000000..a7f337d --- /dev/null +++ b/2.markov-chains/2.markov.ipynb @@ -0,0 +1,1186 @@ +{ + "cells": [ + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "# Language generation and language models" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Can you give the next word in the following phrases?\n", + "\n", + "> Never gonna give you _\n", + "> \n", + "> That's one small step for a man, one _\n", + "> \n", + "> A bird in the hand is worth _\n", + "> \n", + "> London bridge is falling _\n", + "> \n", + "> To be or not to be, that is _\n", + "> \n", + "> It was the best of times, it was _\n", + "> \n", + "> The quick brown fox jumped _\n", + "\n", + "The chances are, you were able to give the next word, if not complete the whole phrase. This is because, in a lot of cases, language use is stereotyped. Certain words follow from certain phrases, and we can use that to help a machine work fluently with language.\n", + "\n", + "We can use this facility in a few ways. One is to help us understand human speech input. Often, the sounds we make while speaking can have more that one interpretation (try saying quickly \"recognise speech\" and \"wreck a nice beach\" to someone, and ask them which is which). In these cases, having some idea of the likely words can help us disambiguate the sounds the machine hears. We can also use the predictability of language to detect spelling and grammar mistakes; a grammar checker can detect incongurous words and suggest them for revision.\n", + "\n", + "Another application, one we'll be looking at here, is about _generating_ text that reads like a plausible new example of some source. If we build a language model using only text from one source (or a limited range of sources), that model will reflect that corpus of text. If we generate text with that model, it should have a similar style to the source." + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## A language model" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "These applications rely on having a _language model_, a description of what the language should look like. There are many types of language model. You've probably heard of the \"large language models\" used by tools such as ChatGPT. For this example, we'll use a much smaller model, but it's surprising how well even this small, simple model can work.\n", + "\n", + "Our language model is inspired by the quiz above: if we know the last few words that have been used, we can make a prediction about what comes next. This is called an **_n_-gram** model in the literature, where _n_ is now many words of context we're using.\n", + "\n", + "For instance, let's we take the first line of _A Tale of Two Cities_\n", + "\n", + "> It was the best of times, it was the worst of times …\n", + "\n", + "We can build a 2-gram (bigram) model of this text. We slide a two-word-long window along the text and record, for each bigram, the word that comes next. Sliding the window looks a bit like this:\n", + "\n", + "| it | was | the | best | of | times | it | was | the | worst | of | times |\n", + "|----|-----|-----|------|----|-------|----|-----|-----|-------|----|-------|\n", + "| it | was | the | | | | | | | | | |\n", + "| | was | the | best | | | | | | | | |\n", + "| | | the | best | of | | | | | | | |\n", + "| | | | best | of | times | | | | | | |\n", + "| | | | | of | times | it | | | | | |\n", + "| | | | | | times | it | was | | | | |\n", + "| | | | | | | it | was | the | | | |\n", + "| | | | | | | | was | the | worst | | |\n", + "| | | | | | | | | the | worst | of | |\n", + "| | | | | | | | | | worst | of | times |\n", + "\n", + "We can see that the bigram \"it was\" occurs twice in that sentence, and both times it is followed by the word \"the\". We can also see that the bigram \"was the\" occurs twice, but it is followed by different words each time: once by \"best\", once by \"worst\".\n", + "\n", + "The full bigram model from this sentence looks like this:\n", + "\n", + "* it was → the: 2\n", + "* was the → best: 1, worst: 1\n", + "* the best → of: 1\n", + "* best of → times: 1\n", + "* of times → it: 1, None: 1\n", + "* times it → was: 1\n", + "* the worst → of: 1\n", + "* worst of → times: 1\n", + "\n", + "With only this short amount of text, the language model doesn't really tell us much interesting. We need more text. If we take the entire first chapter of the book, we find 878 bigrams, most of which occur only a couple of times. The most frequent ones are:\n", + "\n", + "* and a → knife: 1, queen: 2, thousand: 1\n", + "* and seventy → five: 3\n", + "* and the → fair: 1, farmer: 1, guard: 1, majesty: 1, mob: 1, musketeers: 1\n", + "* by the → dozen: 1, other: 1, woodman: 1\n", + "* hundred and → seventy: 3\n", + "* in the → capital: 1, dark: 1, earthly: 1, hand: 1, life: 1, light: 1, midst: 1, rain: 1, rough: 1, superlative: 1, woods: 1\n", + "* it was → clearer: 1, the: 11\n", + "* of the → captain: 1, chickens: 1, cock: 1, common: 1, failure: 1, heavy: 1, large: 1, law: 1, plain: 1, revolution: 1, shield: 1, state: 1\n", + "* on the → mob: 1, musketeers: 1, throne: 2, whole: 1\n", + "* one thousand → seven: 3\n", + "* seven hundred → and: 3\n", + "* seventy five → conduct: 1, environed: 1, spiritual: 1\n", + "* there were → a: 2, growing: 1, sheltered: 1\n", + "* thousand seven → hundred: 3\n", + "* to the → english: 1, human: 1, lords: 1\n", + "* was the → age: 2, best: 1, epoch: 2, season: 2, spring: 1, winter: 1, worst: 1, year: 1\n", + "* with a → fair: 1, high: 1, large: 2, plain: 1, sack: 1\n", + "\n", + "You can begin to see the flavour of Dickens in this model. For instance, the bigram \"was the\" shows that, at least in this chapter, Dickens was concerned with time and seasons. \n", + "\n", + "You should be able to see how we can use this model to generate text. If we're generating text, and we've just generated a particular _n_-gram, we can look up that _n_-gram in the language model and see the words that could come after it. We pick one of the listed words, weighted by the probability of occurrence, and emit that word. That gives us a new _n_-gram, and the process repeats.\n", + "\n", + "For instance, let's say we start with the bigram \"it was\". We can look up words that come next, and the most most likey is \"the\". We emit that word and update the \"most recent bigram\" to be \"was the\". We pick one words that could follow: \"season\". Next comes \"of\", then a choice between \"Light\" and \"Darkness\". We can build up more text as we want by repeating the process.\n", + "\n", + "\n", + "| Emitted text | Current bigram | Word choices | Chosen next word |\n", + "|--------------|----------------|--------------|------------------|\n", + "| it was | it was | clearer: 1, the: 9 | the |\n", + "| it was the | was the | age: 2, best: 1, epoch: 2, season: 2, spring: 1, winter: 1, worst: 1, year: 1 | season |\n", + "| it was the season | the season | of: 2 | of |\n", + "| it was the season of | season of | Darkness: 1, Light: 1 | Darkness |\n", + "| it was the season of Darkness | of Darkness | it: 1 | it |\n", + "| it was the season of Darkness it | Darkness it | was: 1 | was |\n", + "| it was the season of Darkness it was | it was | clearer: 1, the: 9 | the |\n", + "| it was the season of Darkness it was the | was the | age: 2, best: 1, epoch: 2, season: 2, spring: 1, winter: 1, worst: 1, year: 1 | age |\n", + "| it was the season of Darkness it was the age | the age | of: 2 | of |\n", + "| it was the season of Darkness it was the age of | age of | foolishness: 1, wisdom: 1 | wisdom |\n", + "| it was the season of Darkness it was the age of wisdom | of wisdom | it: 1 | it |\n", + "| it was the season of Darkness it was the age of wisdom it | wisdom it | was: 1 | was |\n", + "\n", + "Now you have the idea of how the _n_-gram language model is built and used, it's time to implement it. This has three stages.\n", + "\n", + "1. Represent the language model\n", + "2. Read some text and populate the model\n", + "3. Use the model to generate new text" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "# Aside: reading text files" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "We need to read large amount of text to populate our language models: a novel's-worth is about the minimum we can get away with. We need to split that text into words (and punctuation). The reading and pre-processing this text is full of fiddly details that aren't worth going into. Instead, we'll just use these couple of functions to do the pre-processing for us." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "import re\n", + "import string\n", + "import collections\n", + "import unicodedata\n", + "import random\n", + "from IPython.display import display, HTML" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "!wget --no-check-certificate https://raw.githubusercontent.com/NeilNjae/nominet-quick-start-ai/main/2.markov-chains/le-mort-d-arthur.txt\n", + "!wget --no-check-certificate https://raw.githubusercontent.com/NeilNjae/nominet-quick-start-ai/main/2.markov-chains/odyssey.txt\n", + "!wget --no-check-certificate https://raw.githubusercontent.com/NeilNjae/nominet-quick-start-ai/main/2.markov-chains/pride-and-prejudice.txt\n", + "!wget --no-check-certificate https://raw.githubusercontent.com/NeilNjae/nominet-quick-start-ai/main/2.markov-chains/tale-of-two-cities.txt" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false, + "jupyter": { + "outputs_hidden": false + } + }, + "outputs": [], + "source": [ + "token_pattern = re.compile(r'[^{}]+'.format(re.escape(string.ascii_letters + string.digits + string.punctuation)))\n", + "punctuation_pattern = re.compile('(\\d+\\.\\d+|\\w+\\'\\w+|[{0}]+(?=\\w)|(?<=\\w)[{0}]+|[{0}]+$)'.format(re.escape(string.punctuation)))" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "def tokenise(text):\n", + " \"\"\"Split a text string into tokens, splitting on spaces and punctuation,\n", + " but keeping multiple punctuation characters as one token.\"\"\"\n", + " return [ch for gp in [re.split(punctuation_pattern, t) for t in re.split(token_pattern, text)]\n", + " for ch in gp if ch]" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false, + "jupyter": { + "outputs_hidden": false + } + }, + "outputs": [], + "source": [ + "def sjoin(tokens):\n", + " \"\"\"Combine a set of tokens into a string for pretty-printing.\"\"\"\n", + " sentence = ''\n", + " for t in tokens:\n", + " if t[-1] not in \".,:;')-!?\":\n", + " sentence += ' '\n", + " sentence += t\n", + " return sentence.strip()" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "sample_text = 'The cat sat on the mat. The quick brown fox jumped over the lazy dog.'\n", + "tokenise(sample_text)" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "sjoin(tokenise(sample_text))" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Representing the language model" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Now we understand what the language model should look like, we can work out how to represent it in Python.\n", + "\n", + "The language model is a two-layered data structure. We have a bunch of _n_-grams; for each _n_-gram, we have a bunch of word choices; for each word choice we have a frequency of occurrence. These are key-value stores, so Python `dict`s are the obvious choice. That gives us a structure that looks like this:\n", + "\n", + "**Language model**\n", + "| Key | Value |\n", + "|-----|-------|\n", + "| _n_-gram | word choices |\n", + "\n", + "**Word choices**\n", + "| Key | Value |\n", + "|-----|-------|\n", + "| word | frequency |\n", + "\n", + "However, Python provides a couple of variations on `dict`s, in the [`collections`](https://docs.python.org/3/library/collections.html) library, that will make our lives easier.\n", + "\n", + "The first is a `Counter`, a `dict` specialised for counting things. We'll use this for counting the frequency of words. If we pass a sequence of things to a `Counter`, we get the counts of how often each thing occurs." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "counts = collections.Counter(tokenise(\"the cat sat on the mat\"))\n", + "counts" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "If we ask about a thing, we're told how often it occurs. Unknown keys don't generate an error, but return a count of zero." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "counts['the'], counts['aardvark']" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "If we want to count more things, we use the `update` method and pass in the new things to be counted." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "counts.update(['the', 'quick', 'brown'])\n", + "counts" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "The other useful `dict` variant is a `defaultdict`. This behaves exactly like a normal `dict` except it gives a default value if we ask for a missing key." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "dd = collections.defaultdict(str)\n", + "dd[3] = 'hat'\n", + "dd[6] = 'banana'\n", + "dd" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "dd[3], dd[99]" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Using a `defaultdict` means we don't have to check an element exists before we update it.\n", + "\n", + "The other wrinkle is that Python won't let us use (mutable) lists of words as the keys to a `dict`-like structure, so we have to convert each _n_-grams from a `list` to a `tuple`.\n", + "\n", + "But with all those implementation details out of the way, let's get on with some programming!" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "# Buidling the language model" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "With the utilities above, we can read a text file and split it into tokens. Our next job is to use that stream of tokens to build the language model.\n", + "\n", + "We'll build this up in stages, working from finding _n_-grams in a list to building the whole language model." + ] + }, + { + "cell_type": "markdown", + "metadata": { + "jp-MarkdownHeadingCollapsed": true + }, + "source": [ + "## Exercise" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Write a piece of code that will find and print the trigrams (three-word slices) of `tokenise(sample_text)`. The last couple could well be shorter than three words." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Solution" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "sentence = tokenise(sample_text)\n", + "for i in range(len(sentence)):\n", + " print(sentence[i:i+3])" + ] + }, + { + "cell_type": "markdown", + "metadata": { + "jp-MarkdownHeadingCollapsed": true + }, + "source": [ + "## Exercise" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Modify that code so it doesn't generate the final too-short trigram. This will mean stopping the loop earlier. " + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Solution" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "sentence = tokenise(sample_text)\n", + "for i in range(len(sentence)-2):\n", + " print(sentence[i:i+3])" + ] + }, + { + "cell_type": "markdown", + "metadata": { + "jp-MarkdownHeadingCollapsed": true + }, + "source": [ + "## Exercise" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Modify the code above to find the bigram we want and the next token. Convert the bigram from a list to a tuple and store it in a variable `ngram`. Store the next token in a variable `next_token`. " + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Solution" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "sentence = tokenise(sample_text)\n", + "for i in range(len(sentence)-2):\n", + " ngram = tuple(sentence[i:i+2])\n", + " next_token = sentence[i+2]\n", + " print(ngram, next_token)" + ] + }, + { + "cell_type": "markdown", + "metadata": { + "jp-MarkdownHeadingCollapsed": true + }, + "source": [ + "## Exercise" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Now store these bigrams and next tokens in a language model.\n", + "\n", + "You can create an empty language model with the line\n", + "\n", + "```python\n", + "model = collections.defaultdict(collections.Counter)\n", + "```\n", + "\n", + "You can push these results into our language model, with the line\n", + "\n", + "```python\n", + "model[ngram].update([next_token])\n", + "```" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Solution" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "sentence = tokenise(sample_text)\n", + "model = collections.defaultdict(collections.Counter)\n", + "for i in range(len(sentence)-2):\n", + " ngram = tuple(sentence[i:i+2])\n", + " next_token = sentence[i+2]\n", + " model[ngram].update([next_token])\n", + "model" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "The final step is to take the code we've written and wrap it in a function definition, to make it easy to call for each sentence we process.\n", + "\n", + "While we're at it, we get rid of the \"magic number\" 2 in the code, and replace it with a parameter for the tuple size.\n", + "\n", + "That gives us the function below." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "def build_model(text, tuple_size=2):\n", + " model = collections.defaultdict(collections.Counter)\n", + " # Record each n-gram in turn\n", + " for i in range(len(text) - tuple_size):\n", + " n_gram = text[i:i+tuple_size]\n", + " next_word = text[i+tuple_size]\n", + " model[tuple(n_gram)].update([next_word])\n", + " return model" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false, + "jupyter": { + "outputs_hidden": false + } + }, + "outputs": [], + "source": [ + "sample_model = build_model(tokenise(sample_text))\n", + "sample_model" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "sample_chapter = open('tale-of-two-cities.txt').read()[1882:7653]\n", + "sample_chapter_model = build_model(tokenise(sample_chapter.lower()), tuple_size=2)\n", + "len(sample_chapter_model)" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "sample_chapter_model[('it', 'was')]" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "# Generating text" + ] + }, + { + "attachments": {}, + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Now we have a model, we can use it to generate text.\n", + "\n", + "The process is roughly the reverse of how we created the language model. We have a current _n_-gram. We find that _n_-gram in the language model, look up the possible next tokens, and pick one. We update the current _n_-gram to include this next token, and the process repeats. Meanwhile, we keep track of all the generated tokens.\n", + "\n", + "A typical generation run is below. You can see how the language model guides the generation of the text.\n", + "\n", + "| Generated text | Current _n_-gram | Next token options | Chosen token |\n", + "|----------------|------------------|--------------------|--------------|\n", + "| it was | it was | the → 11, clearer → 1 | the |\n", + "| it was the | was the | age → 2, epoch → 2, season → 2, best → 1, worst → 1, spring → 1, winter → 1, year → 1 | season |\n", + "| it was the season | the season | of → 2 | of |\n", + "| it was the season of | season of | light → 1, darkness → 1 | darkness |\n", + "| it was the season of darkness | of darkness | , → 1 | , |\n", + "| it was the season of darkness , | darkness , | it → 1 | it |\n", + "| it was the season of darkness , it | , it | was → 9 | was |\n", + "| it was the season of darkness , it was | it was | the → 11, clearer → 1 | the |\n", + "| it was the season of darkness , it was the | was the | age → 2, epoch → 2, season → 2, best → 1, worst → 1, spring → 1, winter → 1, year → 1 | age |\n", + "| it was the season of darkness , it was the age | the age | of → 2 | of |\n", + "| it was the season of darkness , it was the age of | age of | wisdom → 1, foolishness → 1 | foolishness |\n", + "| it was the season of darkness , it was the age of foolishness | of foolishness | , → 1 | , |\n", + "| it was the season of darkness , it was the age of foolishness , | foolishness , | it → 1 | it |\n", + "| it was the season of darkness , it was the age of foolishness , it | , it | was → 9 | was |\n", + "| it was the season of darkness , it was the age of foolishness , it was | it was | the → 11, clearer → 1 | the |\n", + "| it was the season of darkness , it was the age of foolishness , it was the | was the | age → 2, epoch → 2, season → 2, best → 1, worst → 1, spring → 1, winter → 1, year → 1 | year |\n", + "| it was the season of darkness , it was the age of foolishness , it was the year | the year | of → 1, one → 1 | of |\n", + "| it was the season of darkness , it was the age of foolishness , it was the year of | year of | our → 1 | our |\n" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Picking a random next token" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "One thing we need to do is pick a suitable next token, given a particular _n_-gram and a langauge model.\n", + "\n", + "Python's built-in `random` library has a function `choice()` that will select a random element from a list.\n", + "\n", + "The `Counter` object has a method `elements()` that will return all the items in the `Counter`, each appearing as many times as its count. `elements()` returns an _iterator_, so we need to wrap it in a call to `list` to convert it to the list that `choice` needs.\n", + "\n", + "This cell generates all possible next words for a given _n_-gram:" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "list(sample_chapter_model[('was', 'the')].elements())" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "This cell picks one of them at random. If you run this cell a few times, you should see different results most of the time." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "random.choice(list(sample_chapter_model[('was', 'the')].elements()))" + ] + }, + { + "attachments": {}, + "cell_type": "markdown", + "metadata": {}, + "source": [ + "(There are other choices for how to select the next item, but we won't go into that here.)\n", + "\n", + "This is the procedure that will generate text for us. The body of it is the `while` loop, that generates a new token while the current _n_-gram exists in the language model, and the generated text isn't longer than the limit." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "def generate_text(model, starting_ngram=None, max_length=500):\n", + " if starting_ngram:\n", + " current = starting_ngram\n", + " else:\n", + " current = random.choice(list(model))\n", + " generated = list(current)\n", + " while current in model and len(generated) < max_length:\n", + " next_item = random.choice(list(model[current].elements()))\n", + " # print(generated, ':', current, ':', model[current], ':', next_item)\n", + " generated.append(next_item)\n", + " current = current[1:] + (next_item, )\n", + " return generated" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "We can test this with the `sample_model` created above. This will test the procedure runs without errors, but doesn't produce exciting text." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false, + "jupyter": { + "outputs_hidden": false + } + }, + "outputs": [], + "source": [ + "sjoin(generate_text(sample_model))" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Next we load the first chapter of _A Tale of Two Cities\". For information, we show how many distinct bigrams are in this chapter." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "sample_chapter = open('tale-of-two-cities.txt').read()[1882:7653]\n", + "sample_chapter_model = build_model(tokenise(sample_chapter.lower()), tuple_size=2)\n", + "len(sample_chapter_model)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "We can now generate som text, starting with the same opening phrase. We limit the output to 20 tokens, but you can increase it if you want." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "sjoin(generate_text(sample_chapter_model, starting_ngram=('it', 'was'), max_length=20))" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "With this seeming to work, let's load the whole book…" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false, + "jupyter": { + "outputs_hidden": false + } + }, + "outputs": [], + "source": [ + "two_cities = open('tale-of-two-cities.txt').read()\n", + "two_cities_model = build_model(tokenise(two_cities), tuple_size=3)\n", + "len(two_cities_model)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "…and generate some text. Run this cell several times, and you'll see different text generated each time." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "sjoin(generate_text(two_cities_model, max_length=100))" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Just printing the text gives annoying breaks in the middle of words. If we produce HTML text, the browser will make it prettier for us." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "def pprint(tokens):\n", + " display(HTML(sjoin(tokens)))" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "pprint(generate_text(two_cities_model, max_length=100))" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false, + "jupyter": { + "outputs_hidden": false + } + }, + "outputs": [], + "source": [ + "odyssey = open('odyssey.txt').read()\n", + "odyssey_model = build_model(tokenise(odyssey), tuple_size=3)\n", + "len(odyssey_model)" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false, + "jupyter": { + "outputs_hidden": false + } + }, + "outputs": [], + "source": [ + "pride = open('pride-and-prejudice.txt').read()\n", + "pride_model = build_model(tokenise(pride), tuple_size=3)\n", + "len(pride_model)" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false, + "jupyter": { + "outputs_hidden": false + } + }, + "outputs": [], + "source": [ + "arthur = open('le-mort-d-arthur.txt').read()\n", + "arthur_model = build_model(tokenise(arthur), tuple_size=3)\n", + "len(arthur_model)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Generating random text" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "We've got all the parts. Let's generate some large pieces of text. Do these have the same style as the originals? Are those styles distinctive enough to tell which model generated which text?" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "pprint(generate_text(odyssey_model))" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "pprint(generate_text(two_cities_model))" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "pprint(generate_text(pride_model))" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "pprint(generate_text(arthur_model))" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "# Merging models" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "We have several language models. As you've seen, each generates text in the style of the source text. What happens if we combine models?\n", + "\n", + "The mechanics of this are fairly easy. The `Counter`s we're using can be added with the `+` operator. This does what you'd expect, and adds all the counts of the two `Counter`s." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "c1 = collections.Counter(tokenise(\"the cat sat on the mat\"))\n", + "c2 = collections.Counter(tokenise(\"the cat lay on the bed\"))" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "c1, c2, c1 + c2" + ] + }, + { + "cell_type": "markdown", + "metadata": { + "jp-MarkdownHeadingCollapsed": true + }, + "source": [ + "## Exercise" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Given the two models below, create a **new** model that combines them. The result should be:\n", + "\n", + "```python\n", + "defaultdict(collections.Counter,\n", + " {('the', 'cat'): Counter({'sat': 1, 'lay': 1}),\n", + " ('cat', 'sat'): Counter({'on': 1}),\n", + " ('sat', 'on'): Counter({'the': 1}),\n", + " ('on', 'the'): Counter({'mat': 1, 'bed': 1}),\n", + " ('cat', 'lay'): Counter({'on': 1}),\n", + " ('lay', 'on'): Counter({'the': 1})})\n", + "```\n", + "\n", + "(The order of elements in the model may vary, but the contents should be the same.)\n", + "\n", + "Ensure that both source models remain unchanged by the merge." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "m1 = build_model(tokenise(\"the cat sat on the mat\"))\n", + "m2 = build_model(tokenise(\"the cat lay on the bed\"))\n", + "m1, m2" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Solution" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "m12 = collections.defaultdict(collections.Counter)\n", + "for k in m1:\n", + " m12[k] += m1[k]\n", + "for k in m2:\n", + " m12[k] += m2[k]\n", + "m12, m1, m2" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "We can wrap that up in a function." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "def merge_models(model1, model2):\n", + " merged = collections.defaultdict(collections.Counter)\n", + " for k in model1:\n", + " merged[k] += model1[k]\n", + " for k in model2:\n", + " merged[k] += model2[k]\n", + " return merged" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Generating merged-model text" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Let's combine some models and generate text with them. What does this generated text read like? What style is it in?" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "two_cities_pride_model = merge_models(two_cities_model, pride_model)\n", + "pprint(generate_text(two_cities_pride_model)) " + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "lines_to_next_cell": 2 + }, + "outputs": [], + "source": [ + "two_cities_odyssey_model = merge_models(two_cities_model, odyssey_model)\n", + "pprint(generate_text(two_cities_odyssey_model))" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "arthur_pride_model = merge_models(arthur_model, pride_model)\n", + "pprint(generate_text(arthur_pride_model, max_length=500))" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "You'll probably see the text in different styles. The combination of _Pride and Prejudice_ and _A Tale of Two Cities_ isn't too jarring, as the source texts are similar in style. But the combination of a ninteenth-century novel and an ancient epic poem is likely to have a disconcerting effect. You should be able to see a sentence or two that came from one source, then it switches to a sentence or two from the other. " + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "# Conclusions" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "You've seen a couple of things in this activity. \n", + "\n", + "First, you should have the idea of what a _language model_ is. It's nothing clever, just some data derived from source text that describes what's \"normal\" or \"expected\" from that source. The \"large language models\" of ChatGPT and similar work in a different way, and are much larger than this, but are doing essentially the same thing.\n", + "\n", + "Second, you've seen how \"style\" is something that can be encoded in a langauge model quite easily, and replicated fairly well.\n", + "\n", + "Third, you've seen how even randomly generated output can appear somewhat plausible if we don't engage our critical faculties enough to really pay attention to the output we see. Don't believe the hype around the current crop of AI systems!" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "# Acknowledgements\n", + "\n", + "All the source texts used here come from [Project Gutenberg](https://www.gutenberg.org/), an online source of public domain works, with [certain permissions and conditions attached](https://www.gutenberg.org/policy/permission.html) . I've modified the books slightly from the versions available there, to remove the legal licence boilerplate and convert some characters to ASCII equivalents. " + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [] + } + ], + "metadata": { + "jupytext": { + "formats": "ipynb,md" + }, + "kernelspec": { + "display_name": "Python 3 (ipykernel)", + "language": "python", + "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.10.13" + } + }, + "nbformat": 4, + "nbformat_minor": 4 +} diff --git a/2.markov-chains/2.markov.md b/2.markov-chains/2.markov.md new file mode 100644 index 0000000..c16c063 --- /dev/null +++ b/2.markov-chains/2.markov.md @@ -0,0 +1,643 @@ +--- +jupyter: + jupytext: + formats: ipynb,md + text_representation: + extension: .md + format_name: markdown + format_version: '1.3' + jupytext_version: 1.16.1 + kernelspec: + display_name: Python 3 (ipykernel) + language: python + name: python3 +--- + +# Language generation and language models + + +Can you give the next word in the following phrases? + +> Never gonna give you _ +> +> That's one small step for a man, one _ +> +> A bird in the hand is worth _ +> +> London bridge is falling _ +> +> To be or not to be, that is _ +> +> It was the best of times, it was _ +> +> The quick brown fox jumped _ + +The chances are, you were able to give the next word, if not complete the whole phrase. This is because, in a lot of cases, language use is stereotyped. Certain words follow from certain phrases, and we can use that to help a machine work fluently with language. + +We can use this facility in a few ways. One is to help us understand human speech input. Often, the sounds we make while speaking can have more that one interpretation (try saying quickly "recognise speech" and "wreck a nice beach" to someone, and ask them which is which). In these cases, having some idea of the likely words can help us disambiguate the sounds the machine hears. We can also use the predictability of language to detect spelling and grammar mistakes; a grammar checker can detect incongurous words and suggest them for revision. + +Another application, one we'll be looking at here, is about _generating_ text that reads like a plausible new example of some source. If we build a language model using only text from one source (or a limited range of sources), that model will reflect that corpus of text. If we generate text with that model, it should have a similar style to the source. + + +## A language model + + +These applications rely on having a _language model_, a description of what the language should look like. There are many types of language model. You've probably heard of the "large language models" used by tools such as ChatGPT. For this example, we'll use a much smaller model, but it's surprising how well even this small, simple model can work. + +Our language model is inspired by the quiz above: if we know the last few words that have been used, we can make a prediction about what comes next. This is called an **_n_-gram** model in the literature, where _n_ is now many words of context we're using. + +For instance, let's we take the first line of _A Tale of Two Cities_ + +> It was the best of times, it was the worst of times … + +We can build a 2-gram (bigram) model of this text. We slide a two-word-long window along the text and record, for each bigram, the word that comes next. Sliding the window looks a bit like this: + +| it | was | the | best | of | times | it | was | the | worst | of | times | +|----|-----|-----|------|----|-------|----|-----|-----|-------|----|-------| +| it | was | the | | | | | | | | | | +| | was | the | best | | | | | | | | | +| | | the | best | of | | | | | | | | +| | | | best | of | times | | | | | | | +| | | | | of | times | it | | | | | | +| | | | | | times | it | was | | | | | +| | | | | | | it | was | the | | | | +| | | | | | | | was | the | worst | | | +| | | | | | | | | the | worst | of | | +| | | | | | | | | | worst | of | times | + +We can see that the bigram "it was" occurs twice in that sentence, and both times it is followed by the word "the". We can also see that the bigram "was the" occurs twice, but it is followed by different words each time: once by "best", once by "worst". + +The full bigram model from this sentence looks like this: + +* it was → the: 2 +* was the → best: 1, worst: 1 +* the best → of: 1 +* best of → times: 1 +* of times → it: 1, None: 1 +* times it → was: 1 +* the worst → of: 1 +* worst of → times: 1 + +With only this short amount of text, the language model doesn't really tell us much interesting. We need more text. If we take the entire first chapter of the book, we find 878 bigrams, most of which occur only a couple of times. The most frequent ones are: + +* and a → knife: 1, queen: 2, thousand: 1 +* and seventy → five: 3 +* and the → fair: 1, farmer: 1, guard: 1, majesty: 1, mob: 1, musketeers: 1 +* by the → dozen: 1, other: 1, woodman: 1 +* hundred and → seventy: 3 +* in the → capital: 1, dark: 1, earthly: 1, hand: 1, life: 1, light: 1, midst: 1, rain: 1, rough: 1, superlative: 1, woods: 1 +* it was → clearer: 1, the: 11 +* of the → captain: 1, chickens: 1, cock: 1, common: 1, failure: 1, heavy: 1, large: 1, law: 1, plain: 1, revolution: 1, shield: 1, state: 1 +* on the → mob: 1, musketeers: 1, throne: 2, whole: 1 +* one thousand → seven: 3 +* seven hundred → and: 3 +* seventy five → conduct: 1, environed: 1, spiritual: 1 +* there were → a: 2, growing: 1, sheltered: 1 +* thousand seven → hundred: 3 +* to the → english: 1, human: 1, lords: 1 +* was the → age: 2, best: 1, epoch: 2, season: 2, spring: 1, winter: 1, worst: 1, year: 1 +* with a → fair: 1, high: 1, large: 2, plain: 1, sack: 1 + +You can begin to see the flavour of Dickens in this model. For instance, the bigram "was the" shows that, at least in this chapter, Dickens was concerned with time and seasons. + +You should be able to see how we can use this model to generate text. If we're generating text, and we've just generated a particular _n_-gram, we can look up that _n_-gram in the language model and see the words that could come after it. We pick one of the listed words, weighted by the probability of occurrence, and emit that word. That gives us a new _n_-gram, and the process repeats. + +For instance, let's say we start with the bigram "it was". We can look up words that come next, and the most most likey is "the". We emit that word and update the "most recent bigram" to be "was the". We pick one words that could follow: "season". Next comes "of", then a choice between "Light" and "Darkness". We can build up more text as we want by repeating the process. + + +| Emitted text | Current bigram | Word choices | Chosen next word | +|--------------|----------------|--------------|------------------| +| it was | it was | clearer: 1, the: 9 | the | +| it was the | was the | age: 2, best: 1, epoch: 2, season: 2, spring: 1, winter: 1, worst: 1, year: 1 | season | +| it was the season | the season | of: 2 | of | +| it was the season of | season of | Darkness: 1, Light: 1 | Darkness | +| it was the season of Darkness | of Darkness | it: 1 | it | +| it was the season of Darkness it | Darkness it | was: 1 | was | +| it was the season of Darkness it was | it was | clearer: 1, the: 9 | the | +| it was the season of Darkness it was the | was the | age: 2, best: 1, epoch: 2, season: 2, spring: 1, winter: 1, worst: 1, year: 1 | age | +| it was the season of Darkness it was the age | the age | of: 2 | of | +| it was the season of Darkness it was the age of | age of | foolishness: 1, wisdom: 1 | wisdom | +| it was the season of Darkness it was the age of wisdom | of wisdom | it: 1 | it | +| it was the season of Darkness it was the age of wisdom it | wisdom it | was: 1 | was | + +Now you have the idea of how the _n_-gram language model is built and used, it's time to implement it. This has three stages. + +1. Represent the language model +2. Read some text and populate the model +3. Use the model to generate new text + + +# Aside: reading text files + + +We need to read large amount of text to populate our language models: a novel's-worth is about the minimum we can get away with. We need to split that text into words (and punctuation). The reading and pre-processing this text is full of fiddly details that aren't worth going into. Instead, we'll just use these couple of functions to do the pre-processing for us. + +```python +import re +import string +import collections +import unicodedata +import random +from IPython.display import display, HTML +``` + +```python +!wget --no-check-certificate https://raw.githubusercontent.com/NeilNjae/nominet-quick-start-ai/main/2.markov-chains/le-mort-d-arthur.txt +!wget --no-check-certificate https://raw.githubusercontent.com/NeilNjae/nominet-quick-start-ai/main/2.markov-chains/odyssey.txt +!wget --no-check-certificate https://raw.githubusercontent.com/NeilNjae/nominet-quick-start-ai/main/2.markov-chains/pride-and-prejudice.txt +!wget --no-check-certificate https://raw.githubusercontent.com/NeilNjae/nominet-quick-start-ai/main/2.markov-chains/tale-of-two-cities.txt +``` + +```python jupyter={"outputs_hidden": false} +token_pattern = re.compile(r'[^{}]+'.format(re.escape(string.ascii_letters + string.digits + string.punctuation))) +punctuation_pattern = re.compile('(\d+\.\d+|\w+\'\w+|[{0}]+(?=\w)|(?<=\w)[{0}]+|[{0}]+$)'.format(re.escape(string.punctuation))) +``` + +```python +def tokenise(text): + """Split a text string into tokens, splitting on spaces and punctuation, + but keeping multiple punctuation characters as one token.""" + return [ch for gp in [re.split(punctuation_pattern, t) for t in re.split(token_pattern, text)] + for ch in gp if ch] +``` + +```python jupyter={"outputs_hidden": false} +def sjoin(tokens): + """Combine a set of tokens into a string for pretty-printing.""" + sentence = '' + for t in tokens: + if t[-1] not in ".,:;')-!?": + sentence += ' ' + sentence += t + return sentence.strip() +``` + +```python +sample_text = 'The cat sat on the mat. The quick brown fox jumped over the lazy dog.' +tokenise(sample_text) +``` + +```python +sjoin(tokenise(sample_text)) +``` + +## Representing the language model + + +Now we understand what the language model should look like, we can work out how to represent it in Python. + +The language model is a two-layered data structure. We have a bunch of _n_-grams; for each _n_-gram, we have a bunch of word choices; for each word choice we have a frequency of occurrence. These are key-value stores, so Python `dict`s are the obvious choice. That gives us a structure that looks like this: + +**Language model** +| Key | Value | +|-----|-------| +| _n_-gram | word choices | + +**Word choices** +| Key | Value | +|-----|-------| +| word | frequency | + +However, Python provides a couple of variations on `dict`s, in the [`collections`](https://docs.python.org/3/library/collections.html) library, that will make our lives easier. + +The first is a `Counter`, a `dict` specialised for counting things. We'll use this for counting the frequency of words. If we pass a sequence of things to a `Counter`, we get the counts of how often each thing occurs. + +```python +counts = collections.Counter(tokenise("the cat sat on the mat")) +counts +``` + +If we ask about a thing, we're told how often it occurs. Unknown keys don't generate an error, but return a count of zero. + +```python +counts['the'], counts['aardvark'] +``` + +If we want to count more things, we use the `update` method and pass in the new things to be counted. + +```python +counts.update(['the', 'quick', 'brown']) +counts +``` + +The other useful `dict` variant is a `defaultdict`. This behaves exactly like a normal `dict` except it gives a default value if we ask for a missing key. + +```python +dd = collections.defaultdict(str) +dd[3] = 'hat' +dd[6] = 'banana' +dd +``` + +```python +dd[3], dd[99] +``` + +Using a `defaultdict` means we don't have to check an element exists before we update it. + +The other wrinkle is that Python won't let us use (mutable) lists of words as the keys to a `dict`-like structure, so we have to convert each _n_-grams from a `list` to a `tuple`. + +But with all those implementation details out of the way, let's get on with some programming! + + +# Buidling the language model + + +With the utilities above, we can read a text file and split it into tokens. Our next job is to use that stream of tokens to build the language model. + +We'll build this up in stages, working from finding _n_-grams in a list to building the whole language model. + + +## Exercise + + +Write a piece of code that will find and print the trigrams (three-word slices) of `tokenise(sample_text)`. The last couple could well be shorter than three words. + +```python + +``` + +### Solution + +```python +sentence = tokenise(sample_text) +for i in range(len(sentence)): + print(sentence[i:i+3]) +``` + + +## Exercise + + +Modify that code so it doesn't generate the final too-short trigram. This will mean stopping the loop earlier. + +```python + +``` + +### Solution + +```python +sentence = tokenise(sample_text) +for i in range(len(sentence)-2): + print(sentence[i:i+3]) +``` + + +## Exercise + + +Modify the code above to find the bigram we want and the next token. Convert the bigram from a list to a tuple and store it in a variable `ngram`. Store the next token in a variable `next_token`. + +```python + +``` + +### Solution + +```python +sentence = tokenise(sample_text) +for i in range(len(sentence)-2): + ngram = tuple(sentence[i:i+2]) + next_token = sentence[i+2] + print(ngram, next_token) +``` + + +## Exercise + + + +Now store these bigrams and next tokens in a language model. + +You can create an empty language model with the line + +```python +model = collections.defaultdict(collections.Counter) +``` + +You can push these results into our language model, with the line + +```python +model[ngram].update([next_token]) +``` + + +```python + +``` + +### Solution + +```python +sentence = tokenise(sample_text) +model = collections.defaultdict(collections.Counter) +for i in range(len(sentence)-2): + ngram = tuple(sentence[i:i+2]) + next_token = sentence[i+2] + model[ngram].update([next_token]) +model +``` + +The final step is to take the code we've written and wrap it in a function definition, to make it easy to call for each sentence we process. + +While we're at it, we get rid of the "magic number" 2 in the code, and replace it with a parameter for the tuple size. + +That gives us the function below. + +```python +def build_model(text, tuple_size=2): + model = collections.defaultdict(collections.Counter) + # Record each n-gram in turn + for i in range(len(text) - tuple_size): + n_gram = text[i:i+tuple_size] + next_word = text[i+tuple_size] + model[tuple(n_gram)].update([next_word]) + return model +``` + +```python jupyter={"outputs_hidden": false} +sample_model = build_model(tokenise(sample_text)) +sample_model +``` + +```python +sample_chapter = open('tale-of-two-cities.txt').read()[1882:7653] +sample_chapter_model = build_model(tokenise(sample_chapter.lower()), tuple_size=2) +len(sample_chapter_model) +``` + +```python +sample_chapter_model[('it', 'was')] +``` + +# Generating text + + +Now we have a model, we can use it to generate text. + +The process is roughly the reverse of how we created the language model. We have a current _n_-gram. We find that _n_-gram in the language model, look up the possible next tokens, and pick one. We update the current _n_-gram to include this next token, and the process repeats. Meanwhile, we keep track of all the generated tokens. + +A typical generation run is below. You can see how the language model guides the generation of the text. + +| Generated text | Current _n_-gram | Next token options | Chosen token | +|----------------|------------------|--------------------|--------------| +| it was | it was | the → 11, clearer → 1 | the | +| it was the | was the | age → 2, epoch → 2, season → 2, best → 1, worst → 1, spring → 1, winter → 1, year → 1 | season | +| it was the season | the season | of → 2 | of | +| it was the season of | season of | light → 1, darkness → 1 | darkness | +| it was the season of darkness | of darkness | , → 1 | , | +| it was the season of darkness , | darkness , | it → 1 | it | +| it was the season of darkness , it | , it | was → 9 | was | +| it was the season of darkness , it was | it was | the → 11, clearer → 1 | the | +| it was the season of darkness , it was the | was the | age → 2, epoch → 2, season → 2, best → 1, worst → 1, spring → 1, winter → 1, year → 1 | age | +| it was the season of darkness , it was the age | the age | of → 2 | of | +| it was the season of darkness , it was the age of | age of | wisdom → 1, foolishness → 1 | foolishness | +| it was the season of darkness , it was the age of foolishness | of foolishness | , → 1 | , | +| it was the season of darkness , it was the age of foolishness , | foolishness , | it → 1 | it | +| it was the season of darkness , it was the age of foolishness , it | , it | was → 9 | was | +| it was the season of darkness , it was the age of foolishness , it was | it was | the → 11, clearer → 1 | the | +| it was the season of darkness , it was the age of foolishness , it was the | was the | age → 2, epoch → 2, season → 2, best → 1, worst → 1, spring → 1, winter → 1, year → 1 | year | +| it was the season of darkness , it was the age of foolishness , it was the year | the year | of → 1, one → 1 | of | +| it was the season of darkness , it was the age of foolishness , it was the year of | year of | our → 1 | our | + + + +## Picking a random next token + + +One thing we need to do is pick a suitable next token, given a particular _n_-gram and a langauge model. + +Python's built-in `random` library has a function `choice()` that will select a random element from a list. + +The `Counter` object has a method `elements()` that will return all the items in the `Counter`, each appearing as many times as its count. `elements()` returns an _iterator_, so we need to wrap it in a call to `list` to convert it to the list that `choice` needs. + +This cell generates all possible next words for a given _n_-gram: + +```python +list(sample_chapter_model[('was', 'the')].elements()) +``` + +This cell picks one of them at random. If you run this cell a few times, you should see different results most of the time. + +```python +random.choice(list(sample_chapter_model[('was', 'the')].elements())) +``` + +(There are other choices for how to select the next item, but we won't go into that here.) + +This is the procedure that will generate text for us. The body of it is the `while` loop, that generates a new token while the current _n_-gram exists in the language model, and the generated text isn't longer than the limit. + +```python +def generate_text(model, starting_ngram=None, max_length=500): + if starting_ngram: + current = starting_ngram + else: + current = random.choice(list(model)) + generated = list(current) + while current in model and len(generated) < max_length: + next_item = random.choice(list(model[current].elements())) + # print(generated, ':', current, ':', model[current], ':', next_item) + generated.append(next_item) + current = current[1:] + (next_item, ) + return generated +``` + +We can test this with the `sample_model` created above. This will test the procedure runs without errors, but doesn't produce exciting text. + +```python jupyter={"outputs_hidden": false} +sjoin(generate_text(sample_model)) +``` + +Next we load the first chapter of _A Tale of Two Cities". For information, we show how many distinct bigrams are in this chapter. + +```python +sample_chapter = open('tale-of-two-cities.txt').read()[1882:7653] +sample_chapter_model = build_model(tokenise(sample_chapter.lower()), tuple_size=2) +len(sample_chapter_model) +``` + +We can now generate som text, starting with the same opening phrase. We limit the output to 20 tokens, but you can increase it if you want. + +```python +sjoin(generate_text(sample_chapter_model, starting_ngram=('it', 'was'), max_length=20)) +``` + +With this seeming to work, let's load the whole book… + +```python jupyter={"outputs_hidden": false} +two_cities = open('tale-of-two-cities.txt').read() +two_cities_model = build_model(tokenise(two_cities), tuple_size=3) +len(two_cities_model) +``` + +…and generate some text. Run this cell several times, and you'll see different text generated each time. + +```python +sjoin(generate_text(two_cities_model, max_length=100)) +``` + +Just printing the text gives annoying breaks in the middle of words. If we produce HTML text, the browser will make it prettier for us. + +```python +def pprint(tokens): + display(HTML(sjoin(tokens))) +``` + +```python +pprint(generate_text(two_cities_model, max_length=100)) +``` + +```python jupyter={"outputs_hidden": false} +odyssey = open('odyssey.txt').read() +odyssey_model = build_model(tokenise(odyssey), tuple_size=3) +len(odyssey_model) +``` + +```python jupyter={"outputs_hidden": false} +pride = open('pride-and-prejudice.txt').read() +pride_model = build_model(tokenise(pride), tuple_size=3) +len(pride_model) +``` + +```python jupyter={"outputs_hidden": false} +arthur = open('le-mort-d-arthur.txt').read() +arthur_model = build_model(tokenise(arthur), tuple_size=3) +len(arthur_model) +``` + +## Generating random text + + +We've got all the parts. Let's generate some large pieces of text. Do these have the same style as the originals? Are those styles distinctive enough to tell which model generated which text? + +```python +pprint(generate_text(odyssey_model)) +``` + +```python +pprint(generate_text(two_cities_model)) +``` + +```python +pprint(generate_text(pride_model)) +``` + +```python +pprint(generate_text(arthur_model)) +``` + +```python + +``` + +# Merging models + + +We have several language models. As you've seen, each generates text in the style of the source text. What happens if we combine models? + +The mechanics of this are fairly easy. The `Counter`s we're using can be added with the `+` operator. This does what you'd expect, and adds all the counts of the two `Counter`s. + +```python +c1 = collections.Counter(tokenise("the cat sat on the mat")) +c2 = collections.Counter(tokenise("the cat lay on the bed")) +``` + +```python +c1, c2, c1 + c2 +``` + + +## Exercise + + + +Given the two models below, create a **new** model that combines them. The result should be: + +```python +defaultdict(collections.Counter, + {('the', 'cat'): Counter({'sat': 1, 'lay': 1}), + ('cat', 'sat'): Counter({'on': 1}), + ('sat', 'on'): Counter({'the': 1}), + ('on', 'the'): Counter({'mat': 1, 'bed': 1}), + ('cat', 'lay'): Counter({'on': 1}), + ('lay', 'on'): Counter({'the': 1})}) +``` + +(The order of elements in the model may vary, but the contents should be the same.) + +Ensure that both source models remain unchanged by the merge. + + +```python +m1 = build_model(tokenise("the cat sat on the mat")) +m2 = build_model(tokenise("the cat lay on the bed")) +m1, m2 +``` + +### Solution + +```python +m12 = collections.defaultdict(collections.Counter) +for k in m1: + m12[k] += m1[k] +for k in m2: + m12[k] += m2[k] +m12, m1, m2 +``` + +We can wrap that up in a function. + +```python +def merge_models(model1, model2): + merged = collections.defaultdict(collections.Counter) + for k in model1: + merged[k] += model1[k] + for k in model2: + merged[k] += model2[k] + return merged +``` + +## Generating merged-model text + + +Let's combine some models and generate text with them. What does this generated text read like? What style is it in? + +```python +two_cities_pride_model = merge_models(two_cities_model, pride_model) +pprint(generate_text(two_cities_pride_model)) +``` + +```python +two_cities_odyssey_model = merge_models(two_cities_model, odyssey_model) +pprint(generate_text(two_cities_odyssey_model)) +``` + + +```python +arthur_pride_model = merge_models(arthur_model, pride_model) +pprint(generate_text(arthur_pride_model, max_length=500)) +``` + +You'll probably see the text in different styles. The combination of _Pride and Prejudice_ and _A Tale of Two Cities_ isn't too jarring, as the source texts are similar in style. But the combination of a ninteenth-century novel and an ancient epic poem is likely to have a disconcerting effect. You should be able to see a sentence or two that came from one source, then it switches to a sentence or two from the other. + + +# Conclusions + + +You've seen a couple of things in this activity. + +First, you should have the idea of what a _language model_ is. It's nothing clever, just some data derived from source text that describes what's "normal" or "expected" from that source. The "large language models" of ChatGPT and similar work in a different way, and are much larger than this, but are doing essentially the same thing. + +Second, you've seen how "style" is something that can be encoded in a langauge model quite easily, and replicated fairly well. + +Third, you've seen how even randomly generated output can appear somewhat plausible if we don't engage our critical faculties enough to really pay attention to the output we see. Don't believe the hype around the current crop of AI systems! + + +# Acknowledgements + +All the source texts used here come from [Project Gutenberg](https://www.gutenberg.org/), an online source of public domain works, with [certain permissions and conditions attached](https://www.gutenberg.org/policy/permission.html) . I've modified the books slightly from the versions available there, to remove the legal licence boilerplate and convert some characters to ASCII equivalents. + +```python + +``` diff --git a/2.markov-chains/le-mort-d-arthur.txt b/2.markov-chains/le-mort-d-arthur.txt new file mode 100644 index 0000000..21ad3f2 --- /dev/null +++ b/2.markov-chains/le-mort-d-arthur.txt @@ -0,0 +1,13542 @@ + +BOOK I. + + + +CHAPTER I. First, How Uther Pendragon sent for the duke of Cornwall and +Igraine his wife, and of their departing suddenly again. + +It befell in the days of Uther Pendragon, when he was king of all +England, and so reigned, that there was a mighty duke in Cornwall that +held war against him long time. And the duke was called the Duke of +Tintagil. And so by means King Uther sent for this duke, charging him +to bring his wife with him, for she was called a fair lady, and a +passing wise, and her name was called Igraine. + +So when the duke and his wife were come unto the king, by the means of +great lords they were accorded both. The king liked and loved this lady +well, and he made them great cheer out of measure, and desired to have +lain by her. But she was a passing good woman, and would not assent +unto the king. And then she told the duke her husband, and said, I +suppose that we were sent for that I should be dishonoured; wherefore, +husband, I counsel you, that we depart from hence suddenly, that we may +ride all night unto our own castle. And in like wise as she said so +they departed, that neither the king nor none of his council were ware +of their departing. All so soon as King Uther knew of their departing +so suddenly, he was wonderly wroth. Then he called to him his privy +council, and told them of the sudden departing of the duke and his +wife. + +Then they advised the king to send for the duke and his wife by a great +charge; and if he will not come at your summons, then may ye do your +best, then have ye cause to make mighty war upon him. So that was done, +and the messengers had their answers; and that was this shortly, that +neither he nor his wife would not come at him. + +Then was the king wonderly wroth. And then the king sent him plain word +again, and bade him be ready and stuff him and garnish him, for within +forty days he would fetch him out of the biggest castle that he hath. + +When the duke had this warning, anon he went and furnished and +garnished two strong castles of his, of the which the one hight +Tintagil, and the other castle hight Terrabil. So his wife Dame Igraine +he put in the castle of Tintagil, and himself he put in the castle of +Terrabil, the which had many issues and posterns out. Then in all haste +came Uther with a great host, and laid a siege about the castle of +Terrabil. And there he pight many pavilions, and there was great war +made on both parties, and much people slain. Then for pure anger and +for great love of fair Igraine the king Uther fell sick. So came to the +king Uther Sir Ulfius, a noble knight, and asked the king why he was +sick. I shall tell thee, said the king, I am sick for anger and for +love of fair Igraine, that I may not be whole. Well, my lord, said Sir +Ulfius, I shall seek Merlin, and he shall do you remedy, that your +heart shall be pleased. So Ulfius departed, and by adventure he met +Merlin in a beggar's array, and there Merlin asked Ulfius whom he +sought. And he said he had little ado to tell him. Well, said Merlin, I +know whom thou seekest, for thou seekest Merlin; therefore seek no +farther, for I am he; and if King Uther will well reward me, and be +sworn unto me to fulfil my desire, that shall be his honour and profit +more than mine; for I shall cause him to have all his desire. All this +will I undertake, said Ulfius, that there shall be nothing reasonable +but thou shalt have thy desire. Well, said Merlin, he shall have his +intent and desire. And therefore, said Merlin, ride on your way, for I +will not be long behind. + + + +CHAPTER II. How Uther Pendragon made war on the duke of Cornwall, and +how by the mean of Merlin he lay by the duchess and gat Arthur. + +Then Ulfius was glad, and rode on more than a pace till that he came to +King Uther Pendragon, and told him he had met with Merlin. Where is he? +said the king. Sir, said Ulfius, he will not dwell long. Therewithal +Ulfius was ware where Merlin stood at the porch of the pavilion's door. +And then Merlin was bound to come to the king. When King Uther saw him, +he said he was welcome. Sir, said Merlin, I know all your heart every +deal; so ye will be sworn unto me as ye be a true king anointed, to +fulfil my desire, ye shall have your desire. Then the king was sworn +upon the Four Evangelists. Sir, said Merlin, this is my desire: the +first night that ye shall lie by Igraine ye shall get a child on her, +and when that is born, that it shall be delivered to me for to nourish +there as I will have it; for it shall be your worship, and the child's +avail, as mickle as the child is worth. I will well, said the king, as +thou wilt have it. Now make you ready, said Merlin, this night ye shall +lie with Igraine in the castle of Tintagil; and ye shall be like the +duke her husband, Ulfius shall be like Sir Brastias, a knight of the +duke's, and I will be like a knight that hight Sir Jordanus, a knight +of the duke's. But wait ye make not many questions with her nor her +men, but say ye are diseased, and so hie you to bed, and rise not on +the morn till I come to you, for the castle of Tintagil is but ten +miles hence; so this was done as they devised. But the duke of Tintagil +espied how the king rode from the siege of Terrabil, and therefore that +night he issued out of the castle at a postern for to have distressed +the king's host. And so, through his own issue, the duke himself was +slain or ever the king came at the castle of Tintagil. + +So after the death of the duke, King Uther lay with Igraine more than +three hours after his death, and begat on her that night Arthur, and on +day came Merlin to the king, and bade him make him ready, and so he +kissed the lady Igraine and departed in all haste. But when the lady +heard tell of the duke her husband, and by all record he was dead or +ever King Uther came to her, then she marvelled who that might be that +lay with her in likeness of her lord; so she mourned privily and held +her peace. Then all the barons by one assent prayed the king of accord +betwixt the lady Igraine and him; the king gave them leave, for fain +would he have been accorded with her. So the king put all the trust in +Ulfius to entreat between them, so by the entreaty at the last the king +and she met together. Now will we do well, said Ulfius, our king is a +lusty knight and wifeless, and my lady Igraine is a passing fair lady; +it were great joy unto us all, an it might please the king to make her +his queen. Unto that they all well accorded and moved it to the king. +And anon, like a lusty knight, he assented thereto with good will, and +so in all haste they were married in a morning with great mirth and +joy. + +And King Lot of Lothian and of Orkney then wedded Margawse that was +Gawaine's mother, and King Nentres of the land of Garlot wedded Elaine. +All this was done at the request of King Uther. And the third sister +Morgan le Fay was put to school in a nunnery, and there she learned so +much that she was a great clerk of necromancy. And after she was wedded +to King Uriens of the land of Gore, that was Sir Ewain's le +Blanchemain's father. + + + +CHAPTER III. Of the birth of King Arthur and of his nurture. + +Then Queen Igraine waxed daily greater and greater, so it befell after +within half a year, as King Uther lay by his queen, he asked her, by +the faith she owed to him, whose was the body; then she sore abashed to +give answer. Dismay you not, said the king, but tell me the truth, and +I shall love you the better, by the faith of my body. Sir, said she, I +shall tell you the truth. The same night that my lord was dead, the +hour of his death, as his knights record, there came into my castle of +Tintagil a man like my lord in speech and in countenance, and two +knights with him in likeness of his two knights Brastias and Jordanus, +and so I went unto bed with him as I ought to do with my lord, and the +same night, as I shall answer unto God, this child was begotten upon +me. That is truth, said the king, as ye say; for it was I myself that +came in the likeness, and therefore dismay you not, for I am father of +the child; and there he told her all the cause, how it was by Merlin's +counsel. Then the queen made great joy when she knew who was the father +of her child. + +Soon came Merlin unto the king, and said, Sir, ye must purvey you for +the nourishing of your child. As thou wilt, said the king, be it. Well, +said Merlin, I know a lord of yours in this land, that is a passing +true man and a faithful, and he shall have the nourishing of your +child, and his name is Sir Ector, and he is a lord of fair livelihood +in many parts in England and Wales; and this lord, Sir Ector, let him +be sent for, for to come and speak with you, and desire him yourself, +as he loveth you, that he will put his own child to nourishing to +another woman, and that his wife nourish yours. And when the child is +born let it be delivered to me at yonder privy postern unchristened. So +like as Merlin devised it was done. And when Sir Ector was come he made +fiaunce to the king for to nourish the child like as the king desired; +and there the king granted Sir Ector great rewards. Then when the lady +was delivered, the king commanded two knights and two ladies to take +the child, bound in a cloth of gold, and that ye deliver him to what +poor man ye meet at the postern gate of the castle. So the child was +delivered unto Merlin, and so he bare it forth unto Sir Ector, and made +an holy man to christen him, and named him Arthur; and so Sir Ector's +wife nourished him with her own pap. + + + +CHAPTER IV. Of the death of King Uther Pendragon. + +Then within two years King Uther fell sick of a great malady. And in +the meanwhile his enemies usurped upon him, and did a great battle upon +his men, and slew many of his people. Sir, said Merlin, ye may not lie +so as ye do, for ye must to the field though ye ride on an +horse-litter: for ye shall never have the better of your enemies but if +your person be there, and then shall ye have the victory. So it was +done as Merlin had devised, and they carried the king forth in an +horse-litter with a great host towards his enemies. And at St. Albans +there met with the king a great host of the North. And that day Sir +Ulfius and Sir Brastias did great deeds of arms, and King Uther's men +overcame the Northern battle and slew many people, and put the remnant +to flight. And then the king returned unto London, and made great joy +of his victory. And then he fell passing sore sick, so that three days +and three nights he was speechless: wherefore all the barons made great +sorrow, and asked Merlin what counsel were best. There is none other +remedy, said Merlin, but God will have his will. But look ye all barons +be before King Uther to-morn, and God and I shall make him to speak. So +on the morn all the barons with Merlin came to-fore the king; then +Merlin said aloud unto King Uther, Sir, shall your son Arthur be king +after your days, of this realm with all the appurtenance? Then Uther +Pendragon turned him, and said in hearing of them all, I give him God's +blessing and mine, and bid him pray for my soul, and righteously and +worshipfully that he claim the crown, upon forfeiture of my blessing; +and therewith he yielded up the ghost, and then was he interred as +longed to a king. Wherefore the queen, fair Igraine, made great sorrow, +and all the barons. + + + +CHAPTER V. How Arthur was chosen king, and of wonders and marvels of a +sword taken out of a stone by the said Arthur. + +Then stood the realm in great jeopardy long while, for every lord that +was mighty of men made him strong, and many weened to have been king. +Then Merlin went to the Archbishop of Canterbury, and counselled him +for to send for all the lords of the realm, and all the gentlemen of +arms, that they should to London come by Christmas, upon pain of +cursing; and for this cause, that Jesus, that was born on that night, +that he would of his great mercy show some miracle, as he was come to +be king of mankind, for to show some miracle who should be rightwise +king of this realm. So the Archbishop, by the advice of Merlin, sent +for all the lords and gentlemen of arms that they should come by +Christmas even unto London. And many of them made them clean of their +life, that their prayer might be the more acceptable unto God. So in +the greatest church of London, whether it were Paul's or not the French +book maketh no mention, all the estates were long or day in the church +for to pray. And when matins and the first mass was done, there was +seen in the churchyard, against the high altar, a great stone four +square, like unto a marble stone; and in midst thereof was like an +anvil of steel a foot on high, and therein stuck a fair sword naked by +the point, and letters there were written in gold about the sword that +said thus:—Whoso pulleth out this sword of this stone and anvil, is +rightwise king born of all England. Then the people marvelled, and told +it to the Archbishop. + +I command, said the Archbishop, that ye keep you within your church and +pray unto God still, that no man touch the sword till the high mass be +all done. So when all masses were done all the lords went to behold the +stone and the sword. And when they saw the scripture some assayed, such +as would have been king. But none might stir the sword nor move it. He +is not here, said the Archbishop, that shall achieve the sword, but +doubt not God will make him known. But this is my counsel, said the +Archbishop, that we let purvey ten knights, men of good fame, and they +to keep this sword. So it was ordained, and then there was made a cry, +that every man should assay that would, for to win the sword. And upon +New Year's Day the barons let make a jousts and a tournament, that all +knights that would joust or tourney there might play, and all this was +ordained for to keep the lords together and the commons, for the +Archbishop trusted that God would make him known that should win the +sword. + +So upon New Year's Day, when the service was done, the barons rode unto +the field, some to joust and some to tourney, and so it happened that +Sir Ector, that had great livelihood about London, rode unto the +jousts, and with him rode Sir Kay his son, and young Arthur that was +his nourished brother; and Sir Kay was made knight at All Hallowmass +afore. So as they rode to the jousts-ward, Sir Kay lost his sword, for +he had left it at his father's lodging, and so he prayed young Arthur +for to ride for his sword. I will well, said Arthur, and rode fast +after the sword, and when he came home, the lady and all were out to +see the jousting. Then was Arthur wroth, and said to himself, I will +ride to the churchyard, and take the sword with me that sticketh in the +stone, for my brother Sir Kay shall not be without a sword this day. So +when he came to the churchyard, Sir Arthur alighted and tied his horse +to the stile, and so he went to the tent, and found no knights there, +for they were at the jousting. And so he handled the sword by the +handles, and lightly and fiercely pulled it out of the stone, and took +his horse and rode his way until he came to his brother Sir Kay, and +delivered him the sword. And as soon as Sir Kay saw the sword, he wist +well it was the sword of the stone, and so he rode to his father Sir +Ector, and said: Sir, lo here is the sword of the stone, wherefore I +must be king of this land. When Sir Ector beheld the sword, he returned +again and came to the church, and there they alighted all three, and +went into the church. And anon he made Sir Kay swear upon a book how he +came to that sword. Sir, said Sir Kay, by my brother Arthur, for he +brought it to me. How gat ye this sword? said Sir Ector to Arthur. Sir, +I will tell you. When I came home for my brother's sword, I found +nobody at home to deliver me his sword; and so I thought my brother Sir +Kay should not be swordless, and so I came hither eagerly and pulled it +out of the stone without any pain. Found ye any knights about this +sword? said Sir Ector. Nay, said Arthur. Now, said Sir Ector to Arthur, +I understand ye must be king of this land. Wherefore I, said Arthur, +and for what cause? Sir, said Ector, for God will have it so; for there +should never man have drawn out this sword, but he that shall be +rightwise king of this land. Now let me see whether ye can put the +sword there as it was, and pull it out again. That is no mastery, said +Arthur, and so he put it in the stone; wherewithal Sir Ector assayed to +pull out the sword and failed. + + + +CHAPTER VI. How King Arthur pulled out the sword divers times. + +Now assay, said Sir Ector unto Sir Kay. And anon he pulled at the sword +with all his might; but it would not be. Now shall ye assay, said Sir +Ector to Arthur. I will well, said Arthur, and pulled it out easily. +And therewithal Sir Ector knelt down to the earth, and Sir Kay. Alas, +said Arthur, my own dear father and brother, why kneel ye to me? Nay, +nay, my lord Arthur, it is not so; I was never your father nor of your +blood, but I wot well ye are of an higher blood than I weened ye were. +And then Sir Ector told him all, how he was betaken him for to nourish +him, and by whose commandment, and by Merlin's deliverance. + +Then Arthur made great dole when he understood that Sir Ector was not +his father. Sir, said Ector unto Arthur, will ye be my good and +gracious lord when ye are king? Else were I to blame, said Arthur, for +ye are the man in the world that I am most beholden to, and my good +lady and mother your wife, that as well as her own hath fostered me and +kept. And if ever it be God's will that I be king as ye say, ye shall +desire of me what I may do, and I shall not fail you; God forbid I +should fail you Sir, said Sir Ector, I will ask no more of you, but +that ye will make my son, your foster brother, Sir Kay, seneschal of +all your lands. That shall be done, said Arthur, and more, by the faith +of my body, that never man shall have that office but he, while he and +I live. Therewithal they went unto the Archbishop, and told him how the +sword was achieved, and by whom; and on Twelfth-day all the barons came +thither, and to assay to take the sword, who that would assay. But +there afore them all, there might none take it out but Arthur; +wherefore there were many lords wroth, and said it was great shame unto +them all and the realm, to be overgoverned with a boy of no high blood +born. And so they fell out at that time that it was put off till +Candlemas and then all the barons should meet there again; but always +the ten knights were ordained to watch the sword day and night, and so +they set a pavilion over the stone and the sword, and five always +watched. So at Candlemas many more great lords came thither for to have +won the sword, but there might none prevail. And right as Arthur did at +Christmas, he did at Candlemas, and pulled out the sword easily, +whereof the barons were sore aggrieved and put it off in delay till the +high feast of Easter. And as Arthur sped before, so did he at Easter; +yet there were some of the great lords had indignation that Arthur +should be king, and put it off in a delay till the feast of Pentecost. + +Then the Archbishop of Canterbury by Merlin's providence let purvey +then of the best knights that they might get, and such knights as Uther +Pendragon loved best and most trusted in his days. And such knights +were put about Arthur as Sir Baudwin of Britain, Sir Kay, Sir Ulfius, +Sir Brastias. All these, with many other, were always about Arthur, day +and night, till the feast of Pentecost. + + + +CHAPTER VII. How King Arthur was crowned, and how he made officers. + +And at the feast of Pentecost all manner of men assayed to pull at the +sword that would assay; but none might prevail but Arthur, and pulled +it out afore all the lords and commons that were there, wherefore all +the commons cried at once, We will have Arthur unto our king, we will +put him no more in delay, for we all see that it is God's will that he +shall be our king, and who that holdeth against it, we will slay him. +And therewithal they kneeled at once, both rich and poor, and cried +Arthur mercy because they had delayed him so long, and Arthur forgave +them, and took the sword between both his hands, and offered it upon +the altar where the Archbishop was, and so was he made knight of the +best man that was there. And so anon was the coronation made. And there +was he sworn unto his lords and the commons for to be a true king, to +stand with true justice from thenceforth the days of this life. Also +then he made all lords that held of the crown to come in, and to do +service as they ought to do. And many complaints were made unto Sir +Arthur of great wrongs that were done since the death of King Uther, of +many lands that were bereaved lords, knights, ladies, and gentlemen. +Wherefore King Arthur made the lands to be given again unto them that +owned them. + +When this was done, that the king had stablished all the countries +about London, then he let make Sir Kay seneschal of England; and Sir +Baudwin of Britain was made constable; and Sir Ulfius was made +chamberlain; and Sir Brastias was made warden to wait upon the north +from Trent forwards, for it was that time the most party the king's +enemies. But within few years after Arthur won all the north, Scotland, +and all that were under their obeissance. Also Wales, a part of it, +held against Arthur, but he overcame them all, as he did the remnant, +through the noble prowess of himself and his knights of the Round +Table. + + + +CHAPTER VIII. How King Arthur held in Wales, at a Pentecost, a great +feast, and what kings and lords came to his feast. + +Then the king removed into Wales, and let cry a great feast that it +should be holden at Pentecost after the incoronation of him at the city +of Carlion. Unto the feast came King Lot of Lothian and of Orkney, with +five hundred knights with him. Also there came to the feast King Uriens +of Gore with four hundred knights with him. Also there came to that +feast King Nentres of Garlot, with seven hundred knights with him. Also +there came to the feast the king of Scotland with six hundred knights +with him, and he was but a young man. Also there came to the feast a +king that was called the King with the Hundred Knights, but he and his +men were passing well beseen at all points. Also there came the king of +Carados with five hundred knights. And King Arthur was glad of their +coming, for he weened that all the kings and knights had come for great +love, and to have done him worship at his feast; wherefore the king +made great joy, and sent the kings and knights great presents. But the +kings would none receive, but rebuked the messengers shamefully, and +said they had no joy to receive no gifts of a beardless boy that was +come of low blood, and sent him word they would none of his gifts, but +that they were come to give him gifts with hard swords betwixt the neck +and the shoulders: and therefore they came thither, so they told to the +messengers plainly, for it was great shame to all them to see such a +boy to have a rule of so noble a realm as this land was. With this +answer the messengers departed and told to King Arthur this answer. +Wherefore, by the advice of his barons, he took him to a strong tower +with five hundred good men with him. And all the kings aforesaid in a +manner laid a siege to-fore him, but King Arthur was well victualed. +And within fifteen days there came Merlin among them into the city of +Carlion. Then all the kings were passing glad of Merlin, and asked him, +For what cause is that boy Arthur made your king? Sirs, said Merlin, I +shall tell you the cause, for he is King Uther Pendragon's son, born in +wedlock, gotten on Igraine, the duke's wife of Tintagil. Then is he a +bastard, they said all. Nay, said Merlin, after the death of the duke, +more than three hours, was Arthur begotten, and thirteen days after +King Uther wedded Igraine; and therefore I prove him he is no bastard. +And who saith nay, he shall be king and overcome all his enemies; and, +or he die, he shall be long king of all England, and have under his +obeissance Wales, Ireland, and Scotland, and more realms than I will +now rehearse. Some of the kings had marvel of Merlin's words, and +deemed well that it should be as he said; and some of them laughed him +to scorn, as King Lot; and more other called him a witch. But then were +they accorded with Merlin, that King Arthur should come out and speak +with the kings, and to come safe and to go safe, such surance there was +made. So Merlin went unto King Arthur, and told him how he had done, +and bade him fear not, but come out boldly and speak with them, and +spare them not, but answer them as their king and chieftain; for ye +shall overcome them all, whether they will or nill. + + + +CHAPTER IX. Of the first war that King Arthur had, and how he won the +field. + +Then King Arthur came out of his tower, and had under his gown a +jesseraunt of double mail, and there went with him the Archbishop of +Canterbury, and Sir Baudwin of Britain, and Sir Kay, and Sir Brastias: +these were the men of most worship that were with him. And when they +were met there was no meekness, but stout words on both sides; but +always King Arthur answered them, and said he would make them to bow an +he lived. Wherefore they departed with wrath, and King Arthur bade keep +them well, and they bade the king keep him well. So the king returned +him to the tower again and armed him and all his knights. What will ye +do? said Merlin to the kings; ye were better for to stint, for ye shall +not here prevail though ye were ten times so many. Be we well advised +to be afeared of a dream-reader? said King Lot. With that Merlin +vanished away, and came to King Arthur, and bade him set on them +fiercely; and in the meanwhile there were three hundred good men, of +the best that were with the kings, that went straight unto King Arthur, +and that comforted him greatly. Sir, said Merlin to Arthur, fight not +with the sword that ye had by miracle, till that ye see ye go unto the +worse, then draw it out and do your best. So forthwithal King Arthur +set upon them in their lodging. And Sir Baudwin, Sir Kay, and Sir +Brastias slew on the right hand and on the left hand that it was +marvel; and always King Arthur on horseback laid on with a sword, and +did marvellous deeds of arms, that many of the kings had great joy of +his deeds and hardiness. + +Then King Lot brake out on the back side, and the King with the Hundred +Knights, and King Carados, and set on Arthur fiercely behind him. With +that Sir Arthur turned with his knights, and smote behind and before, +and ever Sir Arthur was in the foremost press till his horse was slain +underneath him. And therewith King Lot smote down King Arthur. With +that his four knights received him and set him on horseback. Then he +drew his sword Excalibur, but it was so bright in his enemies' eyes, +that it gave light like thirty torches. And therewith he put them +a-back, and slew much people. And then the commons of Carlion arose +with clubs and staves and slew many knights; but all the kings held +them together with their knights that were left alive, and so fled and +departed. And Merlin came unto Arthur, and counselled him to follow +them no further. + + + +CHAPTER X. How Merlin counselled King Arthur to send for King Ban and +King Bors, and of their counsel taken for the war. + +So after the feast and journey, King Arthur drew him unto London, and +so by the counsel of Merlin, the king let call his barons to council, +for Merlin had told the king that the six kings that made war upon him +would in all haste be awroke on him and on his lands. Wherefore the +king asked counsel at them all. They could no counsel give, but said +they were big enough. Ye say well, said Arthur; I thank you for your +good courage, but will ye all that loveth me speak with Merlin? ye know +well that he hath done much for me, and he knoweth many things, and +when he is afore you, I would that ye prayed him heartily of his best +advice. All the barons said they would pray him and desire him. So +Merlin was sent for, and fair desired of all the barons to give them +best counsel. I shall say you, said Merlin, I warn you all, your +enemies are passing strong for you, and they are good men of arms as be +alive, and by this time they have gotten to them four kings more, and a +mighty duke; and unless that our king have more chivalry with him than +he may make within the bounds of his own realm, an he fight with them +in battle, he shall be overcome and slain. What were best to do in this +cause? said all the barons. I shall tell you, said Merlin, mine advice; +there are two brethren beyond the sea, and they be kings both, and +marvellous good men of their hands; and that one hight King Ban of +Benwick, and that other hight King Bors of Gaul, that is France. And on +these two kings warreth a mighty man of men, the King Claudas, and +striveth with them for a castle, and great war is betwixt them. But +this Claudas is so mighty of goods whereof he getteth good knights, +that he putteth these two kings most part to the worse; wherefore this +is my counsel, that our king and sovereign lord send unto the kings Ban +and Bors by two trusty knights with letters well devised, that an they +will come and see King Arthur and his court, and so help him in his +wars, that he will be sworn unto them to help them in their wars +against King Claudas. Now, what say ye unto this counsel? said Merlin. +This is well counselled, said the king and all the barons. + +Right so in all haste there were ordained to go two knights on the +message unto the two kings. So were there made letters in the pleasant +wise according unto King Arthur's desire. Ulfius and Brastias were made +the messengers, and so rode forth well horsed and well armed and as the +guise was that time, and so passed the sea and rode toward the city of +Benwick. And there besides were eight knights that espied them, and at +a strait passage they met with Ulfius and Brastias, and would have +taken them prisoners; so they prayed them that they might pass, for +they were messengers unto King Ban and Bors sent from King Arthur. +Therefore, said the eight knights, ye shall die or be prisoners, for we +be knights of King Claudas. And therewith two of them dressed their +spears, and Ulfius and Brastias dressed their spears, and ran together +with great raundon. And Claudas' knights brake their spears, and theirs +to-held and bare the two knights out of their saddles to the earth, and +so left them lying, and rode their ways. And the other six knights rode +afore to a passage to meet with them again, and so Ulfius and Brastias +smote other two down, and so passed on their ways. And at the fourth +passage there met two for two, and both were laid unto the earth; so +there was none of the eight knights but he was sore hurt or bruised. +And when they come to Benwick it fortuned there were both kings, Ban +and Bors. + +And when it was told the kings that there were come messengers, there +were sent unto them two knights of worship, the one hight Lionses, lord +of the country of Payarne, and Sir Phariance a worshipful knight. Anon +they asked from whence they came, and they said from King Arthur, king +of England; so they took them in their arms and made great joy each of +other. But anon, as the two kings wist they were messengers of +Arthur's, there was made no tarrying, but forthwith they spake with the +knights, and welcomed them in the faithfullest wise, and said they were +most welcome unto them before all the kings living; and therewith they +kissed the letters and delivered them. And when Ban and Bors understood +the letters, then they were more welcome than they were before. And +after the haste of the letters they gave them this answer, that they +would fulfil the desire of King Arthur's writing, and Ulfius and +Brastias, tarry there as long as they would, they should have such +cheer as might be made them in those marches. Then Ulfius and Brastias +told the kings of the adventure at their passages of the eight knights. +Ha! ah! said Ban and Bors, they were my good friends. I would I had +wist of them; they should not have escaped so. So Ulfius and Brastias +had good cheer and great gifts, as much as they might bear away; and +had their answer by mouth and by writing, that those two kings would +come unto Arthur in all the haste that they might. So the two knights +rode on afore, and passed the sea, and came to their lord, and told him +how they had sped, whereof King Arthur was passing glad. At what time +suppose ye the two kings will be here? Sir, said they, afore All +Hallowmass. Then the king let purvey for a great feast, and let cry a +great jousts. And by All Hallowmass the two kings were come over the +sea with three hundred knights well arrayed both for the peace and for +the war. And King Arthur met with them ten mile out of London, and +there was great joy as could be thought or made. And on All Hallowmass +at the great feast, sat in the hall the three kings, and Sir Kay +seneschal served in the hall, and Sir Lucas the butler, that was Duke +Corneus' son, and Sir Griflet, that was the son of Cardol, these three +knights had the rule of all the service that served the kings. And +anon, as they had washen and risen, all knights that would joust made +them ready; by then they were ready on horseback there were seven +hundred knights. And Arthur, Ban, and Bors, with the Archbishop of +Canterbury, and Sir Ector, Kay's father, they were in a place covered +with cloth of gold like an hall, with ladies and gentlewomen, for to +behold who did best, and thereon to give judgment. + + + +CHAPTER XI. Of a great tourney made by King Arthur and the two kings +Ban and Bors, and how they went over the sea. + +And King Arthur and the two kings let depart the seven hundred knights +in two parties. And there were three hundred knights of the realm of +Benwick and of Gaul turned on the other side. Then they dressed their +shields, and began to couch their spears many good knights. So Griflet +was the first that met with a knight, one Ladinas, and they met so +eagerly that all men had wonder; and they so fought that their shields +fell to pieces, and horse and man fell to the earth; and both the +French knight and the English knight lay so long that all men weened +they had been dead. When Lucas the butler saw Griflet so lie, he horsed +him again anon, and they two did marvellous deeds of arms with many +bachelors. Also Sir Kay came out of an ambushment with five knights +with him, and they six smote other six down. But Sir Kay did that day +marvellous deeds of arms, that there was none did so well as he that +day. Then there came Ladinas and Gracian, two knights of France, and +did passing well, that all men praised them. + +Then came there Sir Placidas, a good knight, and met with Sir Kay, and +smote him down horse and man, where fore Sir Griflet was wroth, and met +with Sir Placidas so hard, that horse and man fell to the earth. But +when the five knights wist that Sir Kay had a fall, they were wroth out +of wit, and therewith each of them five bare down a knight. When King +Arthur and the two kings saw them begin to wax wroth on both parties, +they leapt on small hackneys, and let cry that all men should depart +unto their lodging. And so they went home and unarmed them, and so to +evensong and supper. And after, the three kings went into a garden, and +gave the prize unto Sir Kay, and to Lucas the butler, and unto Sir +Griflet. And then they went unto council, and with them Gwenbaus, the +brother unto Sir Ban and Bors, a wise clerk, and thither went Ulfius +and Brastias, and Merlin. And after they had been in council, they went +unto bed. And on the morn they heard mass, and to dinner, and so to +their council, and made many arguments what were best to do. At the +last they were concluded, that Merlin should go with a token of King +Ban, and that was a ring, unto his men and King Bors'; and Gracian and +Placidas should go again and keep their castles and their countries, as +for [dread of King Claudas] King Ban of Benwick, and King Bors of Gaul +had ordained them, and so passed the sea and came to Benwick. And when +the people saw King Ban's ring, and Gracian and Placidas, they were +glad, and asked how the kings fared, and made great joy of their +welfare and cording, and according unto the sovereign lords desire, the +men of war made them ready in all haste possible, so that they were +fifteen thousand on horse and foot, and they had great plenty of +victual with them, by Merlin's provision. But Gracian and Placidas were +left to furnish and garnish the castles, for dread of King Claudas. +Right so Merlin passed the sea, well victualled both by water and by +land. And when he came to the sea he sent home the footmen again, and +took no more with him but ten thousand men on horseback, the most part +men of arms, and so shipped and passed the sea into England, and landed +at Dover; and through the wit of Merlin, he had the host northward, the +priviest way that could be thought, unto the forest of Bedegraine, and +there in a valley he lodged them secretly. + +Then rode Merlin unto Arthur and the two kings, and told them how he +had sped; whereof they had great marvel, that man on earth might speed +so soon, and go and come. So Merlin told them ten thousand were in the +forest of Bedegraine, well armed at all points. Then was there no more +to say, but to horseback went all the host as Arthur had afore +purveyed. So with twenty thousand he passed by night and day, but there +was made such an ordinance afore by Merlin, that there should no man of +war ride nor go in no country on this side Trent water, but if he had a +token from King Arthur, where through the king's enemies durst not ride +as they did to-fore to espy. + + + +CHAPTER XII. How eleven kings gathered a great host against King +Arthur. + +And so within a little space the three kings came unto the castle of +Bedegraine, and found there a passing fair fellowship, and well beseen, +whereof they had great joy, and victual they wanted none. This was the +cause of the northern host: that they were reared for the despite and +rebuke the six kings had at Carlion. And those six kings by their +means, gat unto them five other kings; and thus they began to gather +their people. + +And now they sware that for weal nor woe, they should not leave other, +till they had destroyed Arthur. And then they made an oath. The first +that began the oath was the Duke of Cambenet, that he would bring with +him five thousand men of arms, the which were ready on horseback. Then +sware King Brandegoris of Stranggore that he would bring five thousand +men of arms on horseback. Then sware King Clariance of Northumberland +he would bring three thousand men of arms. Then sware the King of the +Hundred Knights, that was a passing good man and a young, that he would +bring four thousand men of arms on horseback. Then there swore King +Lot, a passing good knight, and Sir Gawain's father, that he would +bring five thousand men of arms on horseback. Also there swore King +Urience, that was Sir Uwain's father, of the land of Gore, and he would +bring six thousand men of arms on horseback. Also there swore King +Idres of Cornwall, that he would bring five thousand men of arms on +horseback. Also there swore King Cradelmas to bring five thousand men +on horseback. Also there swore King Agwisance of Ireland to bring five +thousand men of arms on horseback. Also there swore King Nentres to +bring five thousand men of arms on horseback. Also there swore King +Carados to bring five thousand men of arms on horseback. So their whole +host was of clean men of arms on horseback fifty thousand, and a-foot +ten thousand of good men's bodies. Then were they soon ready, and +mounted upon horse and sent forth their fore-riders, for these eleven +kings in their ways laid a siege unto the castle of Bedegraine; and so +they departed and drew toward Arthur, and left few to abide at the +siege, for the castle of Bedegraine was holden of King Arthur, and the +men that were therein were Arthur's. + + + +CHAPTER XIII. Of a dream of the King with the Hundred Knights. + +So by Merlin's advice there were sent fore-riders to skim the country, +and they met with the fore-riders of the north, and made them to tell +which way the host came, and then they told it to Arthur, and by King +Ban and Bors' council they let burn and destroy all the country afore +them, there they should ride. + +The King with the Hundred Knights met a wonder dream two nights afore +the battle, that there blew a great wind, and blew down their castles +and their towns, and after that came a water and bare it all away. All +that heard of the sweven said it was a token of great battle. Then by +counsel of Merlin, when they wist which way the eleven kings would ride +and lodge that night, at midnight they set upon them, as they were in +their pavilions. But the scout-watch by their host cried, Lords! at +arms! for here be your enemies at your hand! + + + +CHAPTER XIV. How the eleven kings with their host fought against Arthur +and his host, and many great feats of the war. + +Then King Arthur and King Ban and King Bors, with their good and trusty +knights, set on them so fiercely that they made them overthrow their +pavilions on their heads, but the eleven kings, by manly prowess of +arms, took a fair champaign, but there was slain that morrowtide ten +thousand good men's bodies. And so they had afore them a strong +passage, yet were they fifty thousand of hardy men. Then it drew toward +day. Now shall ye do by mine advice, said Merlin unto the three kings: +I would that King Ban and King Bors, with their fellowship of ten +thousand men, were put in a wood here beside, in an ambushment, and +keep them privy, and that they be laid or the light of the day come, +and that they stir not till ye and your knights have fought with them +long. And when it is daylight, dress your battle even afore them and +the passage, that they may see all your host, for then will they be the +more hardy, when they see you but about twenty thousand men, and cause +them to be the gladder to suffer you and your host to come over the +passage. All the three kings and the whole barons said that Merlin said +passingly well, and it was done anon as Merlin had devised. So on the +morn, when either host saw other, the host of the north was well +comforted. Then to Ulfius and Brastias were delivered three thousand +men of arms, and they set on them fiercely in the passage, and slew on +the right hand and on the left hand that it was wonder to tell. + +When that the eleven kings saw that there was so few a fellowship did +such deeds of arms, they were ashamed and set on them again fiercely; +and there was Sir Ulfius's horse slain under him, but he did +marvellously well on foot. But the Duke Eustace of Cambenet and King +Clariance of Northumberland, were alway grievous on Ulfius. Then +Brastias saw his fellow fared so withal he smote the duke with a spear, +that horse and man fell down. That saw King Clariance and returned unto +Brastias, and either smote other so that horse and man went to the +earth, and so they lay long astonied, and their horses' knees brast to +the hard bone. Then came Sir Kay the seneschal with six fellows with +him, and did passing well. With that came the eleven kings, and there +was Griflet put to the earth, horse and man, and Lucas the butler, +horse and man, by King Brandegoris, and King Idres, and King Agwisance. +Then waxed the medley passing hard on both parties. When Sir Kay saw +Griflet on foot, he rode on King Nentres and smote him down, and led +his horse unto Sir Griflet, and horsed him again. Also Sir Kay with the +same spear smote down King Lot, and hurt him passing sore. That saw the +King with the Hundred Knights, and ran unto Sir Kay and smote him down, +and took his horse, and gave him King Lot, whereof he said gramercy. +When Sir Griflet saw Sir Kay and Lucas the butler on foot, he took a +sharp spear, great and square, and rode to Pinel, a good man of arms, +and smote horse and man down, and then he took his horse, and gave him +unto Sir Kay. Then King Lot saw King Nentres on foot, he ran unto Melot +de la Roche, and smote him down, horse and man, and gave King Nentres +the horse, and horsed him again. Also the King of the Hundred Knights +saw King Idres on foot; then he ran unto Gwiniart de Bloi, and smote +him down, horse and man, and gave King Idres the horse, and horsed him +again; and King Lot smote down Clariance de la Forest Savage, and gave +the horse unto Duke Eustace. And so when they had horsed the kings +again they drew them, all eleven kings, together, and said they would +be revenged of the damage that they had taken that day. The meanwhile +came in Sir Ector with an eager countenance, and found Ulfius and +Brastias on foot, in great peril of death, that were foul defoiled +under horse-feet. + +Then Arthur as a lion, ran unto King Cradelment of North Wales, and +smote him through the left side, that the horse and the king fell down; +and then he took the horse by the rein, and led him unto Ulfius, and +said, Have this horse, mine old friend, for great need hast thou of +horse. Gramercy, said Ulfius. Then Sir Arthur did so marvellously in +arms, that all men had wonder. When the King with the Hundred Knights +saw King Cradelment on foot, he ran unto Sir Ector, that was well +horsed, Sir Kay's father, and smote horse and man down, and gave the +horse unto the king, and horsed him again. And when King Arthur saw the +king ride on Sir Ector's horse, he was wroth and with his sword he +smote the king on the helm, that a quarter of the helm and shield fell +down, and so the sword carved down unto the horse's neck, and so the +king and the horse fell down to the ground. Then Sir Kay came unto Sir +Morganore, seneschal with the King of the Hundred Knights, and smote +him down, horse and man, and led the horse unto his father, Sir Ector; +then Sir Ector ran unto a knight, hight Lardans, and smote horse and +man down, and led the horse unto Sir Brastias, that great need had of +an horse, and was greatly defoiled. When Brastias beheld Lucas the +butler, that lay like a dead man under the horses' feet, and ever Sir +Griflet did marvellously for to rescue him, and there were always +fourteen knights on Sir Lucas; then Brastias smote one of them on the +helm, that it went to the teeth, and he rode to another and smote him, +that the arm flew into the field. Then he went to the third and smote +him on the shoulder, that shoulder and arm flew in the field. And when +Griflet saw rescues, he smote a knight on the temples, that head and +helm went to the earth, and Griflet took the horse of that knight, and +led him unto Sir Lucas, and bade him mount upon the horse and revenge +his hurts. For Brastias had slain a knight to-fore and horsed Griflet. + + + +CHAPTER XV. Yet of the same battle. + +Then Lucas saw King Agwisance, that late had slain Moris de la Roche, +and Lucas ran to him with a short spear that was great, that he gave +him such a fall, that the horse fell down to the earth. Also Lucas +found there on foot, Bloias de La Flandres, and Sir Gwinas, two hardy +knights, and in that woodness that Lucas was in, he slew two bachelors +and horsed them again. Then waxed the battle passing hard on both +parties, but Arthur was glad that his knights were horsed again, and +then they fought together, that the noise and sound rang by the water +and the wood. Wherefore King Ban and King Bors made them ready, and +dressed their shields and harness, and they were so courageous that +many knights shook and bevered for eagerness. All this while Lucas, and +Gwinas, and Briant, and Bellias of Flanders, held strong medley against +six kings, that was King Lot, King Nentres, King Brandegoris, King +Idres, King Uriens, and King Agwisance. So with the help of Sir Kay and +of Sir Griflet they held these six kings hard, that unnethe they had +any power to defend them. But when Sir Arthur saw the battle would not +be ended by no manner, he fared wood as a lion, and steered his horse +here and there, on the right hand, and on the left hand, that he +stinted not till he had slain twenty knights. Also he wounded King Lot +sore on the shoulder, and made him to leave that ground, for Sir Kay +and Griflet did with King Arthur there great deeds of arms. Then +Ulfius, and Brastias, and Sir Ector encountered against the Duke +Eustace, and King Cradelment, and King Clariance of Northumberland, and +King Carados, and against the King with the Hundred Knights. So these +knights encountered with these kings, that they made them to avoid the +ground. Then King Lot made great dole for his damages and his fellows, +and said unto the ten kings, But if ye will do as I devise we shall be +slain and destroyed; let me have the King with the Hundred Knights, and +King Agwisance, and King Idres, and the Duke of Cambenet, and we five +kings will have fifteen thousand men of arms with us, and we will go +apart while ye six kings hold medley with twelve thousand; an we see +that ye have foughten with them long, then will we come on fiercely, +and else shall we never match them, said King Lot, but by this mean. So +they departed as they here devised, and six kings made their party +strong against Arthur, and made great war long. + +In the meanwhile brake the ambushment of King Ban and King Bors, and +Lionses and Phariance had the vanguard, and they two knights met with +King Idres and his fellowship, and there began a great medley of +breaking of spears, and smiting of swords, with slaying of men and +horses, and King Idres was near at discomforture. + +That saw Agwisance the king, and put Lionses and Phariance in point of +death; for the Duke of Cambenet came on withal with a great fellowship. +So these two knights were in great danger of their lives that they were +fain to return, but always they rescued themselves and their fellowship +marvellously. When King Bors saw those knights put aback, it grieved +him sore; then he came on so fast that his fellowship seemed as black +as Inde. When King Lot had espied King Bors, he knew him well, then he +said, O Jesu, defend us from death and horrible maims! for I see well +we be in great peril of death; for I see yonder a king, one of the most +worshipfullest men and one of the best knights of the world, is +inclined unto his fellowship. What is he? said the King with the +Hundred Knights. It is, said King Lot, King Bors of Gaul; I marvel how +they came into this country without witting of us all. It was by +Merlin's advice, said the knight. As for him, said King Carados, I will +encounter with King Bors, an ye will rescue me when myster is. Go on, +said they all, we will do all that we may. Then King Carados and his +host rode on a soft pace, till that they came as nigh King Bors as +bow-draught; then either battle let their horse run as fast as they +might. And Bleoberis, that was godson unto King Bors, he bare his chief +standard, that was a passing good knight. Now shall we see, said King +Bors, how these northern Britons can bear the arms: and King Bors +encountered with a knight, and smote him throughout with a spear that +he fell dead unto the earth; and after drew his sword and did +marvellous deeds of arms, that all parties had great wonder thereof; +and his knights failed not, but did their part, and King Carados was +smitten to the earth. With that came the King with the Hundred Knights +and rescued King Carados mightily by force of arms, for he was a +passing good knight of a king, and but a young man. + + + +CHAPTER XVI. Yet more of the same battle. + +By then came into the field King Ban as fierce as a lion, with bands of +green and thereupon gold. Ha! a! said King Lot, we must be discomfited, +for yonder I see the most valiant knight of the world, and the man of +the most renown, for such two brethren as is King Ban and King Bors are +not living, wherefore we must needs void or die; and but if we avoid +manly and wisely there is but death. When King Ban came into the +battle, he came in so fiercely that the strokes redounded again from +the wood and the water; wherefore King Lot wept for pity and dole that +he saw so many good knights take their end. But through the great force +of King Ban they made both the northern battles that were departed +hurtled together for great dread; and the three kings and their knights +slew on ever, that it was pity on to behold that multitude of the +people that fled. But King Lot, and King of the Hundred Knights, and +King Morganore gathered the people together passing knightly, and did +great prowess of arms, and held the battle all that day, like hard. + +When the King of the Hundred Knights beheld the great damage that King +Ban did, he thrust unto him with his horse, and smote him on high upon +the helm, a great stroke, and astonied him sore. Then King Ban was +wroth with him, and followed on him fiercely; the other saw that, and +cast up his shield, and spurred his horse forward, but the stroke of +King Ban fell down and carved a cantel off the shield, and the sword +slid down by the hauberk behind his back, and cut through the trapping +of steel and the horse even in two pieces, that the sword felt the +earth. Then the King of the Hundred Knights voided the horse lightly, +and with his sword he broached the horse of King Ban through and +through. With that King Ban voided lightly from the dead horse, and +then King Ban smote at the other so eagerly, and smote him on the helm +that he fell to the earth. Also in that ire he felled King Morganore, +and there was great slaughter of good knights and much people. By then +came into the press King Arthur, and found King Ban standing among dead +men and dead horses, fighting on foot as a wood lion, that there came +none nigh him, as far as he might reach with his sword, but he caught a +grievous buffet; whereof King Arthur had great pity. And Arthur was so +bloody, that by his shield there might no man know him, for all was +blood and brains on his sword. And as Arthur looked by him he saw a +knight that was passingly well horsed, and therewith Sir Arthur ran to +him, and smote him on the helm, that his sword went unto his teeth, and +the knight sank down to the earth dead, and anon Arthur took the horse +by the rein, and led him unto King Ban, and said, Fair brother, have +this horse, for he have great myster thereof, and me repenteth sore of +your great damage. It shall be soon revenged, said King Ban, for I +trust in God mine ure is not such but some of them may sore repent +this. I will well, said Arthur, for I see your deeds full actual; +nevertheless, I might not come at you at that time. + +But when King Ban was mounted on horseback, then there began new +battle, the which was sore and hard, and passing great slaughter. And +so through great force King Arthur, King Ban, and King Bors made their +knights a little to withdraw them. But alway the eleven kings with +their chivalry never turned back; and so withdrew them to a little +wood, and so over a little river, and there they rested them, for on +the night they might have no rest on the field. And then the eleven +kings and knights put them on a heap all together, as men adread and +out of all comfort. But there was no man might pass them, they held +them so hard together both behind and before, that King Arthur had +marvel of their deeds of arms, and was passing wroth. Ah, Sir Arthur, +said King Ban and King Bors, blame them not, for they do as good men +ought to do. For by my faith, said King Ban, they are the best fighting +men, and knights of most prowess, that ever I saw or heard speak of, +and those eleven kings are men of great worship; and if they were +longing unto you there were no king under the heaven had such eleven +knights, and of such worship. I may not love them, said Arthur, they +would destroy me. That wot we well, said King Ban and King Bors, for +they are your mortal enemies, and that hath been proved aforehand; and +this day they have done their part, and that is great pity of their +wilfulness. + +Then all the eleven kings drew them together, and then said King Lot, +Lords, ye must other ways than ye do, or else the great loss is behind; +ye may see what people we have lost, and what good men we lose, because +we wait always on these foot-men, and ever in saving of one of the +foot-men we lose ten horsemen for him; therefore this is mine advice, +let us put our foot-men from us, for it is near night, for the noble +Arthur will not tarry on the footmen, for they may save themselves, the +wood is near hand. And when we horsemen be together, look every each of +you kings let make such ordinance that none break upon pain of death. +And who that seeth any man dress him to flee, lightly that he be slain, +for it is better that we slay a coward, than through a coward all we to +be slain. How say ye? said King Lot, answer me all ye kings. It is well +said, quoth King Nentres; so said the King of the Hundred Knights; the +same said the King Carados, and King Uriens; so did King Idres and King +Brandegoris; and so did King Cradelment, and the Duke of Cambenet; the +same said King Clariance and King Agwisance, and sware they would never +fail other, neither for life nor for death. And whoso that fled, but +did as they did, should be slain. Then they amended their harness, and +righted their shields, and took new spears and set them on their +thighs, and stood still as it had been a plump of wood. + + + +CHAPTER XVII. Yet more of the same battle, and how it was ended by +Merlin. + +When Sir Arthur and King Ban and Bors beheld them and all their +knights, they praised them much for their noble cheer of chivalry, for +the hardiest fighters that ever they heard or saw. With that, there +dressed them a forty noble knights, and said unto the three kings, they +would break their battle; these were their names: Lionses, Phariance, +Ulfius, Brastias, Ector, Kay, Lucas the butler, Griflet le Fise de +Dieu, Mariet de la Roche, Guinas de Bloi, Briant de la Forest Savage, +Bellaus, Morians of the Castle [of] Maidens, Flannedrius of the Castle +of Ladies, Annecians that was King Bors' godson, a noble knight, +Ladinas de la Rouse, Emerause, Caulas, Graciens le Castlein, one Blois +de la Case, and Sir Colgrevaunce de Gorre; all these knights rode on +afore with spears on their thighs, and spurred their horses mightily as +the horses might run. And the eleven kings with part of their knights +rushed with their horses as fast as they might with their spears, and +there they did on both parties marvellous deeds of arms. So came into +the thick of the press, Arthur, Ban, and Bors, and slew down right on +both hands, that their horses went in blood up to the fetlocks. But +ever the eleven kings and their host was ever in the visage of Arthur. +Wherefore Ban and Bors had great marvel, considering the great +slaughter that there was, but at the last they were driven aback over a +little river. With that came Merlin on a great black horse, and said +unto Arthur, Thou hast never done! Hast thou not done enough? of three +score thousand this day hast thou left alive but fifteen thousand, and +it is time to say Ho! For God is wroth with thee, that thou wilt never +have done; for yonder eleven kings at this time will not be overthrown, +but an thou tarry on them any longer, thy fortune will turn and they +shall increase. And therefore withdraw you unto your lodging, and rest +you as soon as ye may, and reward your good knights with gold and with +silver, for they have well deserved it; there may no riches be too dear +for them, for of so few men as ye have, there were never men did more +of prowess than they have done today, for ye have matched this day with +the best fighters of the world. That is truth, said King Ban and Bors. +Also said Merlin, withdraw you where ye list, for this three year I +dare undertake they shall not dere you; and by then ye shall hear new +tidings. And then Merlin said unto Arthur, These eleven kings have more +on hand than they are ware of, for the Saracens are landed in their +countries, more than forty thousand, that burn and slay, and have laid +siege at the castle Wandesborow, and make great destruction; therefore +dread you not this three year. Also, sir, all the goods that be gotten +at this battle, let it be searched, and when ye have it in your hands, +let it be given freely unto these two kings, Ban and Bors, that they +may reward their knights withal; and that shall cause strangers to be +of better will to do you service at need. Also you be able to reward +your own knights of your own goods whensomever it liketh you. It is +well said, quoth Arthur, and as thou hast devised, so shall it be done. +When it was delivered to Ban and Bors, they gave the goods as freely to +their knights as freely as it was given to them. Then Merlin took his +leave of Arthur and of the two kings, for to go and see his master +Bleise, that dwelt in Northumberland; and so he departed and came to +his master, that was passing glad of his coming; and there he told how +Arthur and the two kings had sped at the great battle, and how it was +ended, and told the names of every king and knight of worship that was +there. And so Bleise wrote the battle word by word, as Merlin told him, +how it began, and by whom, and in likewise how it was ended, and who +had the worse. All the battles that were done in Arthur's days Merlin +did his master Bleise do write; also he did do write all the battles +that every worthy knight did of Arthur's court. + +After this Merlin departed from his master and came to King Arthur, +that was in the castle of Bedegraine, that was one of the castles that +stand in the forest of Sherwood. And Merlin was so disguised that King +Arthur knew him not, for he was all befurred in black sheep-skins, and +a great pair of boots, and a bow and arrows, in a russet gown, and +brought wild geese in his hand, and it was on the morn after Candlemas +day; but King Arthur knew him not. Sir, said Merlin unto the king, will +ye give me a gift? Wherefore, said King Arthur, should I give thee a +gift, churl? Sir, said Merlin, ye were better to give me a gift that is +not in your hand than to lose great riches, for here in the same place +where the great battle was, is great treasure hid in the earth. Who +told thee so, churl? said Arthur. Merlin told me so, said he. Then +Ulfius and Brastias knew him well enough, and smiled. Sir, said these +two knights, it is Merlin that so speaketh unto you. Then King Arthur +was greatly abashed, and had marvel of Merlin, and so had King Ban and +King Bors, and so they had great disport at him. So in the meanwhile +there came a damosel that was an earl's daughter: his name was Sanam, +and her name was Lionors, a passing fair damosel; and so she came +thither for to do homage, as other lords did after the great battle. +And King Arthur set his love greatly upon her, and so did she upon him, +and the king had ado with her, and gat on her a child: his name was +Borre, that was after a good knight, and of the Table Round. Then there +came word that the King Rience of North Wales made great war on King +Leodegrance of Cameliard, for the which thing Arthur was wroth, for he +loved him well, and hated King Rience, for he was alway against him. So +by ordinance of the three kings that were sent home unto Benwick, all +they would depart for dread of King Claudas; and Phariance, and +Antemes, and Gratian, and Lionses [of] Payarne, with the leaders of +those that should keep the kings' lands. + + + +CHAPTER XVIII. How King Arthur, King Ban, and King Bors rescued King +Leodegrance, and other incidents. + +And then King Arthur, and King Ban, and King Bors departed with their +fellowship, a twenty thousand, and came within six days into the +country of Cameliard, and there rescued King Leodegrance, and slew +there much people of King Rience, unto the number of ten thousand men, +and put him to flight. And then had these three kings great cheer of +King Leodegrance, that thanked them of their great goodness, that they +would revenge him of his enemies; and there had Arthur the first sight +of Guenever, the king's daughter of Cameliard, and ever after he loved +her. After they were wedded, as it telleth in the book. So, briefly to +make an end, they took their leave to go into their own countries, for +King Claudas did great destruction on their lands. Then said Arthur, I +will go with you. Nay, said the kings, ye shall not at this time, for +ye have much to do yet in these lands, therefore we will depart, and +with the great goods that we have gotten in these lands by your gifts, +we shall wage good knights and withstand the King Claudas' malice, for +by the grace of God, an we have need we will send to you for your +succour; and if ye have need, send for us, and we will not tarry, by +the faith of our bodies. It shall not, said Merlin, need that these two +kings come again in the way of war, but I know well King Arthur may not +be long from you, for within a year or two ye shall have great need, +and then shall he revenge you on your enemies, as ye have done on his. +For these eleven kings shall die all in a day, by the great might and +prowess of arms of two valiant knights (as it telleth after); their +names be Balin le Savage, and Balan, his brother, that be marvellous +good knights as be any living. + +Now turn we to the eleven kings that returned unto a city that hight +Sorhaute, the which city was within King Uriens', and there they +refreshed them as well as they might, and made leeches search their +wounds, and sorrowed greatly for the death of their people. With that +there came a messenger and told how there was come into their lands +people that were lawless as well as Saracens, a forty thousand, and +have burnt and slain all the people that they may come by, without +mercy, and have laid siege on the castle of Wandesborow. Alas, said the +eleven kings, here is sorrow upon sorrow, and if we had not warred +against Arthur as we have done, he would soon revenge us. As for King +Leodegrance, he loveth Arthur better than us, and as for King Rience, +he hath enough to do with Leodegrance, for he hath laid siege unto him. +So they consented together to keep all the marches of Cornwall, of +Wales, and of the North. So first, they put King Idres in the City of +Nauntes in Britain, with four thousand men of arms, to watch both the +water and the land. Also they put in the city of Windesan, King Nentres +of Garlot, with four thousand knights to watch both on water and on +land. Also they had of other men of war more than eight thousand, for +to fortify all the fortresses in the marches of Cornwall. Also they put +more knights in all the marches of Wales and Scotland, with many good +men of arms, and so they kept them together the space of three year, +and ever allied them with mighty kings and dukes and lords. And to them +fell King Rience of North Wales, the which and Nero that was a mighty +man of men. And all this while they furnished them and garnished them +of good men of arms, and victual, and of all manner of habiliment that +pretendeth to the war, to avenge them for the battle of Bedegraine, as +it telleth in the book of adventures following. + + + +CHAPTER XIX. How King Arthur rode to Carlion, and of his dream, and how +he saw the questing beast. + +Then after the departing of King Ban and of King Bors, King Arthur rode +into Carlion. And thither came to him, King Lot's wife, of Orkney, in +manner of a message, but she was sent thither to espy the court of King +Arthur; and she came richly beseen, with her four sons, Gawaine, +Gaheris, Agravine, and Gareth, with many other knights and ladies. For +she was a passing fair lady, therefore the king cast great love unto +her, and desired to lie by her; so they were agreed, and he begat upon +her Mordred, and she was his sister, on his mother's side, Igraine. So +there she rested her a month, and at the last departed. Then the king +dreamed a marvellous dream whereof he was sore adread. But all this +time King Arthur knew not that King Lot's wife was his sister. Thus was +the dream of Arthur: Him thought there was come into this land griffins +and serpents, and him thought they burnt and slew all the people in the +land, and then him thought he fought with them, and they did him +passing great harm, and wounded him full sore, but at the last he slew +them. When the king awaked, he was passing heavy of his dream, and so +to put it out of thoughts, he made him ready with many knights to ride +a-hunting. As soon as he was in the forest the king saw a great hart +afore him. This hart will I chase, said King Arthur, and so he spurred +the horse, and rode after long, and so by fine force oft he was like to +have smitten the hart; whereas the king had chased the hart so long, +that his horse lost his breath, and fell down dead. Then a yeoman +fetched the king another horse. + +So the king saw the hart enbushed, and his horse dead, he set him down +by a fountain, and there he fell in great thoughts. And as he sat so, +him thought he heard a noise of hounds, to the sum of thirty. And with +that the king saw coming toward him the strangest beast that ever he +saw or heard of; so the beast went to the well and drank, and the noise +was in the beast's belly like unto the questing of thirty couple +hounds; but all the while the beast drank there was no noise in the +beast's belly: and there with the beast departed with a great noise, +whereof the king had great marvel. And so he was in a great thought, +and therewith he fell asleep. Right so there came a knight afoot unto +Arthur and said, Knight full of thought and sleepy, tell me if thou +sawest a strange beast pass this way. Such one saw I, said King Arthur, +that is past two mile; what would ye with the beast? said Arthur. Sir, +I have followed that beast long time, and killed mine horse, so would +God I had another to follow my quest. Right so came one with the king's +horse, and when the knight saw the horse, he prayed the king to give +him the horse: for I have followed this quest this twelvemonth, and +either I shall achieve him, or bleed of the best blood of my body. +Pellinore, that time king, followed the Questing Beast, and after his +death Sir Palamides followed it. + + + +CHAPTER XX. How King Pellinore took Arthur's horse and followed the +Questing Beast, and how Merlin met with Arthur. + +Sir knight, said the king, leave that quest, and suffer me to have it, +and I will follow it another twelvemonth. Ah, fool, said the knight +unto Arthur, it is in vain thy desire, for it shall never be achieved +but by me, or my next kin. Therewith he started unto the king's horse +and mounted into the saddle, and said, Gramercy, this horse is my own. +Well, said the king, thou mayst take my horse by force, but an I might +prove thee whether thou were better on horseback or I.—Well, said the +knight, seek me here when thou wilt, and here nigh this well thou shalt +find me, and so passed on his way. Then the king sat in a study, and +bade his men fetch his horse as fast as ever they might. Right so came +by him Merlin like a child of fourteen year of age, and saluted the +king, and asked him why he was so pensive. I may well be pensive, said +the king, for I have seen the marvellest sight that ever I saw. That +know I well, said Merlin, as well as thyself, and of all thy thoughts, +but thou art but a fool to take thought, for it will not amend thee. +Also I know what thou art, and who was thy father, and of whom thou +wert begotten; King Uther Pendragon was thy father, and begat thee on +Igraine. That is false, said King Arthur, how shouldest thou know it, +for thou art not so old of years to know my father? Yes, said Merlin, I +know it better than ye or any man living. I will not believe thee, said +Arthur, and was wroth with the child. So departed Merlin, and came +again in the likeness of an old man of fourscore year of age, whereof +the king was right glad, for he seemed to be right wise. + +Then said the old man, Why are ye so sad? I may well be heavy, said +Arthur, for many things. Also here was a child, and told me many things +that meseemeth he should not know, for he was not of age to know my +father. Yes, said the old man, the child told you truth, and more would +he have told you an ye would have suffered him. But ye have done a +thing late that God is displeased with you, for ye have lain by your +sister, and on her ye have gotten a child that shall destroy you and +all the knights of your realm. What are ye, said Arthur, that tell me +these tidings? I am Merlin, and I was he in the child's likeness. Ah, +said King Arthur, ye are a marvellous man, but I marvel much of thy +words that I must die in battle. Marvel not, said Merlin, for it is +God's will your body to be punished for your foul deeds; but I may well +be sorry, said Merlin, for I shall die a shameful death, to be put in +the earth quick, and ye shall die a worshipful death. And as they +talked this, came one with the king's horse, and so the king mounted on +his horse, and Merlin on another, and so rode unto Carlion. And anon +the king asked Ector and Ulfius how he was begotten, and they told him +Uther Pendragon was his father and Queen Igraine his mother. Then he +said to Merlin, I will that my mother be sent for that I may speak with +her; and if she say so herself then will I believe it. In all haste, +the queen was sent for, and she came and brought with her Morgan le +Fay, her daughter, that was as fair a lady as any might be, and the +king welcomed Igraine in the best manner. + + + +CHAPTER XXI. How Ulfius impeached Queen Igraine, Arthur's mother, of +treason; and how a knight came and desired to have the death of his +master revenged. + +Right so came Ulfius, and said openly, that the king and all might hear +that were feasted that day, Ye are the falsest lady of the world, and +the most traitress unto the king's person. Beware, said Arthur, what +thou sayest; thou speakest a great word. I am well ware, said Ulfius, +what I speak, and here is my glove to prove it upon any man that will +say the contrary, that this Queen Igraine is causer of your great +damage, and of your great war. For, an she would have uttered it in the +life of King Uther Pendragon, of the birth of you, and how ye were +begotten ye had never had the mortal wars that ye have had; for the +most part of your barons of your realm knew never whose son ye were, +nor of whom ye were begotten; and she that bare you of her body should +have made it known openly in excusing of her worship and yours, and in +like wise to all the realm, wherefore I prove her false to God and to +you and to all your realm, and who will say the contrary I will prove +it on his body. + +Then spake Igraine and said, I am a woman and I may not fight, but +rather than I should be dishonoured, there would some good man take my +quarrel. More, she said, Merlin knoweth well, and ye Sir Ulfius, how +King Uther came to me in the Castle of Tintagil in the likeness of my +lord, that was dead three hours to-fore, and thereby gat a child that +night upon me. And after the thirteenth day King Uther wedded me, and +by his commandment when the child was born it was delivered unto Merlin +and nourished by him, and so I saw the child never after, nor wot not +what is his name, for I knew him never yet. And there, Ulfius said to +the queen, Merlin is more to blame than ye. Well I wot, said the queen, +I bare a child by my lord King Uther, but I wot not where he is become. +Then Merlin took the king by the hand, saying, This is your mother. And +therewith Sir Ector bare witness how he nourished him by Uther's +commandment. And therewith King Arthur took his mother, Queen Igraine, +in his arms and kissed her, and either wept upon other. And then the +king let make a feast that lasted eight days. + +Then on a day there came in the court a squire on horseback, leading a +knight before him wounded to the death, and told him how there was a +knight in the forest had reared up a pavilion by a well, and hath slain +my master, a good knight, his name was Miles; wherefore I beseech you +that my master may be buried, and that some knight may revenge my +master's death. Then the noise was great of that knight's death in the +court, and every man said his advice. Then came Griflet that was but a +squire, and he was but young, of the age of the king Arthur, so he +besought the king for all his service that he had done him to give the +order of knighthood. + + + +CHAPTER XXII. How Griflet was made knight, and jousted with a knight. + +Thou art full young and tender of age, said Arthur, for to take so high +an order on thee. Sir, said Griflet, I beseech you make me knight. Sir, +said Merlin, it were great pity to lose Griflet, for he will be a +passing good man when he is of age, abiding with you the term of his +life. And if he adventure his body with yonder knight at the fountain, +it is in great peril if ever he come again, for he is one of the best +knights of the world, and the strongest man of arms. Well, said Arthur. +So at the desire of Griflet the king made him knight. Now, said Arthur +unto Sir Griflet, sith I have made you knight thou must give me a gift. +What ye will, said Griflet. Thou shalt promise me by the faith of thy +body, when thou hast jousted with the knight at the fountain, whether +it fall ye be on foot or on horseback, that right so ye shall come +again unto me without making any more debate. I will promise you, said +Griflet, as you desire. Then took Griflet his horse in great haste, and +dressed his shield and took a spear in his hand, and so he rode a great +wallop till he came to the fountain, and thereby he saw a rich +pavilion, and thereby under a cloth stood a fair horse well saddled and +bridled, and on a tree a shield of divers colours and a great spear. +Then Griflet smote on the shield with the butt of his spear, that the +shield fell down to the ground. With that the knight came out of the +pavilion, and said, Fair knight, why smote ye down my shield? For I +will joust with you, said Griflet. It is better ye do not, said the +knight, for ye are but young, and late made knight, and your might is +nothing to mine. As for that, said Griflet, I will joust with you. That +is me loath, said the knight, but sith I must needs, I will dress me +thereto. Of whence be ye? said the knight. Sir, I am of Arthur's court. +So the two knights ran together that Griflet's spear all to-shivered; +and there withal he smote Griflet through the shield and the left side, +and brake the spear that the truncheon stuck in his body, that horse +and knight fell down. + + + +CHAPTER XXIII. How twelve knights came from Rome and asked truage for +this land of Arthur, and how Arthur fought with a knight. + +When the knight saw him lie so on the ground, he alighted, and was +passing heavy, for he weened he had slain him, and then he unlaced his +helm and gat him wind, and so with the truncheon he set him on his +horse, and so betook him to God, and said he had a mighty heart, and if +he might live he would prove a passing good knight. And so Sir Griflet +rode to the court, where great dole was made for him. But through good +leeches he was healed and saved. Right so came into the court twelve +knights, and were aged men, and they came from the Emperor of Rome, and +they asked of Arthur truage for this realm, other else the emperor +would destroy him and his land. Well, said King Arthur, ye are +messengers, therefore ye may say what ye will, other else ye should die +therefore. But this is mine answer: I owe the emperor no truage, nor +none will I hold him, but on a fair field I shall give him my truage +that shall be with a sharp spear, or else with a sharp sword, and that +shall not be long, by my father's soul, Uther Pendragon. And therewith +the messengers departed passingly wroth, and King Arthur as wroth, for +in evil time came they then; for the king was passingly wroth for the +hurt of Sir Griflet. And so he commanded a privy man of his chamber +that or it be day his best horse and armour, with all that longeth unto +his person, be without the city or to-morrow day. Right so or to-morrow +day he met with his man and his horse, and so mounted up and dressed +his shield and took his spear, and bade his chamberlain tarry there +till he came again. And so Arthur rode a soft pace till it was day, and +then was he ware of three churls chasing Merlin, and would have slain +him. Then the king rode unto them, and bade them: Flee, churls! then +were they afeard when they saw a knight, and fled. O Merlin, said +Arthur, here hadst thou been slain for all thy crafts had I not been. +Nay, said Merlin, not so, for I could save myself an I would; and thou +art more near thy death than I am, for thou goest to the deathward, an +God be not thy friend. + +So as they went thus talking they came to the fountain, and the rich +pavilion there by it. Then King Arthur was ware where sat a knight +armed in a chair. Sir knight, said Arthur, for what cause abidest thou +here, that there may no knight ride this way but if he joust with thee? +said the king. I rede thee leave that custom, said Arthur. This custom, +said the knight, have I used and will use maugre who saith nay, and who +is grieved with my custom let him amend it that will. I will amend it, +said Arthur. I shall defend thee, said the knight. Anon he took his +horse and dressed his shield and took a spear, and they met so hard +either in other's shields, that all to-shivered their spears. Therewith +anon Arthur pulled out his sword. Nay, not so, said the knight; it is +fairer, said the knight, that we twain run more together with sharp +spears. I will well, said Arthur, an I had any more spears. I have +enow, said the knight; so there came a squire and brought two good +spears, and Arthur chose one and he another; so they spurred their +horses and came together with all their mights, that either brake their +spears to their hands. Then Arthur set hand on his sword. Nay, said the +knight, ye shall do better, ye are a passing good jouster as ever I met +withal, and once for the love of the high order of knighthood let us +joust once again. I assent me, said Arthur. Anon there were brought two +great spears, and every knight gat a spear, and therewith they ran +together that Arthur's spear all to-shivered. But the other knight hit +him so hard in midst of the shield, that horse and man fell to the +earth, and therewith Arthur was eager, and pulled out his sword, and +said, I will assay thee, sir knight, on foot, for I have lost the +honour on horseback. I will be on horseback, said the knight. Then was +Arthur wroth, and dressed his shield toward him with his sword drawn. +When the knight saw that, he alighted, for him thought no worship to +have a knight at such avail, he to be on horseback and he on foot, and +so he alighted and dressed his shield unto Arthur. And there began a +strong battle with many great strokes, and so hewed with their swords +that the cantels flew in the fields, and much blood they bled both, +that all the place there as they fought was overbled with blood, and +thus they fought long and rested them, and then they went to the battle +again, and so hurtled together like two rams that either fell to the +earth. So at the last they smote together that both their swords met +even together. But the sword of the knight smote King Arthur's sword in +two pieces, wherefore he was heavy. Then said the knight unto Arthur, +Thou art in my daunger whether me list to save thee or slay thee, and +but thou yield thee as overcome and recreant, thou shalt die. As for +death, said King Arthur, welcome be it when it cometh, but to yield me +unto thee as recreant I had liefer die than to be so shamed. And +therewithal the king leapt unto Pellinore, and took him by the middle +and threw him down, and raced off his helm. When the knight felt that +he was adread, for he was a passing big man of might, and anon he +brought Arthur under him, and raced off his helm and would have smitten +off his head. + + + +CHAPTER XXIV. How Merlin saved Arthur's life, and threw an enchantment +on King Pellinore and made him to sleep. + +Therewithal came Merlin and said, Knight, hold thy hand, for an thou +slay that knight thou puttest this realm in the greatest damage that +ever was realm: for this knight is a man of more worship than thou +wotest of. Why, who is he? said the knight. It is King Arthur. Then +would he have slain him for dread of his wrath, and heaved up his +sword, and therewith Merlin cast an enchantment to the knight, that he +fell to the earth in a great sleep. Then Merlin took up King Arthur, +and rode forth on the knight's horse. Alas! said Arthur, what hast thou +done, Merlin? hast thou slain this good knight by thy crafts? There +liveth not so worshipful a knight as he was; I had liefer than the +stint of my land a year that he were alive. Care ye not, said Merlin, +for he is wholer than ye; for he is but asleep, and will awake within +three hours. I told you, said Merlin, what a knight he was; here had ye +been slain had I not been. Also there liveth not a bigger knight than +he is one, and he shall hereafter do you right good service; and his +name is Pellinore, and he shall have two sons that shall be passing +good men; save one they shall have no fellow of prowess and of good +living, and their names shall be Percivale of Wales and Lamerake of +Wales, and he shall tell you the name of your own son, begotten of your +sister, that shall be the destruction of all this realm. + + + +CHAPTER XXV. How Arthur by the mean of Merlin gat Excalibur his sword +of the Lady of the Lake. + +Right so the king and he departed, and went unto an hermit that was a +good man and a great leech. So the hermit searched all his wounds and +gave him good salves; so the king was there three days, and then were +his wounds well amended that he might ride and go, and so departed. And +as they rode, Arthur said, I have no sword. No force, said Merlin, +hereby is a sword that shall be yours, an I may. So they rode till they +came to a lake, the which was a fair water and broad, and in the midst +of the lake Arthur was ware of an arm clothed in white samite, that +held a fair sword in that hand. Lo! said Merlin, yonder is that sword +that I spake of. With that they saw a damosel going upon the lake. What +damosel is that? said Arthur. That is the Lady of the Lake, said +Merlin; and within that lake is a rock, and therein is as fair a place +as any on earth, and richly beseen; and this damosel will come to you +anon, and then speak ye fair to her that she will give you that sword. +Anon withal came the damosel unto Arthur, and saluted him, and he her +again. Damosel, said Arthur, what sword is that, that yonder the arm +holdeth above the water? I would it were mine, for I have no sword. Sir +Arthur, king, said the damosel, that sword is mine, and if ye will give +me a gift when I ask it you, ye shall have it. By my faith, said +Arthur, I will give you what gift ye will ask. Well! said the damosel, +go ye into yonder barge, and row yourself to the sword, and take it and +the scabbard with you, and I will ask my gift when I see my time. So +Sir Arthur and Merlin alighted and tied their horses to two trees, and +so they went into the ship, and when they came to the sword that the +hand held, Sir Arthur took it up by the handles, and took it with him, +and the arm and the hand went under the water. And so [they] came unto +the land and rode forth, and then Sir Arthur saw a rich pavilion. What +signifieth yonder pavilion? It is the knight's pavilion, said Merlin, +that ye fought with last, Sir Pellinore; but he is out, he is not +there. He hath ado with a knight of yours that hight Egglame, and they +have foughten together, but at the last Egglame fled, and else he had +been dead, and he hath chased him even to Carlion, and we shall meet +with him anon in the highway. That is well said, said Arthur, now have +I a sword, now will I wage battle with him, and be avenged on him. Sir, +you shall not so, said Merlin, for the knight is weary of fighting and +chasing, so that ye shall have no worship to have ado with him; also he +will not be lightly matched of one knight living, and therefore it is +my counsel, let him pass, for he shall do you good service in short +time, and his sons after his days. Also ye shall see that day in short +space, you shall be right glad to give him your sister to wed. When I +see him, I will do as ye advise, said Arthur. + +Then Sir Arthur looked on the sword, and liked it passing well. Whether +liketh you better, said Merlin, the sword or the scabbard? Me liketh +better the sword, said Arthur. Ye are more unwise, said Merlin, for the +scabbard is worth ten of the swords, for whiles ye have the scabbard +upon you, ye shall never lose no blood, be ye never so sore wounded; +therefore keep well the scabbard always with you. So they rode unto +Carlion, and by the way they met with Sir Pellinore; but Merlin had +done such a craft, that Pellinore saw not Arthur, and he passed by +without any words. I marvel, said Arthur, that the knight would not +speak. Sir, said Merlin, he saw you not, for an he had seen you, ye had +not lightly departed. So they came unto Carlion, whereof his knights +were passing glad. And when they heard of his adventures, they +marvelled that he would jeopard his person so, alone. But all men of +worship said it was merry to be under such a chieftain, that would put +his person in adventure as other poor knights did. + + + +CHAPTER XXVI. How tidings came to Arthur that King Rience had overcome +eleven kings, and how he desired Arthur's beard to trim his mantle. + +This meanwhile came a messenger from King Rience of North Wales, and +king he was of all Ireland, and of many isles. And this was his +message, greeting well King Arthur in this manner wise, saying that +King Rience had discomfited and overcome eleven kings, and everych of +them did him homage, and that was this, they gave him their beards +clean flayed off, as much as there was; wherefore the messenger came +for King Arthur's beard. For King Rience had purfled a mantle with +kings' beards, and there lacked one place of the mantle; wherefore he +sent for his beard, or else he would enter into his lands, and burn and +slay, and never leave till he have the head and the beard. Well, said +Arthur, thou hast said thy message, the which is the most villainous +and lewdest message that ever man heard sent unto a king; also thou +mayest see my beard is full young yet to make a purfle of it. But tell +thou thy king this: I owe him none homage, nor none of mine elders; but +or it be long to, he shall do me homage on both his knees, or else he +shall lose his head, by the faith of my body, for this is the most +shamefulest message that ever I heard speak of. I have espied thy king +met never yet with worshipful man, but tell him, I will have his head +without he do me homage. Then the messenger departed. + +Now is there any here, said Arthur, that knoweth King Rience? Then +answered a knight that hight Naram, Sir, I know the king well; he is a +passing good man of his body, as few be living, and a passing proud +man, and Sir, doubt ye not he will make war on you with a mighty +puissance. Well, said Arthur, I shall ordain for him in short time. + + + +CHAPTER XXVII. How all the children were sent for that were born on +May-day, and how Mordred was saved. + +Then King Arthur let send for all the children born on May-day, +begotten of lords and born of ladies; for Merlin told King Arthur that +he that should destroy him should be born on May-day, wherefore he sent +for them all, upon pain of death; and so there were found many lords' +sons, and all were sent unto the king, and so was Mordred sent by King +Lot's wife, and all were put in a ship to the sea, and some were four +weeks old, and some less. And so by fortune the ship drave unto a +castle, and was all to-riven, and destroyed the most part, save that +Mordred was cast up, and a good man found him, and nourished him till +he was fourteen year old, and then he brought him to the court, as it +rehearseth afterward, toward the end of the Death of Arthur. So many +lords and barons of this realm were displeased, for their children were +so lost, and many put the wite on Merlin more than on Arthur; so what +for dread and for love, they held their peace. But when the messenger +came to King Rience, then was he wood out of measure, and purveyed him +for a great host, as it rehearseth after in the book of Balin le +Savage, that followeth next after, how by adventure Balin gat the +sword. + +Explicit liber primus. + + + +BOOK II. + + + +CHAPTER I. Of a damosel which came girt with a sword for to find a man +of such virtue to draw it out of the scabbard. + +After the death of Uther Pendragon reigned Arthur his son, the which +had great war in his days for to get all England into his hand. For +there were many kings within the realm of England, and in Wales, +Scotland, and Cornwall. So it befell on a time when King Arthur was at +London, there came a knight and told the king tidings how that the King +Rience of North Wales had reared a great number of people, and were +entered into the land, and burnt and slew the king's true liege people. +If this be true, said Arthur, it were great shame unto mine estate but +that he were mightily withstood. It is truth, said the knight, for I +saw the host myself. Well, said the king, let make a cry, that all the +lords, knights, and gentlemen of arms, should draw unto a castle called +Camelot in those days, and there the king would let make a +council-general and a great jousts. + +So when the king was come thither with all his baronage, and lodged as +they seemed best, there was come a damosel the which was sent on +message from the great lady Lile of Avelion. And when she came before +King Arthur, she told from whom she came, and how she was sent on +message unto him for these causes. Then she let her mantle fall that +was richly furred; and then was she girt with a noble sword whereof the +king had marvel, and said, Damosel, for what cause are ye girt with +that sword? it beseemeth you not. Now shall I tell you, said the +damosel; this sword that I am girt withal doth me great sorrow and +cumbrance, for I may not be delivered of this sword but by a knight, +but he must be a passing good man of his hands and of his deeds, and +without villainy or treachery, and without treason. And if I may find +such a knight that hath all these virtues, he may draw out this sword +out of the sheath, for I have been at King Rience's it was told me +there were passing good knights, and he and all his knights have +assayed it and none can speed. This is a great marvel, said Arthur, if +this be sooth; I will myself assay to draw out the sword, not presuming +upon myself that I am the best knight, but that I will begin to draw at +your sword in giving example to all the barons that they shall assay +everych one after other when I have assayed it. Then Arthur took the +sword by the sheath and by the girdle and pulled at it eagerly, but the +sword would not out. + +Sir, said the damosel, you need not to pull half so hard, for he that +shall pull it out shall do it with little might. Ye say well, said +Arthur; now assay ye all my barons; but beware ye be not defiled with +shame, treachery, nor guile. Then it will not avail, said the damosel, +for he must be a clean knight without villainy, and of a gentle strain +of father side and mother side. Most of all the barons of the Round +Table that were there at that time assayed all by row, but there might +none speed; wherefore the damosel made great sorrow out of measure, and +said, Alas! I weened in this court had been the best knights without +treachery or treason. By my faith, said Arthur, here are good knights, +as I deem, as any be in the world, but their grace is not to help you, +wherefore I am displeased. + + + +CHAPTER II. How Balin, arrayed like a poor knight, pulled out the +sword, which afterward was the cause of his death. + +Then fell it so that time there was a poor knight with King Arthur, +that had been prisoner with him half a year and more for slaying of a +knight, the which was cousin unto King Arthur. The name of this knight +was called Balin, and by good means of the barons he was delivered out +of prison, for he was a good man named of his body, and he was born in +Northumberland. And so he went privily into the court, and saw this +adventure, whereof it raised his heart, and he would assay it as other +knights did, but for he was poor and poorly arrayed he put him not far +in press. But in his heart he was fully assured to do as well, if his +grace happed him, as any knight that there was. And as the damosel took +her leave of Arthur and of all the barons, so departing, this knight +Balin called unto her, and said, Damosel, I pray you of your courtesy, +suffer me as well to assay as these lords; though that I be so poorly +clothed, in my heart meseemeth I am fully assured as some of these +others, and meseemeth in my heart to speed right well. The damosel +beheld the poor knight, and saw he was a likely man, but for his poor +arrayment she thought he should be of no worship without villainy or +treachery. And then she said unto the knight, Sir, it needeth not to +put me to more pain or labour, for it seemeth not you to speed there as +other have failed. Ah! fair damosel, said Balin, worthiness, and good +tatches, and good deeds, are not only in arrayment, but manhood and +worship is hid within man's person, and many a worshipful knight is not +known unto all people, and therefore worship and hardiness is not in +arrayment. By God, said the damosel, ye say sooth; therefore ye shall +assay to do what ye may. Then Balin took the sword by the girdle and +sheath, and drew it out easily; and when he looked on the sword it +pleased him much. Then had the king and all the barons great marvel +that Balin had done that adventure, and many knights had great despite +of Balin. Certes, said the damosel, this is a passing good knight, and +the best that ever I found, and most of worship without treason, +treachery, or villainy, and many marvels shall he do. Now, gentle and +courteous knight, give me the sword again. Nay, said Balin, for this +sword will I keep, but it be taken from me with force. Well, said the +damosel, ye are not wise to keep the sword from me, for ye shall slay +with the sword the best friend that ye have, and the man that ye most +love in the world, and the sword shall be your destruction. I shall +take the adventure, said Balin, that God will ordain me, but the sword +ye shall not have at this time, by the faith of my body. Ye shall +repent it within short time, said the damosel, for I would have the +sword more for your avail than for mine, for I am passing heavy for +your sake; for ye will not believe that sword shall be your +destruction, and that is great pity. With that the damosel departed, +making great sorrow. + +Anon after, Balin sent for his horse and armour, and so would depart +from the court, and took his leave of King Arthur. Nay, said the king, +I suppose ye will not depart so lightly from this fellowship, I suppose +ye are displeased that I have shewed you unkindness; blame me the less, +for I was misinformed against you, but I weened ye had not been such a +knight as ye are, of worship and prowess, and if ye will abide in this +court among my fellowship, I shall so advance you as ye shall be +pleased. God thank your highness, said Balin, your bounty and highness +may no man praise half to the value; but at this time I must needs +depart, beseeching you alway of your good grace. Truly, said the king, +I am right wroth for your departing; I pray you, fair knight, that ye +tarry not long, and ye shall be right welcome to me, and to my barons, +and I shall amend all miss that I have done against you; God thank your +great lordship, said Balin, and therewith made him ready to depart. +Then the most part of the knights of the Round Table said that Balin +did not this adventure all only by might, but by witchcraft. + + + +CHAPTER III. How the Lady of the Lake demanded the knight's head that +had won the sword, or the maiden's head. + +The meanwhile, that this knight was making him ready to depart, there +came into the court a lady that hight the Lady of the Lake. And she +came on horseback, richly beseen, and saluted King Arthur, and there +asked him a gift that he promised her when she gave him the sword. That +is sooth, said Arthur, a gift I promised you, but I have forgotten the +name of my sword that ye gave me. The name of it, said the lady, is +Excalibur, that is as much to say as Cut-steel. Ye say well, said the +king; ask what ye will and ye shall have it, an it lie in my power to +give it. Well, said the lady, I ask the head of the knight that hath +won the sword, or else the damosel's head that brought it; I take no +force though I have both their heads, for he slew my brother, a good +knight and a true, and that gentlewoman was causer of my father's +death. Truly, said King Arthur, I may not grant neither of their heads +with my worship, therefore ask what ye will else, and I shall fulfil +your desire. I will ask none other thing, said the lady. When Balin was +ready to depart, he saw the Lady of the Lake, that by her means had +slain Balin's mother, and he had sought her three years; and when it +was told him that she asked his head of King Arthur, he went to her +straight and said, Evil be you found; ye would have my head, and +therefore ye shall lose yours, and with his sword lightly he smote off +her head before King Arthur. Alas, for shame! said Arthur, why have ye +done so? ye have shamed me and all my court, for this was a lady that I +was beholden to, and hither she came under my safe-conduct; I shall +never forgive you that trespass. Sir, said Balin, me forthinketh of +your displeasure, for this same lady was the untruest lady living, and +by enchantment and sorcery she hath been the destroyer of many good +knights, and she was causer that my mother was burnt, through her +falsehood and treachery. What cause soever ye had, said Arthur, ye +should have forborne her in my presence; therefore, think not the +contrary, ye shall repent it, for such another despite had I never in +my court; therefore withdraw you out of my court in all haste ye may. + +Then Balin took up the head of the lady, and bare it with him to his +hostelry, and there he met with his squire, that was sorry he had +displeased King Arthur and so they rode forth out of the town. Now, +said Balin, we must depart, take thou this head and bear it to my +friends, and tell them how I have sped, and tell my friends in +Northumberland that my most foe is dead. Also tell them how I am out of +prison, and what adventure befell me at the getting of this sword. +Alas! said the squire, ye are greatly to blame for to displease King +Arthur. As for that, said Balin, I will hie me, in all the haste that I +may, to meet with King Rience and destroy him, either else to die +therefore; and if it may hap me to win him, then will King Arthur be my +good and gracious lord. Where shall I meet with you? said the squire. +In King Arthur's court, said Balin. So his squire and he departed at +that time. Then King Arthur and all the court made great dole and had +shame of the death of the Lady of the Lake. Then the king buried her +richly. + + + +CHAPTER IV. How Merlin told the adventure of this damosel. + +At that time there was a knight, the which was the king's son of +Ireland, and his name was Lanceor, the which was an orgulous knight, +and counted himself one of the best of the court; and he had great +despite at Balin for the achieving of the sword, that any should be +accounted more hardy, or more of prowess; and he asked King Arthur if +he would give him leave to ride after Balin and to revenge the despite +that he had done. Do your best, said Arthur, I am right wroth with +Balin; I would he were quit of the despite that he hath done to me and +to my court. Then this Lanceor went to his hostelry to make him ready. +In the meanwhile came Merlin unto the court of King Arthur, and there +was told him the adventure of the sword, and the death of the Lady of +the Lake. Now shall I say you, said Merlin; this same damosel that here +standeth, that brought the sword unto your court, I shall tell you the +cause of her coming: she was the falsest damosel that liveth. Say not +so, said they. She hath a brother, a passing good knight of prowess and +a full true man; and this damosel loved another knight that held her to +paramour, and this good knight her brother met with the knight that +held her to paramour, and slew him by force of his hands. When this +false damosel understood this, she went to the Lady Lile of Avelion, +and besought her of help, to be avenged on her own brother. + + + +CHAPTER V. How Balin was pursued by Sir Lanceor, knight of Ireland, and +how he jousted and slew him. + +And so this Lady Lile of Avelion took her this sword that she brought +with her, and told there should no man pull it out of the sheath but if +he be one of the best knights of this realm, and he should be hard and +full of prowess, and with that sword he should slay her brother. This +was the cause that the damosel came into this court. I know it as well +as ye. Would God she had not come into this court, but she came never +in fellowship of worship to do good, but always great harm; and that +knight that hath achieved the sword shall be destroyed by that sword, +for the which will be great damage, for there liveth not a knight of +more prowess than he is, and he shall do unto you, my Lord Arthur, +great honour and kindness; and it is great pity he shall not endure but +a while, for of his strength and hardiness I know not his match living. + +So the knight of Ireland armed him at all points, and dressed his +shield on his shoulder, and mounted upon horseback, and took his spear +in his hand, and rode after a great pace, as much as his horse might +go; and within a little space on a mountain he had a sight of Balin, +and with a loud voice he cried, Abide, knight, for ye shall abide +whether ye will or nill, and the shield that is to-fore you shall not +help. When Balin heard the noise, he turned his horse fiercely, and +said, Fair knight, what will ye with me, will ye joust with me? Yea, +said the Irish knight, therefore come I after you. Peradventure, said +Balin, it had been better to have holden you at home, for many a man +weeneth to put his enemy to a rebuke, and oft it falleth to himself. Of +what court be ye sent from? said Balin. I am come from the court of +King Arthur, said the knight of Ireland, that come hither for to +revenge the despite ye did this day to King Arthur and to his court. +Well, said Balin, I see well I must have ado with you, that me +forthinketh for to grieve King Arthur, or any of his court; and your +quarrel is full simple, said Balin, unto me, for the lady that is dead, +did me great damage, and else would I have been loath as any knight +that liveth for to slay a lady. Make you ready, said the knight +Lanceor, and dress you unto me, for that one shall abide in the field. +Then they took their spears, and came together as much as their horses +might drive, and the Irish knight smote Balin on the shield, that all +went shivers off his spear, and Balin hit him through the shield, and +the hauberk perished, and so pierced through his body and the horse's +croup, and anon turned his horse fiercely, and drew out his sword, and +wist not that he had slain him; and then he saw him lie as a dead +corpse. + + + +CHAPTER VI. How a damosel, which was love to Lanceor, slew herself for +love, and how Balin met with his brother Balan. + +Then he looked by him, and was ware of a damosel that came riding full +fast as the horse might ride, on a fair palfrey. And when she espied +that Lanceor was slain, she made sorrow out of measure, and said, O +Balin, two bodies thou hast slain and one heart, and two hearts in one +body, and two souls thou hast lost. And therewith she took the sword +from her love that lay dead, and fell to the ground in a swoon. And +when she arose she made great dole out of measure, the which sorrow +grieved Balin passingly sore, and he went unto her for to have taken +the sword out of her hand, but she held it so fast he might not take it +out of her hand unless he should have hurt her, and suddenly she set +the pommel to the ground, and rove herself through the body. When Balin +espied her deeds, he was passing heavy in his heart, and ashamed that +so fair a damosel had destroyed herself for the love of his death. +Alas, said Balin, me repenteth sore the death of this knight, for the +love of this damosel, for there was much true love betwixt them both, +and for sorrow might not longer behold him, but turned his horse and +looked toward a great forest, and there he was ware, by the arms, of +his brother Balan. And when they were met they put off their helms and +kissed together, and wept for joy and pity. Then Balan said, I little +weened to have met with you at this sudden adventure; I am right glad +of your deliverance out of your dolorous prisonment, for a man told me, +in the castle of Four Stones, that ye were delivered, and that man had +seen you in the court of King Arthur, and therefore I came hither into +this country, for here I supposed to find you. Anon the knight Balin +told his brother of his adventure of the sword, and of the death of the +Lady of the Lake, and how King Arthur was displeased with him. +Wherefore he sent this knight after me, that lieth here dead, and the +death of this damosel grieveth me sore. So doth it me, said Balan, but +ye must take the adventure that God will ordain you. Truly, said Balin, +I am right heavy that my Lord Arthur is displeased with me, for he is +the most worshipful knight that reigneth now on earth, and his love +will I get or else will I put my life in adventure. For the King Rience +lieth at a siege at the Castle Terrabil, and thither will we draw in +all haste, to prove our worship and prowess upon him. I will well, said +Balan, that we do, and we will help each other as brethren ought to do. + + + +CHAPTER VII. How a dwarf reproved Balin for the death of Lanceor, and +how King Mark of Cornwall found them, and made a tomb over them. + +Now go we hence, said Balin, and well be we met. The meanwhile as they +talked, there came a dwarf from the city of Camelot on horseback, as +much as he might; and found the dead bodies, wherefore he made great +dole, and pulled out his hair for sorrow, and said, Which of you +knights have done this deed? Whereby askest thou it? said Balan. For I +would wit it, said the dwarf. It was I, said Balin, that slew this +knight in my defence, for hither he came to chase me, and either I must +slay him or he me; and this damosel slew herself for his love, which +repenteth me, and for her sake I shall owe all women the better love. +Alas, said the dwarf, thou hast done great damage unto thyself, for +this knight that is here dead was one of the most valiantest men that +lived, and trust well, Balin, the kin of this knight will chase you +through the world till they have slain you. As for that, said Balin, I +fear not greatly, but I am right heavy that I have displeased my lord +King Arthur, for the death of this knight. So as they talked together, +there came a king of Cornwall riding, the which hight King Mark. And +when he saw these two bodies dead, and understood how they were dead, +by the two knights above said, then made the king great sorrow for the +true love that was betwixt them, and said, I will not depart till I +have on this earth made a tomb, and there he pight his pavilions and +sought through all the country to find a tomb, and in a church they +found one was fair and rich, and then the king let put them both in the +earth, and put the tomb upon them, and wrote the names of them both on +the tomb. How here lieth Lanceor the king's son of Ireland, that at his +own request was slain by the hands of Balin; and how his lady, Colombe, +and paramour, slew herself with her love's sword for dole and sorrow. + + + +CHAPTER VIII. How Merlin prophesied that two the best knights of the +world should fight there, which were Sir Lancelot and Sir Tristram. + +The meanwhile as this was a-doing, in came Merlin to King Mark, and +seeing all his doing, said, Here shall be in this same place the +greatest battle betwixt two knights that was or ever shall be, and the +truest lovers, and yet none of them shall slay other. And there Merlin +wrote their names upon the tomb with letters of gold that should fight +in that place, whose names were Launcelot de Lake, and Tristram. Thou +art a marvellous man, said King Mark unto Merlin, that speakest of such +marvels, thou art a boistous man and an unlikely to tell of such deeds. +What is thy name? said King Mark. At this time, said Merlin, I will not +tell, but at that time when Sir Tristram is taken with his sovereign +lady, then ye shall hear and know my name, and at that time ye shall +hear tidings that shall not please you. Then said Merlin to Balin, Thou +hast done thyself great hurt, because that thou savest not this lady +that slew herself, that might have saved her an thou wouldest. By the +faith of my body, said Balin, I might not save her, for she slew +herself suddenly. Me repenteth, said Merlin; because of the death of +that lady thou shalt strike a stroke most dolorous that ever man +struck, except the stroke of our Lord, for thou shalt hurt the truest +knight and the man of most worship that now liveth, and through that +stroke three kingdoms shall be in great poverty, misery and +wretchedness twelve years, and the knight shall not be whole of that +wound for many years. Then Merlin took his leave of Balin. And Balin +said, If I wist it were sooth that ye say I should do such a perilous +deed as that, I would slay myself to make thee a liar. Therewith Merlin +vanished away suddenly. And then Balan and his brother took their leave +of King Mark. First, said the king, tell me your name. Sir, said Balan, +ye may see he beareth two swords, thereby ye may call him the Knight +with the Two Swords. And so departed King Mark unto Camelot to King +Arthur, and Balin took the way toward King Rience; and as they rode +together they met with Merlin disguised, but they knew him not. Whither +ride you? said Merlin. We have little to do, said the two knights, to +tell thee. But what is thy name? said Balin. At this time, said Merlin, +I will not tell it thee. It is evil seen, said the knights, that thou +art a true man that thou wilt not tell thy name. As for that, said +Merlin, be it as it be may, I can tell you wherefore ye ride this way, +for to meet King Rience; but it will not avail you without ye have my +counsel. Ah! said Balin, ye are Merlin; we will be ruled by your +counsel. Come on, said Merlin, ye shall have great worship, and look +that ye do knightly, for ye shall have great need. As for that, said +Balin, dread you not, we will do what we may. + + + +CHAPTER IX. How Balin and his brother, by the counsel of Merlin, took +King Rience and brought him to King Arthur. + +Then Merlin lodged them in a wood among leaves beside the highway, and +took off the bridles of their horses and put them to grass and laid +them down to rest them till it was nigh midnight. Then Merlin bade them +rise, and make them ready, for the king was nigh them, that was stolen +away from his host with a three score horses of his best knights, and +twenty of them rode to-fore to warn the Lady de Vance that the king was +coming; for that night King Rience should have lain with her. Which is +the king? said Balin. Abide, said Merlin, here in a strait way ye shall +meet with him; and therewith he showed Balin and his brother where he +rode. + +Anon Balin and his brother met with the king, and smote him down, and +wounded him fiercely, and laid him to the ground; and there they slew +on the right hand and the left hand, and slew more than forty of his +men, and the remnant fled. Then went they again to King Rience and +would have slain him had he not yielded him unto their grace. Then said +he thus: Knights full of prowess, slay me not, for by my life ye may +win, and by my death ye shall win nothing. Then said these two knights, +Ye say sooth and truth, and so laid him on a horse-litter. With that +Merlin was vanished, and came to King Arthur aforehand, and told him +how his most enemy was taken and discomfited. By whom? said King +Arthur. By two knights, said Merlin, that would please your lordship, +and to-morrow ye shall know what knights they are. Anon after came the +Knight with the Two Swords and Balan his brother, and brought with them +King Rience of North Wales, and there delivered him to the porters, and +charged them with him; and so they two returned again in the dawning of +the day. King Arthur came then to King Rience, and said, Sir king, ye +are welcome: by what adventure come ye hither? Sir, said King Rience, I +came hither by an hard adventure. Who won you? said King Arthur. Sir, +said the king, the Knight with the Two Swords and his brother, which +are two marvellous knights of prowess. I know them not, said Arthur, +but much I am beholden to them. Ah, said Merlin, I shall tell you: it +is Balin that achieved the sword, and his brother Balan, a good knight, +there liveth not a better of prowess and of worthiness, and it shall be +the greatest dole of him that ever I knew of knight, for he shall not +long endure. Alas, said King Arthur, that is great pity; for I am much +beholden unto him, and I have ill deserved it unto him for his +kindness. Nay, said Merlin, he shall do much more for you, and that +shall ye know in haste. But, sir, are ye purveyed, said Merlin, for +to-morn the host of Nero, King Rience's brother, will set on you or +noon with a great host, and therefore make you ready, for I will depart +from you. + + + +CHAPTER X. How King Arthur had a battle against Nero and King Lot of +Orkney, and how King Lot was deceived by Merlin, and how twelve kings +were slain. + +Then King Arthur made ready his host in ten battles and Nero was ready +in the field afore the Castle Terrabil with a great host, and he had +ten battles, with many more people than Arthur had. Then Nero had the +vanguard with the most part of his people, and Merlin came to King Lot +of the Isle of Orkney, and held him with a tale of prophecy, till Nero +and his people were destroyed. And there Sir Kay the seneschal did +passingly well, that the days of his life the worship went never from +him; and Sir Hervis de Revel did marvellous deeds with King Arthur, and +King Arthur slew that day twenty knights and maimed forty. At that time +came in the Knight with the Two Swords and his brother Balan, but they +two did so marvellously that the king and all the knights marvelled of +them, and all they that beheld them said they were sent from heaven as +angels, or devils from hell; and King Arthur said himself they were the +best knights that ever he saw, for they gave such strokes that all men +had wonder of them. + +In the meanwhile came one to King Lot, and told him while he tarried +there Nero was destroyed and slain with all his people. Alas, said King +Lot, I am ashamed, for by my default there is many a worshipful man +slain, for an we had been together there had been none host under the +heaven that had been able for to have matched with us; this faiter with +his prophecy hath mocked me. All that did Merlin, for he knew well that +an King Lot had been with his body there at the first battle, King +Arthur had been slain, and all his people destroyed; and well Merlin +knew that one of the kings should be dead that day, and loath was +Merlin that any of them both should be slain; but of the twain, he had +liefer King Lot had been slain than King Arthur. Now what is best to +do? said King Lot of Orkney; whether is me better to treat with King +Arthur or to fight, for the greater part of our people are slain and +destroyed? Sir, said a knight, set on Arthur for they are weary and +forfoughten and we be fresh. As for me, said King Lot, I would every +knight would do his part as I would do mine. And then they advanced +banners and smote together and all to-shivered their spears; and +Arthur's knights, with the help of the Knight with the Two Swords and +his brother Balan put King Lot and his host to the worse. But always +King Lot held him in the foremost front, and did marvellous deeds of +arms, for all his host was borne up by his hands, for he abode all +knights. Alas he might not endure, the which was great pity, that so +worthy a knight as he was one should be overmatched, that of late time +afore had been a knight of King Arthur's, and wedded the sister of King +Arthur; and for King Arthur lay by King Lot's wife, the which was +Arthur's sister, and gat on her Mordred, therefore King Lot held +against Arthur. So there was a knight that was called the Knight with +the Strange Beast, and at that time his right name was called +Pellinore, the which was a good man of prowess, and he smote a mighty +stroke at King Lot as he fought with all his enemies, and he failed of +his stroke, and smote the horse's neck, that he fell to the ground with +King Lot. And therewith anon Pellinore smote him a great stroke through +the helm and head unto the brows. And then all the host of Orkney fled +for the death of King Lot, and there were slain many mothers' sons. But +King Pellinore bare the wite of the death of King Lot, wherefore Sir +Gawaine revenged the death of his father the tenth year after he was +made knight, and slew King Pellinore with his own hands. Also there +were slain at that battle twelve kings on the side of King Lot with +Nero, and all were buried in the Church of Saint Stephen's in Camelot, +and the remnant of knights and of others were buried in a great rock. + + + +CHAPTER XI. Of the interment of twelve kings, and of the prophecy of +Merlin, and how Balin should give the dolorous stroke. + +So at the interment came King Lot's wife Margawse with her four sons, +Gawaine, Agravaine, Gaheris, and Gareth. Also there came thither King +Uriens, Sir Ewaine's father, and Morgan le Fay his wife that was King +Arthur's sister. All these came to the interment. But of all these +twelve kings King Arthur let make the tomb of King Lot passing richly, +and made his tomb by his own; and then Arthur let make twelve images of +latten and copper, and over-gilt it with gold, in the sign of twelve +kings, and each one of them held a taper of wax that burnt day and +night; and King Arthur was made in sign of a figure standing above them +with a sword drawn in his hand, and all the twelve figures had +countenance like unto men that were overcome. All this made Merlin by +his subtle craft, and there he told the king, When I am dead these +tapers shall burn no longer, and soon after the adventures of the +Sangreal shall come among you and be achieved. Also he told Arthur how +Balin the worshipful knight shall give the dolorous stroke, whereof +shall fall great vengeance. Oh, where is Balin and Balan and Pellinore? +said King Arthur. As for Pellinore, said Merlin, he will meet with you +soon; and as for Balin he will not be long from you; but the other +brother will depart, ye shall see him no more. By my faith, said +Arthur, they are two marvellous knights, and namely Balin passeth of +prowess of any knight that ever I found, for much beholden am I unto +him; would God he would abide with me. Sir, said Merlin, look ye keep +well the scabbard of Excalibur, for ye shall lose no blood while ye +have the scabbard upon you, though ye have as many wounds upon you as +ye may have. So after, for great trust, Arthur betook the scabbard to +Morgan le Fay his sister, and she loved another knight better than her +husband King Uriens or King Arthur, and she would have had Arthur her +brother slain, and therefore she let make another scabbard like it by +enchantment, and gave the scabbard Excalibur to her love; and the +knight's name was called Accolon, that after had near slain King +Arthur. After this Merlin told unto King Arthur of the prophecy that +there should be a great battle beside Salisbury, and Mordred his own +son should be against him. Also he told him that Bagdemegus was his +cousin, and germain unto King Uriens. + + + +CHAPTER XII. How a sorrowful knight came before Arthur, and how Balin +fetched him, and how that knight was slain by a knight invisible. + +Within a day or two King Arthur was somewhat sick, and he let pitch his +pavilion in a meadow, and there he laid him down on a pallet to sleep, +but he might have no rest. Right so he heard a great noise of an horse, +and therewith the king looked out at the porch of the pavilion, and saw +a knight coming even by him, making great dole. Abide, fair sir, said +Arthur, and tell me wherefore thou makest this sorrow. Ye may little +amend me, said the knight, and so passed forth to the castle of Meliot. +Anon after there came Balin, and when he saw King Arthur he alighted +off his horse, and came to the King on foot, and saluted him. By my +head, said Arthur, ye be welcome. Sir, right now came riding this way a +knight making great mourn, for what cause I cannot tell; wherefore I +would desire of you of your courtesy and of your gentleness to fetch +again that knight either by force or else by his good will. I will do +more for your lordship than that, said Balin; and so he rode more than +a pace, and found the knight with a damosel in a forest, and said, Sir +knight, ye must come with me unto King Arthur, for to tell him of your +sorrow. That will I not, said the knight, for it will scathe me +greatly, and do you none avail. Sir, said Balin, I pray you make you +ready, for ye must go with me, or else I must fight with you and bring +you by force, and that were me loath to do. Will ye be my warrant, said +the knight, an I go with you? Yea, said Balin, or else I will die +therefore. And so he made him ready to go with Balin, and left the +damosel still. And as they were even afore King Arthur's pavilion, +there came one invisible, and smote this knight that went with Balin +throughout the body with a spear. Alas, said the knight, I am slain +under your conduct with a knight called Garlon; therefore take my horse +that is better than yours, and ride to the damosel, and follow the +quest that I was in as she will lead you, and revenge my death when ye +may. That shall I do, said Balin, and that I make vow unto knighthood; +and so he departed from this knight with great sorrow. So King Arthur +let bury this knight richly, and made a mention on his tomb, how there +was slain Herlews le Berbeus, and by whom the treachery was done, the +knight Garlon. But ever the damosel bare the truncheon of the spear +with her that Sir Herlews was slain withal. + + + +CHAPTER XIII. How Balin and the damosel met with a knight which was in +likewise slain, and how the damosel bled for the custom of a castle. + +So Balin and the damosel rode into a forest, and there met with a +knight that had been a-hunting, and that knight asked Balin for what +cause he made so great sorrow. Me list not to tell you, said Balin. +Now, said the knight, an I were armed as ye be I would fight with you. +That should little need, said Balin, I am not afeard to tell you, and +told him all the cause how it was. Ah, said the knight, is this all? +here I ensure you by the faith of my body never to depart from you +while my life lasteth. And so they went to the hostelry and armed them, +and so rode forth with Balin. And as they came by an hermitage even by +a churchyard, there came the knight Garlon invisible, and smote this +knight, Perin de Mountbeliard, through the body with a spear. Alas, +said the knight, I am slain by this traitor knight that rideth +invisible. Alas, said Balin, it is not the first despite he hath done +me; and there the hermit and Balin buried the knight under a rich stone +and a tomb royal. And on the morn they found letters of gold written, +how Sir Gawaine shall revenge his father's death, King Lot, on the King +Pellinore. Anon after this Balin and the damosel rode till they came to +a castle, and there Balin alighted, and he and the damosel went to go +into the castle, and anon as Balin came within the castle's gate the +portcullis fell down at his back, and there fell many men about the +damosel, and would have slain her. When Balin saw that, he was sore +aggrieved, for he might not help the damosel. Then he went up into the +tower, and leapt over walls into the ditch, and hurt him not; and anon +he pulled out his sword and would have foughten with them. And they all +said nay, they would not fight with him, for they did nothing but the +old custom of the castle; and told him how their lady was sick, and had +lain many years, and she might not be whole but if she had a dish of +silver full of blood of a clean maid and a king's daughter; and +therefore the custom of this castle is, there shall no damosel pass +this way but she shall bleed of her blood in a silver dish full. Well, +said Balin, she shall bleed as much as she may bleed, but I will not +lose the life of her whiles my life lasteth. And so Balin made her to +bleed by her good will, but her blood helped not the lady. And so he +and she rested there all night, and had there right good cheer, and on +the morn they passed on their ways. And as it telleth after in the +Sangreal, that Sir Percivale's sister helped that lady with her blood, +whereof she was dead. + + + +CHAPTER XIV. How Balin met with that knight named Garlon at a feast, +and there he slew him, to have his blood to heal therewith the son of +his host. + +Then they rode three or four days and never met with adventure, and by +hap they were lodged with a gentle man that was a rich man and well at +ease. And as they sat at their supper Balin overheard one complain +grievously by him in a chair. What is this noise? said Balin. Forsooth, +said his host, I will tell you. I was but late at a jousting, and there +I jousted with a knight that is brother unto King Pellam, and twice +smote I him down, and then he promised to quit me on my best friend; +and so he wounded my son, that cannot be whole till I have of that +knight's blood, and he rideth alway invisible; but I know not his name. +Ah! said Balin, I know that knight, his name is Garlon, he hath slain +two knights of mine in the same manner, therefore I had liefer meet +with that knight than all the gold in this realm, for the despite he +hath done me. Well, said his host, I shall tell you, King Pellam of +Listeneise hath made do cry in all this country a great feast that +shall be within these twenty days, and no knight may come there but if +he bring his wife with him, or his paramour; and that knight, your +enemy and mine, ye shall see that day. Then I behote you, said Balin, +part of his blood to heal your son withal. We will be forward to-morn, +said his host. So on the morn they rode all three toward Pellam, and +they had fifteen days' journey or they came thither; and that same day +began the great feast. And so they alighted and stabled their horses, +and went into the castle; but Balin's host might not be let in because +he had no lady. Then Balin was well received and brought unto a chamber +and unarmed him; and there were brought him robes to his pleasure, and +would have had Balin leave his sword behind him. Nay, said Balin, that +do I not, for it is the custom of my country a knight always to keep +his weapon with him, and that custom will I keep, or else I will depart +as I came. Then they gave him leave to wear his sword, and so he went +unto the castle, and was set among knights of worship, and his lady +afore him. + +Soon Balin asked a knight, Is there not a knight in this court whose +name is Garlon? Yonder he goeth, said a knight, he with the black face; +he is the marvellest knight that is now living, for he destroyeth many +good knights, for he goeth invisible. Ah well, said Balin, is that he? +Then Balin advised him long: If I slay him here I shall not escape, and +if I leave him now, peradventure I shall never meet with him again at +such a steven, and much harm he will do an he live. Therewith this +Garlon espied that this Balin beheld him, and then he came and smote +Balin on the face with the back of his hand, and said, Knight, why +beholdest me so? for shame therefore, eat thy meat and do that thou +came for. Thou sayest sooth, said Balin, this is not the first despite +that thou hast done me, and therefore I will do what I came for, and +rose up fiercely and clave his head to the shoulders. Give me the +truncheon, said Balin to his lady, wherewith he slew your knight. Anon +she gave it him, for alway she bare the truncheon with her. And +therewith Balin smote him through the body, and said openly, With that +truncheon thou hast slain a good knight, and now it sticketh in thy +body. And then Balin called unto him his host, saying, Now may ye fetch +blood enough to heal your son withal. + + + +CHAPTER XV. How Balin fought with King Pellam, and how his sword brake, +and how he gat a spear wherewith he smote the dolorous stroke. + +Anon all the knights arose from the table for to set on Balin, and King +Pellam himself arose up fiercely, and said, Knight, hast thou slain my +brother? thou shalt die therefore or thou depart. Well, said Balin, do +it yourself. Yes, said King Pellam, there shall no man have ado with +thee but myself, for the love of my brother. Then King Pellam caught in +his hand a grim weapon and smote eagerly at Balin; but Balin put the +sword betwixt his head and the stroke, and therewith his sword burst in +sunder. And when Balin was weaponless he ran into a chamber for to seek +some weapon, and so from chamber to chamber, and no weapon he could +find, and always King Pellam after him. And at the last he entered into +a chamber that was marvellously well dight and richly, and a bed +arrayed with cloth of gold, the richest that might be thought, and one +lying therein, and thereby stood a table of clean gold with four +pillars of silver that bare up the table, and upon the table stood a +marvellous spear strangely wrought. And when Balin saw that spear, he +gat it in his hand and turned him to King Pellam, and smote him +passingly sore with that spear, that King Pellam fell down in a swoon, +and therewith the castle roof and walls brake and fell to the earth, +and Balin fell down so that he might not stir foot nor hand. And so the +most part of the castle, that was fallen down through that dolorous +stroke, lay upon Pellam and Balin three days. + + + +CHAPTER XVI. How Balin was delivered by Merlin, and saved a knight that +would have slain himself for love. + +Then Merlin came thither and took up Balin, and gat him a good horse, +for his was dead, and bade him ride out of that country. I would have +my damosel, said Balin. Lo, said Merlin, where she lieth dead. And King +Pellam lay so, many years sore wounded, and might never be whole till +Galahad the haut prince healed him in the quest of the Sangreal, for in +that place was part of the blood of our Lord Jesus Christ, that Joseph +of Arimathea brought into this land, and there himself lay in that rich +bed. And that was the same spear that Longius smote our Lord to the +heart; and King Pellam was nigh of Joseph's kin, and that was the most +worshipful man that lived in those days, and great pity it was of his +hurt, for through that stroke, turned to great dole, tray and tene. +Then departed Balin from Merlin, and said, In this world we meet never +no more. So he rode forth through the fair countries and cities, and +found the people dead, slain on every side. And all that were alive +cried, O Balin, thou hast caused great damage in these countries; for +the dolorous stroke thou gavest unto King Pellam three countries are +destroyed, and doubt not but the vengeance will fall on thee at the +last. When Balin was past those countries he was passing fain. + +So he rode eight days or he met with adventure. And at the last he came +into a fair forest in a valley, and was ware of a tower, and there +beside he saw a great horse of war, tied to a tree, and there beside +sat a fair knight on the ground and made great mourning, and he was a +likely man, and a well made. Balin said, God save you, why be ye so +heavy? tell me and I will amend it, an I may, to my power. Sir knight, +said he again, thou dost me great grief, for I was in merry thoughts, +and now thou puttest me to more pain. Balin went a little from him, and +looked on his horse; then heard Balin him say thus: Ah, fair lady, why +have ye broken my promise, for thou promisest me to meet me here by +noon, and I may curse thee that ever ye gave me this sword, for with +this sword I slay myself, and pulled it out. And therewith Balin stert +unto him and took him by the hand. Let go my hand, said the knight, or +else I shall slay thee. That shall not need, said Balin, for I shall +promise you my help to get you your lady, an ye will tell me where she +is. What is your name? said the knight. My name is Balin le Savage. Ah, +sir, I know you well enough, ye are the Knight with the Two Swords, and +the man of most prowess of your hands living. What is your name? said +Balin. My name is Garnish of the Mount, a poor man's son, but by my +prowess and hardiness a duke hath made me knight, and gave me lands; +his name is Duke Hermel, and his daughter is she that I love, and she +me as I deemed. How far is she hence? said Balin. But six mile, said +the knight. Now ride we hence, said these two knights. So they rode +more than a pace, till that they came to a fair castle well walled and +ditched. I will into the castle, said Balin, and look if she be there. +So he went in and searched from chamber to chamber, and found her bed, +but she was not there. Then Balin looked into a fair little garden, and +under a laurel tree he saw her lie upon a quilt of green samite and a +knight in her arms, fast halsing either other, and under their heads +grass and herbs. When Balin saw her lie so with the foulest knight that +ever he saw, and she a fair lady, then Balin went through all the +chambers again, and told the knight how he found her as she had slept +fast, and so brought him in the place there she lay fast sleeping. + + + +CHAPTER XVII. How that knight slew his love and a knight lying by her, +and after, how he slew himself with his own sword, and how Balin rode +toward a castle where he lost his life. + +And when Garnish beheld her so lying, for pure sorrow his mouth and +nose burst out a-bleeding, and with his sword he smote off both their +heads, and then he made sorrow out of measure, and said, O Balin, much +sorrow hast thou brought unto me, for hadst thou not shewed me that +sight I should have passed my sorrow. Forsooth, said Balin, I did it to +this intent that it should better thy courage, and that ye might see +and know her falsehood, and to cause you to leave love of such a lady; +God knoweth I did none other but as I would ye did to me. Alas, said +Garnish, now is my sorrow double that I may not endure, now have I +slain that I most loved in all my life; and therewith suddenly he rove +himself on his own sword unto the hilts. When Balin saw that, he +dressed him thenceward, lest folk would say he had slain them; and so +he rode forth, and within three days he came by a cross, and thereon +were letters of gold written, that said, It is not for no knight alone +to ride toward this castle. Then saw he an old hoar gentleman coming +toward him, that said, Balin le Savage, thou passest thy bounds to come +this way, therefore turn again and it will avail thee. And he vanished +away anon; and so he heard an horn blow as it had been the death of a +beast. That blast, said Balin, is blown for me, for I am the prize and +yet am I not dead. Anon withal he saw an hundred ladies and many +knights, that welcomed him with fair semblant, and made him passing +good cheer unto his sight, and led him into the castle, and there was +dancing and minstrelsy and all manner of joy. Then the chief lady of +the castle said, Knight with the Two Swords, ye must have ado and joust +with a knight hereby that keepeth an island, for there may no man pass +this way but he must joust or he pass. That is an unhappy custom, said +Balin, that a knight may not pass this way but if he joust. Ye shall +not have ado but with one knight, said the lady. + +Well, said Balin, since I shall thereto I am ready, but travelling men +are oft weary and their horses too, but though my horse be weary my +heart is not weary, I would be fain there my death should be. Sir, said +a knight to Balin, methinketh your shield is not good, I will lend you +a bigger. Thereof I pray you. And so he took the shield that was +unknown and left his own, and so rode unto the island, and put him and +his horse in a great boat; and when he came on the other side he met +with a damosel, and she said, O knight Balin, why have ye left your own +shield? alas ye have put yourself in great danger, for by your shield +ye should have been known; it is great pity of you as ever was of +knight, for of thy prowess and hardiness thou hast no fellow living. Me +repenteth, said Balin, that ever I came within this country, but I may +not turn now again for shame, and what adventure shall fall to me, be +it life or death, I will take the adventure that shall come to me. And +then he looked on his armour, and understood he was well armed, and +therewith blessed him and mounted upon his horse. + + + +CHAPTER XVIII. How Balin met with his brother Balan, and how each of +them slew other unknown, till they were wounded to death. + +Then afore him he saw come riding out of a castle a knight, and his +horse trapped all red, and himself in the same colour. When this knight +in the red beheld Balin, him thought it should be his brother Balin by +cause of his two swords, but by cause he knew not his shield he deemed +it was not he. And so they aventryd their spears and came marvellously +fast together, and they smote each other in the shields, but their +spears and their course were so big that it bare down horse and man, +that they lay both in a swoon. But Balin was bruised sore with the fall +of his horse, for he was weary of travel. And Balan was the first that +rose on foot and drew his sword, and went toward Balin, and he arose +and went against him; but Balan smote Balin first, and he put up his +shield and smote him through the shield and tamed his helm. Then Balin +smote him again with that unhappy sword, and well-nigh had felled his +brother Balan, and so they fought there together till their breaths +failed. Then Balin looked up to the castle and saw the towers stand +full of ladies. So they went unto battle again, and wounded everych +other dolefully, and then they breathed ofttimes, and so went unto +battle that all the place there as they fought was blood red. And at +that time there was none of them both but they had either smitten other +seven great wounds, so that the least of them might have been the death +of the mightiest giant in this world. + +Then they went to battle again so marvellously that doubt it was to +hear of that battle for the great blood-shedding, and their hauberks +unnailed that naked they were on every side. At last Balan the younger +brother withdrew him a little and laid him down. Then said Balin le +Savage, What knight art thou? for or now I found never no knight that +matched me. My name is, said he, Balan, brother unto the good knight, +Balin. Alas, said Balin, that ever I should see this day, and therewith +he fell backward in a swoon. Then Balan yede on all four feet and +hands, and put off the helm off his brother, and might not know him by +the visage it was so ful hewn and bled; but when he awoke he said, O +Balan, my brother, thou hast slain me and I thee, wherefore all the +wide world shall speak of us both. Alas, said Balan, that ever I saw +this day, that through mishap I might not know you, for I espied well +your two swords, but by cause ye had another shield I deemed ye had +been another knight. Alas, said Balin, all that made an unhappy knight +in the castle, for he caused me to leave my own shield to our both's +destruction, and if I might live I would destroy that castle for ill +customs. That were well done, said Balan, for I had never grace to +depart from them since that I came hither, for here it happed me to +slay a knight that kept this island, and since might I never depart, +and no more should ye, brother, an ye might have slain me as ye have, +and escaped yourself with the life. + +Right so came the lady of the tower with four knights and six ladies +and six yeomen unto them, and there she heard how they made their moan +either to other, and said, We came both out of one tomb, that is to say +one mother's belly, and so shall we lie both in one pit. So Balan +prayed the lady of her gentleness, for his true service, that she would +bury them both in that same place there the battle was done. And she +granted them, with weeping, it should be done richly in the best +manner. Now, will ye send for a priest, that we may receive our +sacrament, and receive the blessed body of our Lord Jesus Christ? Yea, +said the lady, it shall be done; and so she sent for a priest and gave +them their rights. Now, said Balin, when we are buried in one tomb, and +the mention made over us how two brethren slew each other, there will +never good knight, nor good man, see our tomb but they will pray for +our souls. And so all the ladies and gentlewomen wept for pity. Then +anon Balan died, but Balin died not till the midnight after, and so +were they buried both, and the lady let make a mention of Balan how he +was there slain by his brother's hands, but she knew not Balin's name. + + + +CHAPTER XIX. How Merlin buried them both in one tomb, and of Balin's +sword. + +In the morn came Merlin and let write Balin's name on the tomb with +letters of gold, that Here lieth Balin le Savage that was the Knight +with the Two Swords, and he that smote the Dolorous Stroke. Also Merlin +let make there a bed, that there should never man lie therein but he +went out of his wit, yet Launcelot de Lake fordid that bed through his +noblesse. And anon after Balin was dead, Merlin took his sword, and +took off the pommel and set on another pommel. So Merlin bade a knight +that stood afore him handle that sword, and he assayed, and he might +not handle it. Then Merlin laughed. Why laugh ye? said the knight. This +is the cause, said Merlin: there shall never man handle this sword but +the best knight of the world, and that shall be Sir Launcelot or else +Galahad his son, and Launcelot with this sword shall slay the man that +in the world he loved best, that shall be Sir Gawaine. All this he let +write in the pommel of the sword. Then Merlin let make a bridge of iron +and of steel into that island, and it was but half a foot broad, and +there shall never man pass that bridge, nor have hardiness to go over, +but if he were a passing good man and a good knight without treachery +or villainy. Also the scabbard of Balin's sword Merlin left it on this +side the island, that Galahad should find it. Also Merlin let make by +his subtilty that Balin's sword was put in a marble stone standing +upright as great as a mill stone, and the stone hoved always above the +water and did many years, and so by adventure it swam down the stream +to the City of Camelot, that is in English Winchester. And that same +day Galahad the haut prince came with King Arthur, and so Galahad +brought with him the scabbard and achieved the sword that was there in +the marble stone hoving upon the water. And on Whitsunday he achieved +the sword as it is rehearsed in the book of Sangreal. + +Soon after this was done Merlin came to King Arthur and told him of the +dolorous stroke that Balin gave to King Pellam, and how Balin and Balan +fought together the marvellest battle that ever was heard of, and how +they were buried both in one tomb. Alas, said King Arthur, this is the +greatest pity that ever I heard tell of two knights, for in the world I +know not such two knights. Thus endeth the tale of Balin and of Balan, +two brethren born in Northumberland, good knights. + +Sequitur iii. liber. + + + +BOOK III. + + + +CHAPTER I. How King Arthur took a wife, and wedded Guenever, daughter +to Leodegrance, King of the Land of Cameliard, with whom he had the +Round Table. + +In the beginning of Arthur, after he was chosen king by adventure and +by grace; for the most part of the barons knew not that he was Uther +Pendragon's son, but as Merlin made it openly known. But yet many kings +and lords held great war against him for that cause, but well Arthur +overcame them all, for the most part the days of his life he was ruled +much by the counsel of Merlin. So it fell on a time King Arthur said +unto Merlin, My barons will let me have no rest, but needs I must take +a wife, and I will none take but by thy counsel and by thine advice. It +is well done, said Merlin, that ye take a wife, for a man of your +bounty and noblesse should not be without a wife. Now is there any that +ye love more than another? Yea, said King Arthur, I love Guenever the +king's daughter, Leodegrance of the land of Cameliard, the which +holdeth in his house the Table Round that ye told he had of my father +Uther. And this damosel is the most valiant and fairest lady that I +know living, or yet that ever I could find. Sir, said Merlin, as of her +beauty and fairness she is one of the fairest alive, but, an ye loved +her not so well as ye do, I should find you a damosel of beauty and of +goodness that should like you and please you, an your heart were not +set; but there as a man's heart is set, he will be loath to return. +That is truth, said King Arthur. But Merlin warned the king covertly +that Guenever was not wholesome for him to take to wife, for he warned +him that Launcelot should love her, and she him again; and so he turned +his tale to the adventures of Sangreal. + +Then Merlin desired of the king for to have men with him that should +enquire of Guenever, and so the king granted him, and Merlin went forth +unto King Leodegrance of Cameliard, and told him of the desires of the +king that he would have unto his wife Guenever his daughter. That is to +me, said King Leodegrance, the best tidings that ever I heard, that so +worthy a king of prowess and noblesse will wed my daughter. And as for +my lands, I will give him, wist I it might please him, but he hath +lands enow, him needeth none; but I shall send him a gift shall please +him much more, for I shall give him the Table Round, the which Uther +Pendragon gave me, and when it is full complete, there is an hundred +knights and fifty. And as for an hundred good knights I have myself, +but I faute fifty, for so many have been slain in my days. And so +Leodegrance delivered his daughter Guenever unto Merlin, and the Table +Round with the hundred knights, and so they rode freshly, with great +royalty, what by water and what by land, till that they came nigh unto +London. + + + +CHAPTER II. How the Knights of the Round Table were ordained and their +sieges blessed by the Bishop of Canterbury. + +When King Arthur heard of the coming of Guenever and the hundred +knights with the Table Round, then King Arthur made great joy for her +coming, and that rich present, and said openly, This fair lady is +passing welcome unto me, for I have loved her long, and therefore there +is nothing so lief to me. And these knights with the Round Table please +me more than right great riches. And in all haste the king let ordain +for the marriage and the coronation in the most honourable wise that +could be devised. Now, Merlin, said King Arthur, go thou and espy me in +all this land fifty knights which be of most prowess and worship. +Within short time Merlin had found such knights that should fulfil +twenty and eight knights, but no more he could find. Then the Bishop of +Canterbury was fetched, and he blessed the sieges with great royalty +and devotion, and there set the eight and twenty knights in their +sieges. And when this was done Merlin said, Fair sirs, ye must all +arise and come to King Arthur for to do him homage; he will have the +better will to maintain you. And so they arose and did their homage, +and when they were gone Merlin found in every sieges letters of gold +that told the knights' names that had sitten therein. But two sieges +were void. And so anon came young Gawaine and asked the king a gift. +Ask, said the king, and I shall grant it you. Sir, I ask that ye will +make me knight that same day ye shall wed fair Guenever. I will do it +with a good will, said King Arthur, and do unto you all the worship +that I may, for I must by reason ye are my nephew, my sister's son. + + + +CHAPTER III. How a poor man riding upon a lean mare desired King Arthur +to make his son knight. + +Forthwithal there came a poor man into the court, and brought with him +a fair young man of eighteen years of age riding upon a lean mare; and +the poor man asked all men that he met, Where shall I find King Arthur? +Yonder he is, said the knights, wilt thou anything with him? Yea, said +the poor man, therefore I came hither. Anon as he came before the king, +he saluted him and said: O King Arthur, the flower of all knights and +kings, I beseech Jesu save thee. Sir, it was told me that at this time +of your marriage ye would give any man the gift that he would ask, out +except that were unreasonable. That is truth, said the king, such cries +I let make, and that will I hold, so it apair not my realm nor mine +estate. Ye say well and graciously, said the poor man; Sir, I ask +nothing else but that ye will make my son here a knight. It is a great +thing thou askest of me, said the king. What is thy name? said the king +to the poor man. Sir, my name is Aries the cowherd. Whether cometh this +of thee or of thy son? said the king. Nay, sir, said Aries, this desire +cometh of my son and not of me, for I shall tell you I have thirteen +sons, and all they will fall to what labour I put them, and will be +right glad to do labour, but this child will not labour for me, for +anything that my wife or I may do, but always he will be shooting or +casting darts, and glad for to see battles and to behold knights, and +always day and night he desireth of me to be made a knight. What is thy +name? said the king unto the young man. Sir, my name is Tor. The king +beheld him fast, and saw he was passingly well-visaged and passingly +well made of his years. Well, said King Arthur unto Aries the cowherd, +fetch all thy sons afore me that I may see them. And so the poor man +did, and all were shaped much like the poor man. But Tor was not like +none of them all in shape nor in countenance, for he was much more than +any of them. Now, said King Arthur unto the cow herd, where is the +sword he shall be made knight withal? It is here, said Tor. Take it out +of the sheath, said the king, and require me to make you a knight. + +Then Tor alighted off his mare and pulled out his sword, kneeling, and +requiring the king that he would make him knight, and that he might be +a knight of the Table Round. As for a knight I will make you, and +therewith smote him in the neck with the sword, saying, Be ye a good +knight, and so I pray to God so ye may be, and if ye be of prowess and +of worthiness ye shall be a knight of the Table Round. Now Merlin, said +Arthur, say whether this Tor shall be a good knight or no. Yea, sir, he +ought to be a good knight, for he is come of as good a man as any is +alive, and of kings' blood. How so, sir? said the king. I shall tell +you, said Merlin: This poor man, Aries the cowherd, is not his father; +he is nothing sib to him, for King Pellinore is his father. I suppose +nay, said the cowherd. Fetch thy wife afore me, said Merlin, and she +shall not say nay. Anon the wife was fetched, which was a fair +housewife, and there she answered Merlin full womanly, and there she +told the king and Merlin that when she was a maid, and went to milk +kine, there met with her a stern knight, and half by force he had my +maidenhead, and at that time he begat my son Tor, and he took away from +me my greyhound that I had that time with me, and said that he would +keep the greyhound for my love. Ah, said the cowherd, I weened not +this, but I may believe it well, for he had never no tatches of me. +Sir, said Tor unto Merlin, dishonour not my mother. Sir, said Merlin, +it is more for your worship than hurt, for your father is a good man +and a king, and he may right well advance you and your mother, for ye +were begotten or ever she was wedded. That is truth, said the wife. It +is the less grief unto me, said the cowherd. + + + +CHAPTER IV. How Sir Tor was known for son of King Pellinore, and how +Gawaine was made knight. + +So on the morn King Pellinore came to the court of King Arthur, which +had great joy of him, and told him of Tor, how he was his son, and how +he had made him knight at the request of the cowherd. When Pellinore +beheld Tor, he pleased him much. So the king made Gawaine knight, but +Tor was the first he made at the feast. What is the cause, said King +Arthur, that there be two places void in the sieges? Sir, said Merlin, +there shall no man sit in those places but they that shall be of most +worship. But in the Siege Perilous there shall no man sit therein but +one, and if there be any so hardy to do it he shall be destroyed, and +he that shall sit there shall have no fellow. And therewith Merlin took +King Pellinore by the hand, and in the one hand next the two sieges and +the Siege Perilous he said, in open audience, This is your place and +best ye are worthy to sit therein of any that is here. Thereat sat Sir +Gawaine in great envy and told Gaheris his brother, yonder knight is +put to great worship, the which grieveth me sore, for he slew our +father King Lot, therefore I will slay him, said Gawaine, with a sword +that was sent me that is passing trenchant. Ye shall not so, said +Gaheris, at this time, for at this time I am but a squire, and when I +am made knight I will be avenged on him, and therefore, brother, it is +best ye suffer till another time, that we may have him out of the +court, for an we did so we should trouble this high feast. I will well, +said Gawaine, as ye will. + + + +CHAPTER V. How at feast of the wedding of King Arthur to Guenever, a +white hart came into the hall, and thirty couple hounds, and how a +brachet pinched the hart which was taken away. + +Then was the high feast made ready, and the king was wedded at Camelot +unto Dame Guenever in the church of Saint Stephen's, with great +solemnity. And as every man was set after his degree, Merlin went to +all the knights of the Round Table, and bade them sit still, that none +of them remove. For ye shall see a strange and a marvellous adventure. +Right so as they sat there came running in a white hart into the hall, +and a white brachet next him, and thirty couple of black running hounds +came after with a great cry, and the hart went about the Table Round as +he went by other boards. The white brachet bit him by the buttock and +pulled out a piece, wherethrough the hart leapt a great leap and +overthrew a knight that sat at the board side; and therewith the knight +arose and took up the brachet, and so went forth out of the hall, and +took his horse and rode his way with the brachet. Right so anon came in +a lady on a white palfrey, and cried aloud to King Arthur, Sir, suffer +me not to have this despite, for the brachet was mine that the knight +led away. I may not do therewith, said the king. + +With this there came a knight riding all armed on a great horse, and +took the lady away with him with force, and ever she cried and made +great dole. When she was gone the king was glad, for she made such a +noise. Nay, said Merlin, ye may not leave these adventures so lightly; +for these adventures must be brought again or else it would be +disworship to you and to your feast. I will, said the king, that all be +done by your advice. Then, said Merlin, let call Sir Gawaine, for he +must bring again the white hart. Also, sir, ye must let call Sir Tor, +for he must bring again the brachet and the knight, or else slay him. +Also let call King Pellinore, for he must bring again the lady and the +knight, or else slay him. And these three knights shall do marvellous +adventures or they come again. Then were they called all three as it +rehearseth afore, and each of them took his charge, and armed them +surely. But Sir Gawaine had the first request, and therefore we will +begin at him. + + + +CHAPTER VI. How Sir Gawaine rode for to fetch again the hart, and how +two brethren fought each against other for the hart. + +Sir Gawaine rode more than a pace, and Gaheris his brother that rode +with him instead of a squire to do him service. So as they rode they +saw two knights fight on horseback passing sore, so Sir Gawaine and his +brother rode betwixt them, and asked them for what cause they fought +so. The one knight answered and said, We fight for a simple matter, for +we two be two brethren born and begotten of one man and of one woman. +Alas, said Sir Gawaine, why do ye so? Sir, said the elder, there came a +white hart this way this day, and many hounds chased him, and a white +brachet was alway next him, and we understood it was adventure made for +the high feast of King Arthur, and therefore I would have gone after to +have won me worship; and here my younger brother said he would go after +the hart, for he was better knight than I: and for this cause we fell +at debate, and so we thought to prove which of us both was better +knight. This is a simple cause, said Sir Gawaine; uncouth men ye should +debate withal, and not brother with brother; therefore but if you will +do by my counsel I will have ado with you, that is ye shall yield you +unto me, and that ye go unto King Arthur and yield you unto his grace. +Sir knight, said the two brethren, we are forfoughten and much blood +have we lost through our wilfulness, and therefore we would be loath to +have ado with you. Then do as I will have you, said Sir Gawaine. We +will agree to fulfil your will; but by whom shall we say that we be +thither sent? Ye may say, By the knight that followeth the quest of the +hart that was white. Now what is your name? said Gawaine. Sorlouse of +the Forest, said the elder. And my name is, said the younger, Brian of +the Forest. And so they departed and went to the king's court, and Sir +Gawaine on his quest. + +And as Gawaine followed the hart by the cry of the hounds, even afore +him there was a great river, and the hart swam over; and as Sir Gawaine +would follow after, there stood a knight over the other side, and said, +Sir knight, come not over after this hart but if thou wilt joust with +me. I will not fail as for that, said Sir Gawaine, to follow the quest +that I am in, and so made his horse to swim over the water. And anon +they gat their spears and ran together full hard; but Sir Gawaine smote +him off his horse, and then he turned his horse and bade him yield him. +Nay, said the knight, not so, though thou have the better of me on +horseback. I pray thee, valiant knight, alight afoot, and match we +together with swords. What is your name? said Sir Gawaine. Allardin of +the Isles, said the other. Then either dressed their shields and smote +together, but Sir Gawaine smote him so hard through the helm that it +went to the brains, and the knight fell down dead. Ah! said Gaheris, +that was a mighty stroke of a young knight. + + + +CHAPTER VII How the hart was chased into a castle and there slain, and +how Sir Gawaine slew a lady. + +Then Gawaine and Gaheris rode more than a pace after the white hart, +and let slip at the hart three couple of greyhounds, and so they chased +the hart into a castle, and in the chief place of the castle they slew +the hart; Sir Gawaine and Gaheris followed after. Right so there came a +knight out of a chamber with a sword drawn in his hand and slew two of +the greyhounds, even in the sight of Sir Gawaine, and the remnant he +chased them with his sword out of the castle. And when he came again, +he said, O my white hart, me repenteth that thou art dead, for my +sovereign lady gave thee to me, and evil have I kept thee, and thy +death shall be dear bought an I live. And anon he went into his chamber +and armed him, and came out fiercely, and there met he with Sir +Gawaine. Why have ye slain my hounds? said Sir Gawaine, for they did +but their kind, and liefer I had ye had wroken your anger upon me than +upon a dumb beast. Thou sayest truth, said the knight, I have avenged +me on thy hounds, and so I will on thee or thou go. Then Sir Gawaine +alighted afoot and dressed his shield, and struck together mightily, +and clave their shields, and stoned their helms, and brake their +hauberks that the blood ran down to their feet. + +At the last Sir Gawaine smote the knight so hard that he fell to the +earth, and then he cried mercy, and yielded him, and besought him as he +was a knight and gentleman, to save his life. Thou shalt die, said Sir +Gawaine, for slaying of my hounds. I will make amends, said the knight, +unto my power. Sir Gawaine would no mercy have, but unlaced his helm to +have stricken off his head. Right so came his lady out of a chamber and +fell over him, and so he smote off her head by misadventure. Alas, said +Gaheris, that is foully and shamefully done, that shame shall never +from you; also ye should give mercy unto them that ask mercy, for a +knight without mercy is without worship. Sir Gawaine was so stonied of +the death of this fair lady that he wist not what he did, and said unto +the knight, Arise, I will give thee mercy. Nay, nay, said the knight, I +take no force of mercy now, for thou hast slain my love and my lady +that I loved best of all earthly things. Me sore repenteth it, said Sir +Gawaine, for I thought to strike unto thee; but now thou shalt go unto +King Arthur and tell him of thine adventures, and how thou art overcome +by the knight that went in the quest of the white hart. I take no +force, said the knight, whether I live or I die; but so for dread of +death he swore to go unto King Arthur, and he made him to bear one +greyhound before him on his horse, and another behind him. What is your +name? said Sir Gawaine, or we depart. My name is, said the knight, +Ablamar of the Marsh. So he departed toward Camelot. + + + +CHAPTER VIII. How four knights fought against Gawaine and Gaheris, and +how they were overcome, and their lives saved at request of four +ladies. + +And Sir Gawaine went into the castle, and made him ready to lie there +all night, and would have unarmed him. What will ye do, said Gaheris, +will ye unarm you in this country? Ye may think ye have many enemies +here. They had not sooner said that word but there came four knights +well armed, and assailed Sir Gawaine hard, and said unto him, Thou +new-made knight, thou hast shamed thy knighthood, for a knight without +mercy is dishonoured. Also thou hast slain a fair lady to thy great +shame to the world's end, and doubt thou not thou shalt have great need +of mercy or thou depart from us. And therewith one of them smote Sir +Gawaine a great stroke that nigh he fell to the earth, and Gaheris +smote him again sore, and so they were on the one side and on the +other, that Sir Gawaine and Gaheris were in jeopardy of their lives; +and one with a bow, an archer, smote Sir Gawaine through the arm that +it grieved him wonderly sore. And as they should have been slain, there +came four fair ladies, and besought the knights of grace for Sir +Gawaine; and goodly at request of the ladies they gave Sir Gawaine and +Gaheris their lives, and made them to yield them as prisoners. Then +Gawaine and Gaheris made great dole. Alas! said Sir Gawaine, mine arm +grieveth me sore, I am like to be maimed; and so made his complaint +piteously. + +Early on the morrow there came to Sir Gawaine one of the four ladies +that had heard all his complaint, and said, Sir knight, what cheer? Not +good, said he. It is your own default, said the lady, for ye have done +a passing foul deed in the slaying of the lady, the which will be great +villainy unto you. But be ye not of King Arthur's kin? said the lady. +Yes truly, said Sir Gawaine. What is your name? said the lady, ye must +tell it me or ye pass. My name is Gawaine, the King Lot of Orkney's +son, and my mother is King Arthur's sister. Ah! then are ye nephew unto +King Arthur, said the lady, and I shall so speak for you that ye shall +have conduct to go to King Arthur for his love. And so she departed and +told the four knights how their prisoner was King Arthur's nephew, and +his name is Sir Gawaine, King Lot's son of Orkney. And they gave him +the hart's head because it was in his quest. Then anon they delivered +Sir Gawaine under this promise, that he should bear the dead lady with +him in this manner; the head of her was hanged about his neck, and the +whole body of her lay before him on his horse's mane. Right so rode he +forth unto Camelot. And anon as he was come, Merlin desired of King +Arthur that Sir Gawaine should be sworn to tell of all his adventures, +and how he slew the lady, and how he would give no mercy unto the +knight, wherethrough the lady was slain. Then the king and the queen +were greatly displeased with Sir Gawaine for the slaying of the lady. +And there by ordinance of the queen there was set a quest of ladies on +Sir Gawaine, and they judged him for ever while he lived to be with all +ladies, and to fight for their quarrels; and that ever he should be +courteous, and never to refuse mercy to him that asketh mercy. Thus was +Gawaine sworn upon the Four Evangelists that he should never be against +lady nor gentlewoman, but if he fought for a lady and his adversary +fought for another. And thus endeth the adventure of Sir Gawaine that +he did at the marriage of King Arthur. Amen. + + + +CHAPTER IX. How Sir Tor rode after the knight with the brachet, and of +his adventure by the way. + +When Sir Tor was ready, he mounted upon his horseback, and rode after +the knight with the brachet. So as he rode he met with a dwarf suddenly +that smote his horse on the head with a staff, that he went backward +his spear length. Why dost thou so? said Sir Tor. For thou shalt not +pass this way, but if thou joust with yonder knights of the pavilions. +Then was Tor ware where two pavilions were, and great spears stood out, +and two shields hung on trees by the pavilions. I may not tarry, said +Sir Tor, for I am in a quest that I must needs follow. Thou shalt not +pass, said the dwarf, and therewithal he blew his horn. Then there came +one armed on horseback, and dressed his shield, and came fast toward +Tor, and he dressed him against him, and so ran together that Tor bare +him from his horse. And anon the knight yielded him to his mercy. But, +sir, I have a fellow in yonder pavilion that will have ado with you +anon. He shall be welcome, said Sir Tor. Then was he ware of another +knight coming with great raundon, and each of them dressed to other, +that marvel it was to see; but the knight smote Sir Tor a great stroke +in midst of the shield that his spear all to-shivered. And Sir Tor +smote him through the shield below of the shield that it went through +the cost of the knight, but the stroke slew him not. And therewith Sir +Tor alighted and smote him on the helm a great stroke, and therewith +the knight yielded him and besought him of mercy. I will well, said Sir +Tor, but thou and thy fellow must go unto King Arthur, and yield you +prisoners unto him. By whom shall we say are we thither sent? Ye shall +say by the knight that went in the quest of the knight that went with +the brachet. Now, what be your two names? said Sir Tor. My name is, +said the one, Sir Felot of Langduk; and my name is, said the other, Sir +Petipase of Winchelsea. Now go ye forth, said Sir Tor, and God speed +you and me. Then came the dwarf and said unto Sir Tor, I pray you give +me a gift. I will well, said Sir Tor, ask. I ask no more, said the +dwarf, but that ye will suffer me to do you service, for I will serve +no more recreant knights. Take an horse, said Sir Tor, and ride on with +me. I wot ye ride after the knight with the white brachet, and I shall +bring you where he is, said the dwarf. And so they rode throughout a +forest, and at the last they were ware of two pavilions, even by a +priory, with two shields, and the one shield was enewed with white, and +the other shield was red. + + + +CHAPTER X. How Sir Tor found the brachet with a lady, and how a knight +assailed him for the said brachet. + +Therewith Sir Tor alighted and took the dwarf his glaive, and so he +came to the white pavilion, and saw three damosels lie in it, on one +pallet, sleeping, and so he went to the other pavilion, and found a +lady lying sleeping therein, but there was the white brachet that bayed +at her fast, and therewith the lady yede out of the pavilion and all +her damosels. But anon as Sir Tor espied the white brachet, he took her +by force and took her to the dwarf. What, will ye so, said the lady, +take my brachet from me? Yea, said Sir Tor, this brachet have I sought +from King Arthur's court hither. Well, said the lady, knight, ye shall +not go far with her, but that ye shall be met and grieved. I shall +abide what adventure that cometh by the grace of God, and so mounted +upon his horse, and passed on his way toward Camelot; but it was so +near night he might not pass but little further. Know ye any lodging? +said Tor. I know none, said the dwarf, but here beside is an hermitage, +and there ye must take lodging as ye find. And within a while they came +to the hermitage and took lodging; and was there grass, oats and bread +for their horses; soon it was sped, and full hard was their supper; but +there they rested them all night till on the morn, and heard a mass +devoutly, and took their leave of the hermit, and Sir Tor prayed the +hermit to pray for him. He said he would, and betook him to God. And so +mounted upon horseback and rode towards Camelot a long while. + +With that they heard a knight call loud that came after them, and he +said, Knight, abide and yield my brachet that thou took from my lady. +Sir Tor returned again, and beheld him how he was a seemly knight and +well horsed, and well armed at all points; then Sir Tor dressed his +shield, and took his spear in his hands, and the other came fiercely +upon him, and smote both horse and man to the earth. Anon they arose +lightly and drew their swords as eagerly as lions, and put their +shields afore them, and smote through the shields, that the cantels +fell off both parties. Also they tamed their helms that the hot blood +ran out, and the thick mails of their hauberks they carved and rove in +sunder that the hot blood ran to the earth, and both they had many +wounds and were passing weary. But Sir Tor espied that the other knight +fainted, and then he sued fast upon him, and doubled his strokes, and +gart him go to the earth on the one side. Then Sir Tor bade him yield +him. That will I not, said Abelleus, while my life lasteth and the soul +is within my body, unless that thou wilt give me the brachet. That will +I not do, said Sir Tor, for it was my quest to bring again thy brachet, +thee, or both. + + + +CHAPTER XI. How Sir Tor overcame the knight, and how he lost his head +at the request of a lady. + +With that came a damosel riding on a palfrey as fast as she might +drive, and cried with a loud voice unto Sir Tor. What will ye with me? +said Sir Tor. I beseech thee, said the damosel, for King Arthur's love, +give me a gift; I require thee, gentle knight, as thou art a gentleman. +Now, said Tor, ask a gift and I will give it you. Gramercy, said the +damosel; now I ask the head of the false knight Abelleus, for he is the +most outrageous knight that liveth, and the greatest murderer. I am +loath, said Sir Tor, of that gift I have given you; let him make amends +in that he hath trespassed unto you. Now, said the damosel, he may not, +for he slew mine own brother before mine own eyes, that was a better +knight than he, an he had had grace; and I kneeled half an hour afore +him in the mire for to save my brother's life, that had done him no +damage, but fought with him by adventure of arms, and so for all that I +could do he struck off his head; wherefore I require thee, as thou art +a true knight, to give me my gift, or else I shall shame thee in all +the court of King Arthur; for he is the falsest knight living, and a +great destroyer of good knights. Then when Abelleus heard this, he was +more afeard, and yielded him and asked mercy. I may not now, said Sir +Tor, but if I should be found false of my promise; for while I would +have taken you to mercy ye would none ask, but if ye had the brachet +again, that was my quest. And therewith he took off his helm, and he +arose and fled, and Sir Tor after him, and smote off his head quite. + +Now sir, said the damosel, it is near night; I pray you come and lodge +with me here at my place, it is here fast by. I will well, said Sir +Tor, for his horse and he had fared evil since they departed from +Camelot, and so he rode with her, and had passing good cheer with her; +and she had a passing fair old knight to her husband that made him +passing good cheer, and well eased both his horse and him. And on the +morn he heard his mass, and brake his fast, and took his leave of the +knight and of the lady, that besought him to tell them his name. Truly, +he said, my name is Sir Tor that was late made knight, and this was the +first quest of arms that ever I did, to bring again that this knight +Abelleus took away from King Arthur's court. O fair knight, said the +lady and her husband, an ye come here in our marches, come and see our +poor lodging, and it shall be always at your commandment. So Sir Tor +departed and came to Camelot on the third day by noon, and the king and +the queen and all the court was passing fain of his coming, and made +great joy that he was come again; for he went from the court with +little succour, but as King Pellinore his father gave him an old +courser, and King Arthur gave him armour and a sword, and else had he +none other succour, but rode so forth himself alone. And then the king +and the queen by Merlin's advice made him to swear to tell of his +adventures, and so he told and made proofs of his deeds as it is afore +rehearsed, wherefore the king and the queen made great joy. Nay, nay, +said Merlin, these be but japes to that he shall do; for he shall prove +a noble knight of prowess, as good as any is living, and gentle and +courteous, and of good tatches, and passing true of his promise, and +never shall outrage. Wherethrough Merlin's words King Arthur gave him +an earldom of lands that fell unto him. And here endeth the quest of +Sir Tor, King Pellinore's son. + + + +CHAPTER XII. How King Pellinore rode after the lady and the knight that +led her away, and how a lady desired help of him, and how he fought +with two knights for that lady, of whom he slew the one at the first +stroke. + +Then King Pellinore armed him and mounted upon his horse, and rode more +than a pace after the lady that the knight led away. And as he rode in +a forest, he saw in a valley a damosel sit by a well, and a wounded +knight in her arms, and Pellinore saluted her. And when she was ware of +him, she cried overloud, Help me, knight; for Christ's sake, King +Pellinore. And he would not tarry, he was so eager in his quest, and +ever she cried an hundred times after help. When she saw he would not +abide, she prayed unto God to send him as much need of help as she had, +and that he might feel it or he died. So, as the book telleth, the +knight there died that there was wounded, wherefore the lady for pure +sorrow slew herself with his sword. As King Pellinore rode in that +valley he met with a poor man, a labourer. Sawest thou not, said +Pellinore, a knight riding and leading away a lady? Yea, said the man, +I saw that knight, and the lady that made great dole; and yonder +beneath in a valley there shall ye see two pavilions, and one of the +knights of the pavilions challenged that lady of that knight, and said +she was his cousin near, wherefore he should lead her no farther. And +so they waged battle in that quarrel, the one said he would have her by +force, and the other said he would have the rule of her, by cause he +was her kinsman, and would lead her to her kin. For this quarrel he +left them fighting. And if ye will ride a pace ye shall find them +fighting, and the lady was beleft with the two squires in the +pavilions. God thank thee, said King Pellinore. + +Then he rode a wallop till he had a sight of the two pavilions, and the +two knights fighting. Anon he rode unto the pavilions, and saw the lady +that was his quest, and said, Fair lady, ye must go with me unto the +court of King Arthur. Sir knight, said the two squires that were with +her, yonder are two knights that fight for this lady, go thither and +depart them, and be agreed with them, and then may ye have her at your +pleasure. Ye say well, said King Pellinore. And anon he rode betwixt +them, and departed them, and asked them the causes why that they +fought? Sir knight, said the one, I shall tell you, this lady is my +kinswoman nigh, mine aunt's daughter, and when I heard her complain +that she was with him maugre her head, I waged battle to fight with +him. Sir knight, said the other, whose name was Hontzlake of Wentland, +and this lady I gat by my prowess of arms this day at Arthur's court. +That is untruly said, said King Pellinore, for ye came in suddenly +there as we were at the high feast, and took away this lady or any man +might make him ready; and therefore it was my quest to bring her again +and you both, or else the one of us to abide in the field; therefore +the lady shall go with me, or I will die for it, for I have promised it +King Arthur. And therefore fight ye no more, for none of you shall have +no part of her at this time; and if ye list to fight for her, fight +with me, and I will defend her. Well, said the knights, make you ready, +and we shall assail you with all our power. And as King Pellinore would +have put his horse from them, Sir Hontzlake rove his horse through with +a sword, and said: Now art thou on foot as well as we are. When King +Pellinore espied that his horse was slain, lightly he leapt from his +horse and pulled out his sword, and put his shield afore him, and said, +Knight, keep well thy head, for thou shalt have a buffet for the +slaying of my horse. So King Pellinore gave him such a stroke upon the +helm that he clave the head down to the chin, that he fell to the earth +dead. + + + +CHAPTER XIII. How King Pellinore gat the lady and brought her to +Camelot to the court of King Arthur. + +And then he turned him to the other knight, that was sore wounded. But +when he saw the other's buffet, he would not fight, but kneeled down +and said, Take my cousin the lady with you at your request, and I +require you, as ye be a true knight, put her to no shame nor villainy. +What, said King Pellinore, will ye not fight for her? No, sir, said the +knight, I will not fight with such a knight of prowess as ye be. Well, +said Pellinore, ye say well; I promise you she shall have no villainy +by me, as I am true knight; but now me lacketh an horse, said +Pellinore, but I will have Hontzlake's horse. Ye shall not need, said +the knight, for I shall give you such an horse as shall please you, so +that you will lodge with me, for it is near night. I will well, said +King Pellinore, abide with you all night. And there he had with him +right good cheer, and fared of the best with passing good wine, and had +merry rest that night. And on the morn he heard a mass and dined; and +then was brought him a fair bay courser, and King Pellinore's saddle +set upon him. Now, what shall I call you? said the knight, inasmuch as +ye have my cousin at your desire of your quest. Sir, I shall tell you, +my name is King Pellinore of the Isles and knight of the Table Round. +Now I am glad, said the knight, that such a noble man shall have the +rule of my cousin. Now, what is your name? said Pellinore, I pray you +tell me. Sir, my name is Sir Meliot of Logurs, and this lady my cousin +hight Nimue, and the knight that was in the other pavilion is my sworn +brother, a passing good knight, and his name is Brian of the Isles, and +he is full loath to do wrong, and full loath to fight with any man, but +if he be sore sought on, so that for shame he may not leave it. It is +marvel, said Pellinore, that he will not have ado with me. Sir, he will +not have ado with no man but if it be at his request. Bring him to the +court, said Pellinore, one of these days. Sir, we will come together. +And ye shall be welcome, said Pellinore, to the court of King Arthur, +and greatly allowed for your coming. And so he departed with the lady, +and brought her to Camelot. + +So as they rode in a valley it was full of stones, and there the lady's +horse stumbled and threw her down, that her arm was sore bruised and +near she swooned for pain. Alas! sir, said the lady, mine arm is out of +lithe, wherethrough I must needs rest me. Ye shall well, said King +Pellinore. And so he alighted under a fair tree where was fair grass, +and he put his horse thereto, and so laid him under the tree and slept +till it was nigh night. And when he awoke he would have ridden. Sir, +said the lady, it is so dark that ye may as well ride backward as +forward. So they abode still and made there their lodging. Then Sir +Pellinore put off his armour; then a little afore midnight they heard +the trotting of an horse. Be ye still, said King Pellinore, for we +shall hear of some adventure. + + + +CHAPTER XIV. How on the way he heard two knights, as he lay by night in +a valley, and of their adventures. + +And therewith he armed him. So right even afore him there met two +knights, the one came froward Camelot, and the other from the north, +and either saluted other. What tidings at Camelot? said the one. By my +head, said the other, there have I been and espied the court of King +Arthur, and there is such a fellowship they may never be broken, and +well-nigh all the world holdeth with Arthur, for there is the flower of +chivalry. Now for this cause I am riding into the north, to tell our +chieftains of the fellowship that is withholden with King Arthur. As +for that, said the other knight, I have brought a remedy with me, that +is the greatest poison that ever ye heard speak of, and to Camelot will +I with it, for we have a friend right nigh King Arthur, and well +cherished, that shall poison King Arthur; for so he hath promised our +chieftains, and received great gifts for to do it. Beware, said the +other knight, of Merlin, for he knoweth all things by the devil's +craft. Therefore will I not let it, said the knight. And so they +departed asunder. Anon after Pellinore made him ready, and his lady, +[and] rode toward Camelot; and as they came by the well there as the +wounded knight was and the lady, there he found the knight, and the +lady eaten with lions or wild beasts, all save the head, wherefore he +made great sorrow, and wept passing sore, and said, Alas! her life +might I have saved; but I was so fierce in my quest, therefore I would +not abide. Wherefore make ye such dole? said the lady. I wot not, said +Pellinore, but my heart mourneth sore of the death of her, for she was +a passing fair lady and a young. Now, will ye do by mine advice? said +the lady, take this knight and let him be buried in an hermitage, and +then take the lady's head and bear it with you unto Arthur. So King +Pellinore took this dead knight on his shoulders, and brought him to +the hermitage, and charged the hermit with the corpse, that service +should be done for the soul; and take his harness for your pain. It +shall be done, said the hermit, as I will answer unto God. + + + +CHAPTER XV. How when he was come to Camelot he was sworn upon a book to +tell the truth of his quest. + +And therewith they departed, and came there as the head of the lady lay +with a fair yellow hair that grieved King Pellinore passingly sore when +he looked on it, for much he cast his heart on the visage. And so by +noon they came to Camelot; and the king and the queen were passing fain +of his coming to the court. And there he was made to swear upon the +Four Evangelists, to tell the truth of his quest from the one to the +other. Ah! Sir Pellinore, said Queen Guenever, ye were greatly to blame +that ye saved not this lady's life. Madam, said Pellinore, ye were +greatly to blame an ye would not save your own life an ye might, but, +save your pleasure, I was so furious in my quest that I would not +abide, and that repenteth me, and shall the days of my life. Truly, +said Merlin, ye ought sore to repent it, for that lady was your own +daughter begotten on the lady of the Rule, and that knight that was +dead was her love, and should have wedded her, and he was a right good +knight of a young man, and would have proved a good man, and to this +court was he coming, and his name was Sir Miles of the Launds, and a +knight came behind him and slew him with a spear, and his name is +Loraine le Savage, a false knight and a coward; and she for great +sorrow and dole slew herself with his sword, and her name was Eleine. +And because ye would not abide and help her, ye shall see your best +friend fail you when ye be in the greatest distress that ever ye were +or shall be. And that penance God hath ordained you for that deed, that +he that ye shall most trust to of any man alive, he shall leave you +there ye shall be slain. Me forthinketh, said King Pellinore, that this +shall me betide, but God may fordo well destiny. + +Thus, when the quest was done of the white hart, the which followed Sir +Gawaine; and the quest of the brachet, followed of Sir Tor, Pellinore's +son; and the quest of the lady that the knight took away, the which +King Pellinore at that time followed; then the king stablished all his +knights, and them that were of lands not rich he gave them lands, and +charged them never to do outrageousity nor murder, and always to flee +treason; also, by no means to be cruel, but to give mercy unto him that +asketh mercy, upon pain of forfeiture of their worship and lordship of +King Arthur for evermore; and always to do ladies, damosels, and +gentlewomen succour, upon pain of death. Also, that no man take no +battles in a wrongful quarrel for no law, nor for no world's goods. +Unto this were all the knights sworn of the Table Round, both old and +young. And every year were they sworn at the high feast of Pentecost. + +Explicit the Wedding of King Arthur. Sequitur quartus liber. + + + +BOOK IV. + + + +CHAPTER I. How Merlin was assotted and doted on one of the ladies of +the lake, and how he was shut in a rock under a stone and there died. + +So after these quests of Sir Gawaine, Sir Tor, and King Pellinore, it +fell so that Merlin fell in a dotage on the damosel that King Pellinore +brought to court, and she was one of the damosels of the lake, that +hight Nimue. But Merlin would let her have no rest, but always he would +be with her. And ever she made Merlin good cheer till she had learned +of him all manner thing that she desired; and he was assotted upon her, +that he might not be from her. So on a time he told King Arthur that he +should not dure long, but for all his crafts he should be put in the +earth quick. And so he told the king many things that should befall, +but always he warned the king to keep well his sword and the scabbard, +for he told him how the sword and the scabbard should be stolen by a +woman from him that he most trusted. Also he told King Arthur that he +should miss him,—Yet had ye liefer than all your lands to have me +again. Ah, said the king, since ye know of your adventure, purvey for +it, and put away by your crafts that misadventure. Nay, said Merlin, it +will not be; so he departed from the king. And within a while the +Damosel of the Lake departed, and Merlin went with her evermore +wheresomever she went. And ofttimes Merlin would have had her privily +away by his subtle crafts; then she made him to swear that he should +never do none enchantment upon her if he would have his will. And so he +sware; so she and Merlin went over the sea unto the land of Benwick, +whereas King Ban was king that had great war against King Claudas, and +there Merlin spake with King Ban's wife, a fair lady and a good, and +her name was Elaine, and there he saw young Launcelot. There the queen +made great sorrow for the mortal war that King Claudas made on her lord +and on her lands. Take none heaviness, said Merlin, for this same child +within this twenty year shall revenge you on King Claudas, that all +Christendom shall speak of it; and this same child shall be the most +man of worship of the world, and his first name is Galahad, that know I +well, said Merlin, and since ye have confirmed him Launcelot. That is +truth, said the queen, his first name was Galahad. O Merlin, said the +queen, shall I live to see my son such a man of prowess? Yea, lady, on +my peril ye shall see it, and live many winters after. + +And so, soon after, the lady and Merlin departed, and by the way Merlin +showed her many wonders, and came into Cornwall. And always Merlin lay +about the lady to have her maidenhood, and she was ever passing weary +of him, and fain would have been delivered of him, for she was afeard +of him because he was a devil's son, and she could not beskift him by +no mean. And so on a time it happed that Merlin showed to her in a rock +whereas was a great wonder, and wrought by enchantment, that went under +a great stone. So by her subtle working she made Merlin to go under +that stone to let her wit of the marvels there; but she wrought so +there for him that he came never out for all the craft he could do. And +so she departed and left Merlin. + + + +CHAPTER II. How five kings came into this land to war against King +Arthur, and what counsel Arthur had against them. + +And as King Arthur rode to Camelot, and held there a great feast with +mirth and joy, so soon after he returned unto Cardoile, and there came +unto Arthur new tidings that the king of Denmark, and the king of +Ireland that was his brother, and the king of the Vale, and the king of +Soleise, and the king of the Isle of Longtains, all these five kings +with a great host were entered into the land of King Arthur, and burnt +and slew clean afore them, both cities and castles, that it was pity to +hear. Alas, said Arthur, yet had I never rest one month since I was +crowned king of this land. Now shall I never rest till I meet with +those kings in a fair field, that I make mine avow; for my true liege +people shall not be destroyed in my default, go with me who will, and +abide who that will. Then the king let write unto King Pellinore, and +prayed him in all haste to make him ready with such people as he might +lightliest rear and hie him after in all haste. All the barons were +privily wroth that the king would depart so suddenly; but the king by +no mean would abide, but made writing unto them that were not there, +and bade them hie after him, such as were not at that time in the +court. Then the king came to Queen Guenever, and said, Lady, make you +ready, for ye shall go with me, for I may not long miss you; ye shall +cause me to be the more hardy, what adventure so befall me; I will not +wit my lady to be in no jeopardy. Sir, said she, I am at your +commandment, and shall be ready what time so ye be ready. So on the +morn the king and the queen departed with such fellowship as they had, +and came into the north, into a forest beside Humber, and there lodged +them. When the word and tiding came unto the five kings above said, +that Arthur was beside Humber in a forest, there was a knight, brother +unto one of the five kings, that gave them this counsel: Ye know well +that Sir Arthur hath the flower of chivalry of the world with him, as +it is proved by the great battle he did with the eleven kings; and +therefore hie unto him night and day till that we be nigh him, for the +longer he tarrieth the bigger he is, and we ever the weaker; and he is +so courageous of himself that he is come to the field with little +people, and therefore let us set upon him or day and we shall slay +down; of his knights there shall none escape. + + + +CHAPTER III. How King Arthur had ado with them and overthrew them, and +slew the five kings and made the remnant to flee. + +Unto this counsel these five kings assented, and so they passed forth +with their host through North Wales, and came upon Arthur by night, and +set upon his host as the king and his knights were in their pavilions. +King Arthur was unarmed, and had laid him to rest with his Queen +Guenever. Sir, said Sir Kay, it is not good we be unarmed. We shall +have no need, said Sir Gawaine and Sir Griflet, that lay in a little +pavilion by the king. With that they heard a great noise, and many +cried, Treason, treason! Alas, said King Arthur, we be betrayed! Unto +arms, fellows, then he cried. So they were armed anon at all points. +Then came there a wounded knight unto the king, and said, Sir, save +yourself and my lady the queen, for our host is destroyed, and much +people of ours slain. So anon the king and the queen and the three +knights took their horses, and rode toward Humber to pass over it, and +the water was so rough that they were afraid to pass over. Now may ye +choose, said King Arthur, whether ye will abide and take the adventure +on this side, for an ye be taken they will slay you. It were me liefer, +said the queen, to die in the water than to fall in your enemies' hands +and there be slain. + +And as they stood so talking, Sir Kay saw the five kings coming on +horseback by themselves alone, with their spears in their hands even +toward them. Lo, said Sir Kay, yonder be the five kings; let us go to +them and match them. That were folly, said Sir Gawaine, for we are but +three and they be five. That is truth, said Sir Griflet. No force, said +Sir Kay, I will undertake for two of them, and then may ye three +undertake for the other three. And therewithal, Sir Kay let his horse +run as fast as he might, and struck one of them through the shield and +the body a fathom, that the king fell to the earth stark dead. That saw +Sir Gawaine, and ran unto another king so hard that he smote him +through the body. And therewithal King Arthur ran to another, and smote +him through the body with a spear, that he fell to the earth dead. Then +Sir Griflet ran unto the fourth king, and gave him such a fall that his +neck brake. Anon Sir Kay ran unto the fifth king, and smote him so hard +on the helm that the stroke clave the helm and the head to the earth. +That was well stricken, said King Arthur, and worshipfully hast thou +holden thy promise, therefore I shall honour thee while that I live. +And therewithal they set the queen in a barge into Humber; but always +Queen Guenever praised Sir Kay for his deeds, and said, What lady that +ye love, and she love you not again she were greatly to blame; and +among ladies, said the queen, I shall bear your noble fame, for ye +spake a great word, and fulfilled it worshipfully. And therewith the +queen departed. + +Then the king and the three knights rode into the forest, for there +they supposed to hear of them that were escaped; and there he found the +most part of his people, and told them all how the five kings were +dead. And therefore let us hold us together till it be day, and when +their host have espied that their chieftains be slain, they will make +such dole that they shall no more help themselves. And right so as the +king said, so it was; for when they found the five kings dead, they +made such dole that they fell from their horses. Therewithal came King +Arthur but with a few people, and slew on the left hand and on the +right hand, that well-nigh there escaped no man, but all were slain to +the number thirty thousand. And when the battle was all ended, the king +kneeled down and thanked God meekly. And then he sent for the queen, +and soon she was come, and she made great joy of the overcoming of that +battle. + + + +CHAPTER IV. How the battle was finished or he came, and how King Arthur +founded an abbey where the battle was. + +Therewithal came one to King Arthur, and told him that King Pellinore +was within three mile with a great host; and he said, Go unto him, and +let him understand how we have sped. So within a while King Pellinore +came with a great host, and saluted the people and the king, and there +was great joy made on every side. Then the king let search how much +people of his party there was slain; and there were found but little +past two hundred men slain and eight knights of the Table Round in +their pavilions. Then the king let rear and devise in the same place +whereat the battle was done a fair abbey, and endowed it with great +livelihood, and let it call the Abbey of La Beale Adventure. But when +some of them came into their countries, whereof the five kings were +kings, and told them how they were slain, there was made great dole. +And all King Arthur's enemies, as the King of North Wales, and the +kings of the North, [when they] wist of the battle, they were passing +heavy. And so the king returned unto Camelot in haste. + +And when he was come to Camelot he called King Pellinore unto him, and +said, Ye understand well that we have lost eight knights of the best of +the Table Round, and by your advice we will choose eight again of the +best we may find in this court. Sir, said Pellinore, I shall counsel +you after my conceit the best: there are in your court full noble +knights both of old and young; and therefore by mine advice ye shall +choose half of the old and half of the young. Which be the old? said +King Arthur. Sir, said King Pellinore, meseemeth that King Uriens that +hath wedded your sister Morgan le Fay, and the King of the Lake, and +Sir Hervise de Revel, a noble knight, and Sir Galagars, the fourth. +This is well devised, said King Arthur, and right so shall it be. Now, +which are the four young knights? said Arthur. Sir, said Pellinore, the +first is Sir Gawaine, your nephew, that is as good a knight of his time +as any is in this land; and the second as meseemeth best is Sir Griflet +le Fise de Dieu, that is a good knight and full desirous in arms, and +who may see him live he shall prove a good knight; and the third as +meseemeth is well to be one of the knights of the Round Table, Sir Kay +the Seneschal, for many times he hath done full worshipfully, and now +at your last battle he did full honourably for to undertake to slay two +kings. By my head, said Arthur, he is best worth to be a knight of the +Round Table of any that ye have rehearsed, an he had done no more +prowess in his life days. + + + +CHAPTER V. How Sir Tor was made knight of the Round Table, and how +Bagdemagus was displeased. + +Now, said King Pellinore, I shall put to you two knights, and ye shall +choose which is most worthy, that is Sir Bagdemagus, and Sir Tor, my +son. But because Sir Tor is my son I may not praise him, but else, an +he were not my son, I durst say that of his age there is not in this +land a better knight than he is, nor of better conditions and loath to +do any wrong, and loath to take any wrong. By my head, said Arthur, he +is a passing good knight as any ye spake of this day, that wot I well, +said the king; for I have seen him proved, but he saith little and he +doth much more, for I know none in all this court an he were as well +born on his mother's side as he is on your side, that is like him of +prowess and of might: and therefore I will have him at this time, and +leave Sir Bagdemagus till another time. So when they were so chosen by +the assent of all the barons, so were there found in their sieges every +knights' names that here are rehearsed, and so were they set in their +sieges; whereof Sir Bagdemagus was wonderly wroth, that Sir Tor was +advanced afore him, and therefore suddenly he departed from the court, +and took his squire with him, and rode long in a forest till they came +to a cross, and there alighted and said his prayers devoutly. The +meanwhile his squire found written upon the cross, that Bagdemagus +should never return unto the court again, till he had won a knight's +body of the Round Table, body for body. So, sir, said the squire, here +I find writing of you, therefore I rede you return again to the court. +That shall I never, said Bagdemagus, till men speak of me great +worship, and that I be worthy to be a knight of the Round Table. And so +he rode forth, and there by the way he found a branch of an holy herb +that was the sign of the Sangreal, and no knight found such tokens but +he were a good liver. + +So, as Sir Bagdemagus rode to see many adventures, it happed him to +come to the rock whereas the Lady of the Lake had put Merlin under the +stone, and there he heard him make great dole; whereof Sir Bagdemagus +would have holpen him, and went unto the great stone, and it was so +heavy that an hundred men might not lift it up. When Merlin wist he was +there, he bade leave his labour, for all was in vain, for he might +never be holpen but by her that put him there. And so Bagdemagus +departed and did many adventures, and proved after a full good knight, +and came again to the court and was made knight of the Round Table. So +on the morn there fell new tidings and other adventures. + + + +CHAPTER VI. How King Arthur, King Uriens, and Sir Accolon of Gaul, +chased an hart, and of their marvellous adventures. + +Then it befell that Arthur and many of his knights rode a-hunting into +a great forest, and it happed King Arthur, King Uriens, and Sir Accolon +of Gaul, followed a great hart, for they three were well horsed, and so +they chased so fast that within a while they three were then ten mile +from their fellowship. And at the last they chased so sore that they +slew their horses underneath them. Then were they all three on foot, +and ever they saw the hart afore them passing weary and enbushed. What +will we do? said King Arthur, we are hard bestead. Let us go on foot, +said King Uriens, till we may meet with some lodging. Then were they +ware of the hart that lay on a great water bank, and a brachet biting +on his throat, and more other hounds came after. Then King Arthur blew +the prise and dight the hart. + +Then the king looked about the world, and saw afore him in a great +water a little ship, all apparelled with silk down to the water, and +the ship came right unto them and landed on the sands. Then Arthur went +to the bank and looked in, and saw none earthly creature therein. Sirs, +said the king, come thence, and let us see what is in this ship. So +they went in all three, and found it richly behanged with cloth of +silk. By then it was dark night, and there suddenly were about them an +hundred torches set upon all the sides of the ship boards, and it gave +great light; and therewithal there came out twelve fair damosels and +saluted King Arthur on their knees, and called him by his name, and +said he was right welcome, and such cheer as they had he should have of +the best. The king thanked them fair. Therewithal they led the king and +his two fellows into a fair chamber, and there was a cloth laid, richly +beseen of all that longed unto a table, and there were they served of +all wines and meats that they could think; of that the king had great +marvel, for he fared never better in his life as for one supper. And so +when they had supped at their leisure, King Arthur was led into a +chamber, a richer beseen chamber saw he never none, and so was King +Uriens served, and led into such another chamber, and Sir Accolon was +led into the third chamber passing richly and well beseen; and so they +were laid in their beds easily. And anon they fell asleep, and slept +marvellously sore all the night. And on the morrow King Uriens was in +Camelot abed in his wife's arms, Morgan le Fay. And when he awoke he +had great marvel, how he came there, for on the even afore he was two +days' journey from Camelot. And when King Arthur awoke he found himself +in a dark prison, hearing about him many complaints of woful knights. + + + +CHAPTER VII. How Arthur took upon him to fight to be delivered out of +prison, and also for to deliver twenty knights that were in prison. + +What are ye that so complain? said King Arthur. We be here twenty +knights, prisoners, said they, and some of us have lain here seven +year, and some more and some less. For what cause? said Arthur. We +shall tell you, said the knights; this lord of this castle, his name is +Sir Damas, and he is the falsest knight that liveth, and full of +treason, and a very coward as any liveth, and he hath a younger +brother, a good knight of prowess, his name is Sir Ontzlake; and this +traitor Damas, the elder brother will give him no part of his +livelihood, but as Sir Ontzlake keepeth thorough prowess of his hands, +and so he keepeth from him a full fair manor and a rich, and therein +Sir Ontzlake dwelleth worshipfully, and is well beloved of all people. +And this Sir Damas, our master is as evil beloved, for he is without +mercy, and he is a coward, and great war hath been betwixt them both, +but Ontzlake hath ever the better, and ever he proffereth Sir Damas to +fight for the livelihood, body for body, but he will not do; other-else +to find a knight to fight for him. Unto that Sir Damas had granted to +find a knight, but he is so evil beloved and hated, that there is never +a knight will fight for him. And when Damas saw this, that there was +never a knight would fight for him, he hath daily lain await with many +knights with him, and taken all the knights in this country to see and +espy their adventures, he hath taken them by force and brought them to +his prison. And so he took us separately as we rode on our adventures, +and many good knights have died in this prison for hunger, to the +number of eighteen knights; and if any of us all that here is, or hath +been, would have foughten with his brother Ontzlake, he would have +delivered us, but for because this Damas is so false and so full of +treason we would never fight for him to die for it. And we be so lean +for hunger that unnethe we may stand on our feet. God deliver you, for +his mercy, said Arthur. + +Anon, therewithal there came a damosel unto Arthur, and asked him, What +cheer? I cannot say, said he. Sir, said she, an ye will fight for my +lord, ye shall be delivered out of prison, and else ye escape never the +life. Now, said Arthur, that is hard, yet had I liefer to fight with a +knight than to die in prison; with this, said Arthur, I may be +delivered and all these prisoners, I will do the battle. Yes, said the +damosel. I am ready, said Arthur, an I had horse and armour. Ye shall +lack none, said the damosel. Meseemeth, damosel, I should have seen you +in the court of Arthur. Nay said the damosel, I came never there, I am +the lord's daughter of this castle. Yet was she false, for she was one +of the damosels of Morgan le Fay. + +Anon she went unto Sir Damas, and told him how he would do battle for +him, and so he sent for Arthur. And when he came he was well coloured, +and well made of his limbs, that all knights that saw him said it were +pity that such a knight should die in prison. So Sir Damas and he were +agreed that he should fight for him upon this covenant, that all other +knights should be delivered; and unto that was Sir Damas sworn unto +Arthur, and also to do the battle to the uttermost. And with that all +the twenty knights were brought out of the dark prison into the hall, +and delivered, and so they all abode to see the battle. + + + +CHAPTER VIII. How Accolon found himself by a well, and he took upon him +to do battle against Arthur. + +Now turn we unto Accolon of Gaul, that when he awoke he found himself +by a deep well-side, within half a foot, in great peril of death. And +there came out of that fountain a pipe of silver, and out of that pipe +ran water all on high in a stone of marble. When Sir Accolon saw this, +he blessed him and said, Jesus save my lord King Arthur, and King +Uriens, for these damosels in this ship have betrayed us, they were +devils and no women; and if I may escape this misadventure, I shall +destroy all where I may find these false damosels that use +enchantments. Right with that there came a dwarf with a great mouth and +a flat nose, and saluted Sir Accolon, and said how he came from Queen +Morgan le Fay, and she greeteth you well, and biddeth you be of strong +heart, for ye shall fight to morrow with a knight at the hour of prime, +and therefore she hath sent you here Excalibur, Arthur's sword, and the +scabbard, and she biddeth you as ye love her, that ye do the battle to +the uttermost, without any mercy, like as ye had promised her when ye +spake together in privity; and what damosel that bringeth her the +knight's head, which ye shall fight withal, she will make her a queen. +Now I understand you well, said Accolon, I shall hold that I have +promised her now I have the sword: when saw ye my lady Queen Morgan le +Fay? Right late, said the dwarf. Then Accolon took him in his arms and +said, Recommend me unto my lady queen, and tell her all shall be done +that I have promised her, and else I will die for it. Now I suppose, +said Accolon, she hath made all these crafts and enchantments for this +battle. Ye may well believe it, said the dwarf. Right so there came a +knight and a lady with six squires, and saluted Accolon, and prayed him +for to arise, and come and rest him at his manor. And so Accolon +mounted upon a void horse, and went with the knight unto a fair manor +by a priory, and there he had passing good cheer. + +Then Sir Damas sent unto his brother Sir Ontzlake, and bade make him +ready by to-morn at the hour of prime, and to be in the field to fight +with a good knight, for he had found a good knight that was ready to do +battle at all points. When this word came unto Sir Ontzlake he was +passing heavy, for he was wounded a little to-fore through both his +thighs with a spear, and made great dole; but as he was wounded, he +would have taken the battle on hand. So it happed at that time, by the +means of Morgan le Fay, Accolon was with Sir Ontzlake lodged; and when +he heard of that battle, and how Ontzlake was wounded, he said that he +would fight for him. Because Morgan le Fay had sent him Excalibur and +the sheath for to fight with the knight on the morn: this was the cause +Sir Accolon took the battle on hand. Then Sir Ontzlake was passing +glad, and thanked Sir Accolon with all his heart that he would do so +much for him. And therewithal Sir Ontzlake sent word unto his brother +Sir Damas, that he had a knight that for him should be ready in the +field by the hour of prime. + +So on the morn Sir Arthur was armed and well horsed, and asked Sir +Damas, When shall we to the field? Sir, said Sir Damas, ye shall hear +mass. And so Arthur heard a mass, and when mass was done there came a +squire on a great horse, and asked Sir Damas if his knight were ready, +for our knight is ready in the field. Then Sir Arthur mounted upon +horseback, and there were all the knights and commons of that country; +and so by all advices there were chosen twelve good men of the country +for to wait upon the two knights. And right as Arthur was on horseback +there came a damosel from Morgan le Fay, and brought unto Sir Arthur a +sword like unto Excalibur, and the scabbard, and said unto Arthur, +Morgan le Fay sendeth here your sword for great love. And he thanked +her, and weened it had been so, but she was false, for the sword and +the scabbard was counterfeit, and brittle, and false. + + + +CHAPTER IX. Of the battle between King Arthur and Accolon. + +And then they dressed them on both parties of the field, and let their +horses run so fast that either smote other in the midst of the shield +with their spear-heads, that both horse and man went to the earth; and +then they started up both, and pulled out their swords. The meanwhile +that they were thus at the battle, came the Damosel of the Lake into +the field, that put Merlin under the stone; and she came thither for +love of King Arthur, for she knew how Morgan le Fay had so ordained +that King Arthur should have been slain that day, and therefore she +came to save his life. And so they went eagerly to the battle, and gave +many great strokes, but always Arthur's sword bit not like Accolon's +sword; but for the most part, every stroke that Accolon gave he wounded +sore Arthur, that it was marvel he stood, and always his blood fell +from him fast. + +When Arthur beheld the ground so sore be-bled he was dismayed, and then +he deemed treason that his sword was changed; for his sword bit not +steel as it was wont to do, therefore he dreaded him sore to be dead, +for ever him seemed that the sword in Accolon's hand was Excalibur, for +at every stroke that Accolon struck he drew blood on Arthur. Now, +knight, said Accolon unto Arthur, keep thee well from me; but Arthur +answered not again, and gave him such a buffet on the helm that it made +him to stoop, nigh falling down to the earth. Then Sir Accolon withdrew +him a little, and came on with Excalibur on high, and smote Sir Arthur +such a buffet that he fell nigh to the earth. Then were they wroth +both, and gave each other many sore strokes, but always Sir Arthur lost +so much blood that it was marvel he stood on his feet, but he was so +full of knighthood that knightly he endured the pain. And Sir Accolon +lost not a deal of blood, therefore he waxed passing light, and Sir +Arthur was passing feeble, and weened verily to have died; but for all +that he made countenance as though he might endure, and held Accolon as +short as he might. But Accolon was so bold because of Excalibur that he +waxed passing hardy. But all men that beheld him said they saw never +knight fight so well as Arthur did considering the blood that he bled. +So was all the people sorry for him, but the two brethren would not +accord. Then always they fought together as fierce knights, and Sir +Arthur withdrew him a little for to rest him, and Sir Accolon called +him to battle and said, It is no time for me to suffer thee to rest. +And therewith he came fiercely upon Arthur, and Sir Arthur was wroth +for the blood that he had lost, and smote Accolon on high upon the +helm, so mightily, that he made him nigh to fall to the earth; and +therewith Arthur's sword brast at the cross, and fell in the grass +among the blood, and the pommel and the sure handles he held in his +hands. When Sir Arthur saw that, he was in great fear to die, but +always he held up his shield and lost no ground, nor bated no cheer. + + + +CHAPTER X. How King Arthur's sword that he fought with brake, and how +he recovered of Accolon his own sword Excalibur, and overcame his +enemy. + +Then Sir Accolon began with words of treason, and said, Knight, thou +art overcome, and mayst not endure, and also thou art weaponless, and +thou hast lost much of thy blood, and I am full loath to slay thee, +therefore yield thee to me as recreant. Nay, said Sir Arthur, I may not +so, for I have promised to do the battle to the uttermost by the faith +of my body, while me lasteth the life, and therefore I had liefer to +die with honour than to live with shame; and if it were possible for me +to die an hundred times, I had liefer to die so oft than yield me to +thee; for though I lack weapon, I shall lack no worship, and if thou +slay me weaponless that shall be thy shame. Well, said Accolon, as for +the shame I will not spare, now keep thee from me, for thou art but a +dead man. And therewith Accolon gave him such a stroke that he fell +nigh to the earth, and would have had Arthur to have cried him mercy. +But Sir Arthur pressed unto Accolon with his shield, and gave him with +the pommel in his hand such a buffet that he went three strides aback. + +When the Damosel of the Lake beheld Arthur, how full of prowess his +body was, and the false treason that was wrought for him to have had +him slain, she had great pity that so good a knight and such a man of +worship should so be destroyed. And at the next stroke Sir Accolon +struck him such a stroke that by the damosel's enchantment the sword +Excalibur fell out of Accolon's hand to the earth. And therewithal Sir +Arthur lightly leapt to it, and gat it in his hand, and forthwithal he +knew that it was his sword Excalibur, and said, Thou hast been from me +all too long, and much damage hast thou done me; and therewith he +espied the scabbard hanging by his side, and suddenly he sterte to him +and pulled the scabbard from him, and threw it from him as far as he +might throw it. O knight, said Arthur, this day hast thou done me great +damage with this sword; now are ye come unto your death, for I shall +not warrant you but ye shall as well be rewarded with this sword, or +ever we depart, as thou hast rewarded me; for much pain have ye made me +to endure, and much blood have I lost. And therewith Sir Arthur rushed +on him with all his might and pulled him to the earth, and then rushed +off his helm, and gave him such a buffet on the head that the blood +came out at his ears, his nose, and his mouth. Now will I slay thee, +said Arthur. Slay me ye may well, said Accolon, an it please you, for +ye are the best knight that ever I found, and I see well that God is +with you. But for I promised to do this battle, said Accolon, to the +uttermost, and never to be recreant while I lived, therefore shall I +never yield me with my mouth, but God do with my body what he will. +Then Sir Arthur remembered him, and thought he should have seen this +knight. Now tell me, said Arthur, or I will slay thee, of what country +art thou, and of what court? Sir Knight, said Sir Accolon, I am of the +court of King Arthur, and my name is Accolon of Gaul. Then was Arthur +more dismayed than he was beforehand; for then he remembered him of his +sister Morgan le Fay, and of the enchantment of the ship. O sir knight, +said he, I pray you tell me who gave you this sword, and by whom ye had +it. + + + +CHAPTER XI. How Accolon confessed the treason of Morgan le Fay, King +Arthur's sister, and how she would have done slay him. + +Then Sir Accolon bethought him, and said, Woe worth this sword, for by +it have I got my death. It may well be, said the king. Now, sir, said +Accolon, I will tell you; this sword hath been in my keeping the most +part of this twelvemonth; and Morgan le Fay, King Uriens' wife, sent it +me yesterday by a dwarf, to this intent, that I should slay King +Arthur, her brother. For ye shall understand King Arthur is the man in +the world that she most hateth, because he is most of worship and of +prowess of any of her blood; also she loveth me out of measure as +paramour, and I her again; and if she might bring about to slay Arthur +by her crafts, she would slay her husband King Uriens lightly, and then +had she me devised to be king in this land, and so to reign, and she to +be my queen; but that is now done, said Accolon, for I am sure of my +death. Well, said Sir Arthur, I feel by you ye would have been king in +this land. It had been great damage to have destroyed your lord, said +Arthur. It is truth, said Accolon, but now I have told you truth, +wherefore I pray you tell me of whence ye are, and of what court? O +Accolon, said King Arthur, now I let thee wit that I am King Arthur, to +whom thou hast done great damage. When Accolon heard that he cried +aloud, Fair, sweet lord, have mercy on me, for I knew not you. O Sir +Accolon, said King Arthur, mercy shalt thou have, because I feel by thy +words at this time thou knewest not my person; but I understand well by +thy words that thou hast agreed to the death of my person, and +therefore thou art a traitor; but I wite thee the less, for my sister +Morgan le Fay by her false crafts made thee to agree and consent to her +false lusts, but I shall be sore avenged upon her an I live, that all +Christendom shall speak of it; God knoweth I have honoured her and +worshipped her more than all my kin, and more have I trusted her than +mine own wife and all my kin after. + +Then Sir Arthur called the keepers of the field, and said, Sirs, come +hither, for here are we two knights that have fought unto a great +damage unto us both, and like each one of us to have slain other, if it +had happed so; and had any of us known other, here had been no battle, +nor stroke stricken. Then all aloud cried Accolon unto all the knights +and men that were then there gathered together, and said to them in +this manner, O lords, this noble knight that I have fought withal, the +which me sore repenteth, is the most man of prowess, of manhood, and of +worship in the world, for it is himself King Arthur, our alther liege +lord, and with mishap and with misadventure have I done this battle +with the king and lord that I am holden withal. + + + +CHAPTER XII. How Arthur accorded the two brethren, and delivered the +twenty knights, and how Sir Accolon died. + +Then all the people fell down on their knees and cried King Arthur +mercy. Mercy shall ye have, said Arthur: here may ye see what +adventures befall ofttime of errant knights, how that I have fought +with a knight of mine own unto my great damage and his both. But, sirs, +because I am sore hurt, and he both, and I had great need of a little +rest, ye shall understand the opinion betwixt you two brethren: As to +thee, Sir Damas, for whom I have been champion and won the field of +this knight, yet will I judge because ye, Sir Damas, are called an +orgulous knight, and full of villainy, and not worth of prowess your +deeds, therefore I will that ye give unto your brother all the whole +manor with the appurtenance, under this form, that Sir Ontzlake hold +the manor of you, and yearly to give you a palfrey to ride upon, for +that will become you better to ride on than upon a courser. Also I +charge thee, Sir Damas, upon pain of death, that thou never distress no +knights errant that ride on their adventure. And also that thou restore +these twenty knights that thou hast long kept prisoners, of all their +harness, that they be content for; and if any of them come to my court +and complain of thee, by my head thou shalt die therefore. Also, Sir +Ontzlake, as to you, because ye are named a good knight, and full of +prowess, and true and gentle in all your deeds, this shall be your +charge I will give you, that in all goodly haste ye come unto me and my +court, and ye shall be a knight of mine, and if your deeds be +thereafter I shall so prefer you, by the grace of God, that ye shall in +short time be in ease for to live as worshipfully as your brother Sir +Damas. God thank your largeness of your goodness and of your bounty, I +shall be from henceforward at all times at your commandment; for, sir, +said Sir Ontzlake, as God would, as I was hurt but late with an +adventurous knight through both my thighs, that grieved me sore, and +else had I done this battle with you. God would, said Arthur, it had +been so, for then had not I been hurt as I am. I shall tell you the +cause why: for I had not been hurt as I am, had it not been mine own +sword, that was stolen from me by treason; and this battle was ordained +aforehand to have slain me, and so it was brought to the purpose by +false treason, and by false enchantment. Alas, said Sir Ontzlake, that +is great pity that ever so noble a man as ye are of your deeds and +prowess, that any man or woman might find in their hearts to work any +treason against you. I shall reward them, said Arthur, in short time, +by the grace of God. Now, tell me, said Arthur, how far am I from +Camelot? Sir, ye are two days' journey therefrom. I would fain be at +some place of worship, said Sir Arthur, that I might rest me. Sir, said +Sir Ontzlake, hereby is a rich abbey of your elders' foundation, of +nuns, but three miles hence. So the king took his leave of all the +people, and mounted upon horseback, and Sir Accolon with him. And when +they were come to the abbey, he let fetch leeches and search his wounds +and Accolon's both; but Sir Accolon died within four days, for he had +bled so much blood that he might not live, but King Arthur was well +recovered. So when Accolon was dead he let send him on an horse-bier +with six knights unto Camelot, and said: Bear him to my sister Morgan +le Fay, and say that I send her him to a present, and tell her I have +my sword Excalibur and the scabbard; so they departed with the body. + + + +CHAPTER XIII. How Morgan would have slain Sir Uriens her husband, and +how Sir Uwaine her son saved him. + +The meanwhile Morgan le Fay had weened King Arthur had been dead. So on +a day she espied King Uriens lay in his bed sleeping. Then she called +unto her a maiden of her counsel, and said, Go fetch me my lord's +sword, for I saw never better time to slay him than now. O madam, said +the damosel, an ye slay my lord ye can never escape. Care not you, said +Morgan le Fay, for now I see my time in the which it is best to do it, +and therefore hie thee fast and fetch me the sword. Then the damosel +departed, and found Sir Uwaine sleeping upon a bed in another chamber, +so she went unto Sir Uwaine, and awaked him, and bade him, Arise, and +wait on my lady your mother, for she will slay the king your father +sleeping in his bed, for I go to fetch his sword. Well, said Sir +Uwaine, go on your way, and let me deal. Anon the damosel brought +Morgan the sword with quaking hands, and she lightly took the sword, +and pulled it out, and went boldly unto the bed's side, and awaited how +and where she might slay him best. And as she lifted up the sword to +smite, Sir Uwaine leapt unto his mother, and caught her by the hand, +and said, Ah, fiend, what wilt thou do? An thou wert not my mother, +with this sword I should smite off thy head. Ah, said Sir Uwaine, men +saith that Merlin was begotten of a devil, but I may say an earthly +devil bare me. O fair son, Uwaine, have mercy upon me, I was tempted +with a devil, wherefore I cry thee mercy; I will never more do so; and +save my worship and discover me not. On this covenant, said Sir Uwaine, +I will forgive it you, so ye will never be about to do such deeds. Nay, +son, said she, and that I make you assurance. + + + +CHAPTER XIV. How Queen Morgan le Fay made great sorrow for the death of +Accolon, and how she stole away the scabbard from Arthur. + +Then came tidings unto Morgan le Fay that Accolon was dead, and his +body brought unto the church, and how King Arthur had his sword again. +But when Queen Morgan wist that Accolon was dead, she was so sorrowful +that near her heart to-brast. But because she would not it were known, +outward she kept her countenance, and made no semblant of sorrow. But +well she wist an she abode till her brother Arthur came thither, there +should no gold go for her life. + +Then she went unto Queen Guenever, and asked her leave to ride into the +country. Ye may abide, said Queen Guenever, till your brother the king +come home. I may not, said Morgan le Fay, for I have such hasty +tidings, that I may not tarry. Well, said Guenever, ye may depart when +ye will. So early on the morn, or it was day, she took her horse and +rode all that day and most part of the night, and on the morn by noon +she came to the same abbey of nuns whereas lay King Arthur; and she +knowing he was there, she asked where he was. And they answered how he +had laid him in his bed to sleep, for he had had but little rest these +three nights. Well, said she, I charge you that none of you awake him +till I do, and then she alighted off her horse, and thought for to +steal away Excalibur his sword, and so she went straight unto his +chamber, and no man durst disobey her commandment, and there she found +Arthur asleep in his bed, and Excalibur in his right hand naked. When +she saw that she was passing heavy that she might not come by the sword +without she had awaked him, and then she wist well she had been dead. +Then she took the scabbard and went her way on horseback. When the king +awoke and missed his scabbard, he was wroth, and he asked who had been +there, and they said his sister, Queen Morgan had been there, and had +put the scabbard under her mantle and was gone. Alas, said Arthur, +falsely ye have watched me. Sir, said they all, we durst not disobey +your sister's commandment. Ah, said the king, let fetch the best horse +may be found, and bid Sir Ontzlake arm him in all haste, and take +another good horse and ride with me. So anon the king and Ontzlake were +well armed, and rode after this lady, and so they came by a cross and +found a cowherd, and they asked the poor man if there came any lady +riding that way. Sir, said this poor man, right late came a lady riding +with a forty horses, and to yonder forest she rode. Then they spurred +their horses, and followed fast, and within a while Arthur had a sight +of Morgan le Fay; then he chased as fast as he might. When she espied +him following her, she rode a greater pace through the forest till she +came to a plain, and when she saw she might not escape, she rode unto a +lake thereby, and said, Whatsoever come of me, my brother shall not +have this scabbard. And then she let throw the scabbard in the deepest +of the water so it sank, for it was heavy of gold and precious stones. + +Then she rode into a valley where many great stones were, and when she +saw she must be overtaken, she shaped herself, horse and man, by +enchantment unto a great marble stone. Anon withal came Sir Arthur and +Sir Ontzlake whereas the king might know his sister and her men, and +one knight from another. Ah, said the king, here may ye see the +vengeance of God, and now am I sorry that this misadventure is +befallen. And then he looked for the scabbard, but it would not be +found, so he returned to the abbey where he came from. So when Arthur +was gone she turned all into the likeliness as she and they were +before, and said, Sirs, now may we go where we will. + + + +CHAPTER XV. How Morgan le Fay saved a knight that should have been +drowned, and how King Arthur returned home again. + +Then said Morgan, Saw ye Arthur, my brother? Yea, said her knights, +right well, and that ye should have found an we might have stirred from +one stead, for by his armyvestal countenance he would have caused us to +have fled. I believe you, said Morgan. Anon after as she rode she met a +knight leading another knight on his horse before him, bound hand and +foot, blindfold, to have drowned him in a fountain. When she saw this +knight so bound, she asked him, What will ye do with that knight? Lady, +said he, I will drown him. For what cause? she asked. For I found him +with my wife, and she shall have the same death anon. That were pity, +said Morgan le Fay. Now, what say ye, knight, is it truth that he saith +of you? she said to the knight that should be drowned. Nay truly, +madam, he saith not right on me. Of whence be ye, said Morgan le Fay, +and of what country? I am of the court of King Arthur, and my name is +Manassen, cousin unto Accolon of Gaul. Ye say well, said she, and for +the love of him ye shall be delivered, and ye shall have your adversary +in the same case ye be in. So Manassen was loosed and the other knight +bound. And anon Manassen unarmed him, and armed himself in his harness, +and so mounted on horseback, and the knight afore him, and so threw him +into the fountain and drowned him. And then he rode unto Morgan again, +and asked if she would anything unto King Arthur. Tell him that I +rescued thee, not for the love of him but for the love of Accolon, and +tell him I fear him not while I can make me and them that be with me in +likeness of stones; and let him wit I can do much more when I see my +time. And so she departed into the country of Gore, and there was she +richly received, and made her castles and towns passing strong, for +always she dreaded much King Arthur. + +When the king had well rested him at the abbey, he rode unto Camelot, +and found his queen and his barons right glad of his coming. And when +they heard of his strange adventures as is afore rehearsed, then all +had marvel of the falsehood of Morgan le Fay; many knights wished her +burnt. Then came Manassen to court and told the king of his adventure. +Well, said the king, she is a kind sister; I shall so be avenged on her +an I live, that all Christendom shall speak of it. So on the morn there +came a damosel from Morgan to the king, and she brought with her the +richest mantle that ever was seen in that court, for it was set as full +of precious stones as one might stand by another, and there were the +richest stones that ever the king saw. And the damosel said, Your +sister sendeth you this mantle, and desireth that ye should take this +gift of her; and in what thing she hath offended you, she will amend it +at your own pleasure. When the king beheld this mantle it pleased him +much, but he said but little. + + + +CHAPTER XVI. How the Damosel of the Lake saved King Arthur from mantle +that should have burnt him. + +With that came the Damosel of the Lake unto the king, and said, Sir, I +must speak with you in privity. Say on, said the king, what ye will. +Sir, said the damosel, put not on you this mantle till ye have seen +more, and in no wise let it not come on you, nor on no knight of yours, +till ye command the bringer thereof to put it upon her. Well, said King +Arthur, it shall be done as ye counsel me. And then he said unto the +damosel that came from his sister, Damosel, this mantle that ye have +brought me, I will see it upon you. Sir, she said, It will not beseem +me to wear a king's garment. By my head, said Arthur, ye shall wear it +or it come on my back, or any man's that here is. And so the king made +it to be put upon her, and forth withal she fell down dead, and never +more spake word after and burnt to coals. Then was the king wonderly +wroth, more than he was to-forehand, and said unto King Uriens, My +sister, your wife, is alway about to betray me, and well I wot either +ye, or my nephew, your son, is of counsel with her to have me +destroyed; but as for you, said the king to King Uriens, I deem not +greatly that ye be of her counsel, for Accolon confessed to me by his +own mouth, that she would have destroyed you as well as me, therefore I +hold you excused; but as for your son, Sir Uwaine, I hold him suspect, +therefore I charge you put him out of my court. So Sir Uwaine was +discharged. And when Sir Gawaine wist that, he made him ready to go +with him; and said, Whoso banisheth my cousin-germain shall banish me. +So they two departed, and rode into a great forest, and so they came to +an abbey of monks, and there were well lodged. But when the king wist +that Sir Gawaine was departed from the court, there was made great +sorrow among all the estates. Now, said Gaheris, Gawaine's brother, we +have lost two good knights for the love of one. So on the morn they +heard their masses in the abbey, and so they rode forth till that they +came to a great forest. Then was Sir Gawaine ware in a valley by a +turret [of] twelve fair damosels, and two knights armed on great +horses, and the damosels went to and fro by a tree. And then was Sir +Gawaine ware how there hung a white shield on that tree, and ever as +the damosels came by it they spit upon it, and some threw mire upon the +shield. + + + +CHAPTER XVII. How Sir Gawaine and Sir Uwaine met with twelve fair +damosels, and how they complained on Sir Marhaus. + +Then Sir Gawaine and Sir Uwaine went and saluted them, and asked why +they did that despite to the shield. Sir, said the damosels, we shall +tell you. There is a knight in this country that owneth this white +shield, and he is a passing good man of his hands, but he hateth all +ladies and gentlewomen, and therefore we do all this despite to the +shield. I shall say you, said Sir Gawaine, it beseemeth evil a good +knight to despise all ladies and gentlewomen, and peradventure though +he hate you he hath some certain cause, and peradventure he loveth in +some other places ladies and gentlewomen, and to be loved again, an he +be such a man of prowess as ye speak of. Now, what is his name? Sir, +said they, his name is Marhaus, the king's son of Ireland. I know him +well, said Sir Uwaine, he is a passing good knight as any is alive, for +I saw him once proved at a jousts where many knights were gathered, and +that time there might no man withstand him. Ah! said Sir Gawaine, +damosels, methinketh ye are to blame, for it is to suppose, he that +hung that shield there, he will not be long therefrom, and then may +those knights match him on horseback, and that is more your worship +than thus; for I will abide no longer to see a knight's shield +dishonoured. And therewith Sir Uwaine and Gawaine departed a little +from them, and then were they ware where Sir Marhaus came riding on a +great horse straight toward them. And when the twelve damosels saw Sir +Marhaus they fled into the turret as they were wild, so that some of +them fell by the way. Then the one of the knights of the tower dressed +his shield, and said on high, Sir Marhaus, defend thee. And so they ran +together that the knight brake his spear on Marhaus, and Marhaus smote +him so hard that he brake his neck and the horse's back. That saw the +other knight of the turret, and dressed him toward Marhaus, and they +met so eagerly together that the knight of the turret was soon smitten +down, horse and man, stark dead. + + + +CHAPTER XVIII. How Sir Marhaus jousted with Sir Gawaine and Sir Uwaine, +and overthrew them both. + +And then Sir Marhaus rode unto his shield, and saw how it was defouled, +and said, Of this despite I am a part avenged, but for her love that +gave me this white shield I shall wear thee, and hang mine where thou +wast; and so he hanged it about his neck. Then he rode straight unto +Sir Gawaine and to Sir Uwaine, and asked them what they did there? They +answered him that they came from King Arthur's court to see adventures. +Well, said Sir Marhaus, here am I ready, an adventurous knight that +will fulfil any adventure that ye will desire; and so departed from +them, to fetch his range. Let him go, said Sir Uwaine unto Sir Gawaine, +for he is a passing good knight as any is living; I would not by my +will that any of us were matched with him. Nay, said Sir Gawaine, not +so, it were shame to us were he not assayed, were he never so good a +knight. Well, said Sir Uwaine, I will assay him afore you, for I am +more weaker than ye, and if he smite me down then may ye revenge me. So +these two knights came together with great raundon, that Sir Uwaine +smote Sir Marhaus that his spear brast in pieces on the shield, and Sir +Marhaus smote him so sore that horse and man he bare to the earth, and +hurt Sir Uwaine on the left side. + +Then Sir Marhaus turned his horse and rode toward Gawaine with his +spear, and when Sir Gawaine saw that he dressed his shield, and they +aventred their spears, and they came together with all the might of +their horses, that either knight smote other so hard in midst of their +shields, but Sir Gawaine's spear brake, but Sir Marhaus' spear held; +and therewith Sir Gawaine and his horse rushed down to the earth. And +lightly Sir Gawaine rose on his feet, and pulled out his sword, and +dressed him toward Sir Marhaus on foot, and Sir Marhaus saw that, and +pulled out his sword and began to come to Sir Gawaine on horseback. Sir +knight, said Sir Gawaine, alight on foot, or else I will slay thy +horse. Gramercy, said Sir Marhaus, of your gentleness ye teach me +courtesy, for it is not for one knight to be on foot, and the other on +horseback. And therewith Sir Marhaus set his spear against a tree and +alighted and tied his horse to a tree, and dressed his shield, and +either came unto other eagerly, and smote together with their swords +that their shields flew in cantels, and they bruised their helms and +their hauberks, and wounded either other. But Sir Gawaine from it +passed nine of the clock waxed ever stronger and stronger, for then it +came to the hour of noon, and thrice his might was increased. All this +espied Sir Marhaus and had great wonder how his might increased, and so +they wounded other passing sore. And then when it was past noon, and +when it drew toward evensong, Sir Gawaine's strength feebled, and waxed +passing faint that unnethes he might dure any longer, and Sir Marhaus +was then bigger and bigger. Sir knight, said Sir Marhaus, I have well +felt that ye are a passing good knight and a marvellous man of might as +ever I felt any, while it lasteth, and our quarrels are not great, and +therefore it were pity to do you hurt, for I feel ye are passing +feeble. Ah, said Sir Gawaine, gentle knight, ye say the word that I +should say. And therewith they took off their helms, and either kissed +other, and there they swore together either to love other as brethren. +And Sir Marhaus prayed Sir Gawaine to lodge with him that night. And so +they took their horses, and rode toward Sir Marhaus' house. And as they +rode by the way, Sir knight, said Sir Gawaine, I have marvel that so +valiant a man as ye be love no ladies nor damosels. Sir, said Sir +Marhaus, they name me wrongfully those that give me that name, but well +I wot it be the damosels of the turret that so name me, and other such +as they be. Now shall I tell you for what cause I hate them: for they +be sorceresses and enchanters many of them, and be a knight never so +good of his body and full of prowess as man may be, they will make him +a stark coward to have the better of him, and this is the principal +cause that I hate them; and to all good ladies and gentlewomen I owe my +service as a knight ought to do. + +As the book rehearseth in French, there were many knights that +overmatched Sir Gawaine, for all the thrice might that he had: Sir +Launcelot de Lake, Sir Tristram, Sir Bors de Ganis, Sir Percivale, Sir +Pelleas, and Sir Marhaus, these six knights had the better of Sir +Gawaine. Then within a little while they came to Sir Marhaus' place, +which was in a little priory, and there they alighted, and ladies and +damosels unarmed them, and hastily looked to their hurts, for they were +all three hurt. And so they had all three good lodging with Sir +Marhaus, and good cheer; for when he wist that they were King Arthur's +sister's sons he made them all the cheer that lay in his power, and so +they sojourned there a sennight, and were well eased of their wounds, +and at the last departed. Now, said Sir Marhaus, we will not depart so +lightly, for I will bring you through the forest; and rode day by day +well a seven days or they found any adventure. At the last they came +into a great forest, that was named the country and forest of Arroy, +and the country of strange adventures. In this country, said Sir +Marhaus, came never knight since it was christened but he found strange +adventures; and so they rode, and came into a deep valley full of +stones, and thereby they saw a fair stream of water; above thereby was +the head of the stream a fair fountain, and three damosels sitting +thereby. And then they rode to them, and either saluted other, and the +eldest had a garland of gold about her head, and she was three score +winter of age or more, and her hair was white under the garland. The +second damosel was of thirty winter of age, with a circlet of gold +about her head. The third damosel was but fifteen year of age, and a +garland of flowers about her head. When these knights had so beheld +them, they asked them the cause why they sat at that fountain? We be +here, said the damosels, for this cause: if we may see any errant +knights, to teach them unto strange adventures; and ye be three knights +that seek adventures, and we be three damosels, and therefore each one +of you must choose one of us; and when ye have done so we will lead you +unto three highways, and there each of you shall choose a way and his +damosel with him. And this day twelvemonth ye must meet here again, and +God send you your lives, and thereto ye must plight your troth. This is +well said, said Sir Marhaus. + + + +CHAPTER XIX. How Sir Marhaus, Sir Gawaine, and Sir Uwaine met three +damosels, and each of them took one. + +Now shall everych of us choose a damosel. I shall tell you, said Sir +Uwaine, I am the youngest and most weakest of you both, therefore I +will have the eldest damosel, for she hath seen much, and can best help +me when I have need, for I have most need of help of you both. Now, +said Sir Marhaus, I will have the damosel of thirty winter age, for she +falleth best to me. Well, said Sir Gawaine, I thank you, for ye have +left me the youngest and the fairest, and she is most liefest to me. +Then every damosel took her knight by the reins of his bridle, and +brought him to the three ways, and there was their oath made to meet at +the fountain that day twelvemonth an they were living, and so they +kissed and departed, and each knight set his lady behind him. And Sir +Uwaine took the way that lay west, and Sir Marhaus took the way that +lay south, and Sir Gawaine took the way that lay north. Now will we +begin at Sir Gawaine, that held that way till that he came unto a fair +manor, where dwelled an old knight and a good householder, and there +Sir Gawaine asked the knight if he knew any adventures in that country. +I shall show you some to-morn, said the old knight, and that +marvellous. So, on the morn they rode into the forest of adventures to +a laund, and thereby they found a cross, and as they stood and hoved +there came by them the fairest knight and the seemliest man that ever +they saw, making the greatest dole that ever man made. And then he was +ware of Sir Gawaine, and saluted him, and prayed God to send him much +worship. As to that, said Sir Gawaine, gramercy; also I pray to God +that he send you honour and worship. Ah, said the knight, I may lay +that aside, for sorrow and shame cometh to me after worship. + + + +CHAPTER XX. How a knight and a dwarf strove for a lady. + +And therewith he passed unto the one side of the laund; and on the +other side saw Sir Gawaine ten knights that hoved still and made them +ready with their shields and spears against that one knight that came +by Sir Gawaine. + +Then this one knight aventred a great spear, and one of the ten knights +encountered with him, but this woful knight smote him so hard that he +fell over his horse's tail. So this same dolorous knight served them +all, that at the leastway he smote down horse and man, and all he did +with one spear; and so when they were all ten on foot, they went to +that one knight, and he stood stone still, and suffered them to pull +him down off his horse, and bound him hand and foot, and tied him under +the horse's belly, and so led him with them. O Jesu! said Sir Gawaine, +this is a doleful sight, to see the yonder knight so to be entreated, +and it seemeth by the knight that he suffereth them to bind him so, for +he maketh no resistance. No, said his host, that is truth, for an he +would they all were too weak so to do him. Sir, said the damosel unto +Sir Gawaine, meseemeth it were your worship to help that dolorous +knight, for methinketh he is one of the best knights that ever I saw. I +would do for him, said Sir Gawaine, but it seemeth he will have no +help. Then, said the damosel, methinketh ye have no lust to help him. + +Thus as they talked they saw a knight on the other side of the laund +all armed save the head. And on the other side there came a dwarf on +horseback all armed save the head, with a great mouth and a short nose; +and when the dwarf came nigh he said, Where is the lady should meet us +here? and therewithal she came forth out of the wood. And then they +began to strive for the lady; for the knight said he would have her, +and the dwarf said he would have her. Will we do well? said the dwarf; +yonder is a knight at the cross, let us put it both upon him, and as he +deemeth so shall it be. I will well, said the knight, and so they went +all three unto Sir Gawaine and told him wherefore they strove. Well, +sirs, said he, will ye put the matter in my hand? Yea, they said both. +Now damosel, said Sir Gawaine, ye shall stand betwixt them both, and +whether ye list better to go to, he shall have you. And when she was +set between them both, she left the knight and went to the dwarf, and +the dwarf took her and went his way singing, and the knight went his +way with great mourning. + +Then came there two knights all armed, and cried on high, Sir Gawaine! +knight of King Arthur's, make thee ready in all haste and joust with +me. So they ran together, that either fell down, and then on foot they +drew their swords, and did full actually. The meanwhile the other +knight went to the damosel, and asked her why she abode with that +knight, and if ye would abide with me, I will be your faithful knight. +And with you will I be, said the damosel, for with Sir Gawaine I may +not find in mine heart to be with him; for now here was one knight +discomfited ten knights, and at the last he was cowardly led away; and +therefore let us two go whilst they fight. And Sir Gawaine fought with +that other knight long, but at the last they accorded both. And then +the knight prayed Sir Gawaine to lodge with him that night. So as Sir +Gawaine went with this knight he asked him, What knight is he in this +country that smote down the ten knights? For when he had done so +manfully he suffered them to bind him hand and foot, and so led him +away. Ah, said the knight, that is the best knight I trow in the world, +and the most man of prowess, and he hath been served so as he was even +more than ten times, and his name hight Sir Pelleas, and he loveth a +great lady in this country and her name is Ettard. And so when he loved +her there was cried in this country a great jousts three days, and all +the knights of this country were there and gentlewomen, and who that +proved him the best knight should have a passing good sword and a +circlet of gold, and the circlet the knight should give it to the +fairest lady that was at the jousts. And this knight Sir Pelleas was +the best knight that was there, and there were five hundred knights, +but there was never man that ever Sir Pelleas met withal but he struck +him down, or else from his horse; and every day of three days he struck +down twenty knights, therefore they gave him the prize, and forthwithal +he went thereas the Lady Ettard was, and gave her the circlet, and said +openly she was the fairest lady that there was, and that would he prove +upon any knight that would say nay. + + + +CHAPTER XXI. How King Pelleas suffered himself to be taken prisoner +because he would have a sight of his lady, and how Sir Gawaine promised +him to get to him the love of his lady. + +And so he chose her for his sovereign lady, and never to love other but +her, but she was so proud that she had scorn of him, and said that she +would never love him though he would die for her. Wherefore all ladies +and gentlewomen had scorn of her that she was so proud, for there were +fairer than she, and there was none that was there but an Sir Pelleas +would have proffered them love, they would have loved him for his noble +prowess. And so this knight promised the Lady Ettard to follow her into +this country, and never to leave her till she loved him. And thus he is +here the most part nigh her, and lodged by a priory, and every week she +sendeth knights to fight with him. And when he hath put them to the +worse, then will he suffer them wilfully to take him prisoner, because +he would have a sight of this lady. And always she doth him great +despite, for sometime she maketh her knights to tie him to his horse's +tail, and some to bind him under the horse's belly; thus in the most +shamefullest ways that she can think he is brought to her. And all she +doth it for to cause him to leave this country, and to leave his +loving; but all this cannot make him to leave, for an he would have +fought on foot he might have had the better of the ten knights as well +on foot as on horseback. Alas, said Sir Gawaine, it is great pity of +him; and after this night I will seek him to-morrow, in this forest, to +do him all the help I can. So on the morn Sir Gawaine took his leave of +his host Sir Carados, and rode into the forest; and at the last he met +with Sir Pelleas, making great moan out of measure, so each of them +saluted other, and asked him why he made such sorrow. And as it is +above rehearsed, Sir Pelleas told Sir Gawaine: But always I suffer her +knights to fare so with me as ye saw yesterday, in trust at the last to +win her love, for she knoweth well all her knights should not lightly +win me, an me list to fight with them to the uttermost. Wherefore an I +loved her not so sore, I had liefer die an hundred times, an I might +die so oft, rather than I would suffer that despite; but I trust she +will have pity upon me at the last, for love causeth many a good knight +to suffer to have his entent, but alas I am unfortunate. And therewith +he made so great dole and sorrow that unnethe he might hold him on +horseback. + +Now, said Sir Gawaine, leave your mourning and I shall promise you by +the faith of my body to do all that lieth in my power to get you the +love of your lady, and thereto I will plight you my troth. Ah, said Sir +Pelleas, of what court are ye? tell me, I pray you, my good friend. And +then Sir Gawaine said, I am of the court of King Arthur, and his +sister's son, and King Lot of Orkney was my father, and my name is Sir +Gawaine. And then he said, My name is Sir Pelleas, born in the Isles, +and of many isles I am lord, and never have I loved lady nor damosel +till now in an unhappy time; and, sir knight, since ye are so nigh +cousin unto King Arthur, and a king's son, therefore betray me not but +help me, for I may never come by her but by some good knight, for she +is in a strong castle here, fast by within this four mile, and over all +this country she is lady of. And so I may never come to her presence, +but as I suffer her knights to take me, and but if I did so that I +might have a sight of her, I had been dead long or this time; and yet +fair word had I never of her, but when I am brought to-fore her she +rebuketh me in the foulest manner. And then they take my horse and +harness and put me out of the gates, and she will not suffer me to eat +nor drink; and always I offer me to be her prisoner, but that she will +not suffer me, for I would desire no more, what pains so ever I had, so +that I might have a sight of her daily. Well, said Sir Gawaine, all +this shall I amend an ye will do as I shall devise: I will have your +horse and your armour, and so will I ride unto her castle and tell her +that I have slain you, and so shall I come within her to cause her to +cherish me, and then shall I do my true part that ye shall not fail to +have the love of her. + + + +CHAPTER XXII. How Sir Gawaine came to the Lady Ettard, and how Sir +Pelleas found them sleeping. + +And therewith Sir Gawaine plight his troth unto Sir Pelleas to be true +and faithful unto him; so each one plight their troth to other, and so +they changed horses and harness, and Sir Gawaine departed, and came to +the castle whereas stood the pavilions of this lady without the gate. +And as soon as Ettard had espied Sir Gawaine she fled in toward the +castle. Sir Gawaine spake on high, and bade her abide, for he was not +Sir Pelleas; I am another knight that have slain Sir Pelleas. Do off +your helm, said the Lady Ettard, that I may see your visage. And so +when she saw that it was not Sir Pelleas, she bade him alight and led +him unto her castle, and asked him faithfully whether he had slain Sir +Pelleas. And he said her yea, and told her his name was Sir Gawaine of +the court of King Arthur, and his sister's son. Truly, said she, that +is great pity, for he was a passing good knight of his body, but of all +men alive I hated him most, for I could never be quit of him; and for +ye have slain him I shall be your woman, and to do anything that might +please you. So she made Sir Gawaine good cheer. Then Sir Gawaine said +that he loved a lady and by no means she would love him. She is to +blame, said Ettard, an she will not love you, for ye that be so well +born a man, and such a man of prowess, there is no lady in the world +too good for you. Will ye, said Sir Gawaine, promise me to do all that +ye may, by the faith of your body, to get me the love of my lady? Yea, +sir, said she, and that I promise you by the faith of my body. Now, +said Sir Gawaine, it is yourself that I love so well, therefore I pray +you hold your promise. I may not choose, said the Lady Ettard, but if I +should be forsworn; and so she granted him to fulfil all his desire. + +So it was then in the month of May that she and Sir Gawaine went out of +the castle and supped in a pavilion, and there was made a bed, and +there Sir Gawaine and the Lady Ettard went to bed together, and in +another pavilion she laid her damosels, and in the third pavilion she +laid part of her knights, for then she had no dread of Sir Pelleas. And +there Sir Gawaine lay with her in that pavilion two days and two +nights. And on the third day, in the morning early, Sir Pelleas armed +him, for he had never slept since Sir Gawaine departed from him; for +Sir Gawaine had promised him by the faith of his body, to come to him +unto his pavilion by that priory within the space of a day and a night. + +Then Sir Pelleas mounted upon horseback, and came to the pavilions that +stood without the castle, and found in the first pavilion three knights +in three beds, and three squires lying at their feet. Then went he to +the second pavilion and found four gentlewomen lying in four beds. And +then he yede to the third pavilion and found Sir Gawaine lying in bed +with his Lady Ettard, and either clipping other in arms, and when he +saw that his heart well-nigh brast for sorrow, and said: Alas! that +ever a knight should be found so false; and then he took his horse and +might not abide no longer for pure sorrow. And when he had ridden nigh +half a mile he turned again and thought to slay them both; and when he +saw them both so lie sleeping fast, unnethe he might hold him on +horseback for sorrow, and said thus to himself, Though this knight be +never so false, I will never slay him sleeping, for I will never +destroy the high order of knighthood; and therewith he departed again. +And or he had ridden half a mile he returned again, and thought then to +slay them both, making the greatest sorrow that ever man made. And when +he came to the pavilions, he tied his horse unto a tree, and pulled out +his sword naked in his hand, and went to them thereas they lay, and yet +he thought it were shame to slay them sleeping, and laid the naked +sword overthwart both their throats, and so took his horse and rode his +way. + +And when Sir Pelleas came to his pavilions he told his knights and his +squires how he had sped, and said thus to them, For your true and good +service ye have done me I shall give you all my goods, for I will go +unto my bed and never arise until I am dead. And when that I am dead I +charge you that ye take the heart out of my body and bear it her +betwixt two silver dishes, and tell her how I saw her lie with the +false knight Sir Gawaine. Right so Sir Pelleas unarmed himself, and +went unto his bed making marvellous dole and sorrow. + +When Sir Gawaine and Ettard awoke of their sleep, and found the naked +sword overthwart their throats, then she knew well it was Sir Pelleas' +sword. Alas! said she to Sir Gawaine, ye have betrayed me and Sir +Pelleas both, for ye told me ye had slain him, and now I know well it +is not so, he is alive. And if Sir Pelleas had been as uncourteous to +you as ye have been to him ye had been a dead knight; but ye have +deceived me and betrayed me falsely, that all ladies and damosels may +beware by you and me. And therewith Sir Gawaine made him ready, and +went into the forest. So it happed then that the Damosel of the Lake, +Nimue, met with a knight of Sir Pelleas, that went on his foot in the +forest making great dole, and she asked him the cause. And so the woful +knight told her how his master and lord was betrayed through a knight +and lady, and how he will never arise out of his bed till he be dead. +Bring me to him, said she anon, and I will warrant his life he shall +not die for love, and she that hath caused him so to love, she shall be +in as evil plight as he is or it be long to, for it is no joy of such a +proud lady that will have no mercy of such a valiant knight. Anon that +knight brought her unto him, and when she saw him lie in his bed, she +thought she saw never so likely a knight; and therewith she threw an +enchantment upon him, and he fell asleep. And therewhile she rode unto +the Lady Ettard, and charged no man to awake him till she came again. +So within two hours she brought the Lady Ettard thither, and both +ladies found him asleep: Lo, said the Damosel of the Lake, ye ought to +be ashamed for to murder such a knight. And therewith she threw such an +enchantment upon her that she loved him sore, that well-nigh she was +out of her mind. O Lord Jesu, said the Lady Ettard, how is it befallen +unto me that I love now him that I have most hated of any man alive? +That is the righteous judgment of God, said the damosel. And then anon +Sir Pelleas awaked and looked upon Ettard; and when he saw her he knew +her, and then he hated her more than any woman alive, and said: Away, +traitress, come never in my sight. And when she heard him say so, she +wept and made great sorrow out of measure. + + + +CHAPTER XXIII. How Sir Pelleas loved no more Ettard by means of the +Damosel of the Lake, whom he loved ever after. + +Sir knight Pelleas, said the Damosel of the Lake, take your horse and +come forth with me out of this country, and ye shall love a lady that +shall love you. I will well, said Sir Pelleas, for this Lady Ettard +hath done me great despite and shame, and there he told her the +beginning and ending, and how he had purposed never to have arisen till +that he had been dead. And now such grace God hath sent me, that I hate +her as much as ever I loved her, thanked be our Lord Jesus! Thank me, +said the Damosel of the Lake. Anon Sir Pelleas armed him, and took his +horse, and commanded his men to bring after his pavilions and his stuff +where the Damosel of the Lake would assign. So the Lady Ettard died for +sorrow, and the Damosel of the Lake rejoiced Sir Pelleas, and loved +together during their life days. + + + +CHAPTER XXIV. How Sir Marhaus rode with the damosel, and how he came to +the Duke of the South Marches. + +Now turn we unto Sir Marhaus, that rode with the damosel of thirty +winter of age, southward. And so they came into a deep forest, and by +fortune they were nighted, and rode long in a deep way, and at the last +they came unto a courtelage, and there they asked harbour. But the man +of the courtelage would not lodge them for no treatise that they could +treat, but thus much the good man said, An ye will take the adventure +of your lodging, I shall bring you where ye shall be lodged. What +adventure is that that I shall have for my lodging? said Sir Marhaus. +Ye shall wit when ye come there, said the good man. Sir, what adventure +so it be, bring me thither I pray thee, said Sir Marhaus; for I am +weary, my damosel, and my horse. So the good man went and opened the +gate, and within an hour he brought him unto a fair castle, and then +the poor man called the porter, and anon he was let into the castle, +and so he told the lord how he brought him a knight errant and a +damosel that would be lodged with him. Let him in, said the lord, it +may happen he shall repent that they took their lodging here. + +So Sir Marhaus was let in with torchlight, and there was a goodly sight +of young men that welcomed him. And then his horse was led into the +stable, and he and the damosel were brought into the hall, and there +stood a mighty duke and many goodly men about him. Then this lord asked +him what he hight, and from whence he came, and with whom he dwelt. +Sir, he said, I am a knight of King Arthur's and knight of the Table +Round, and my name is Sir Marhaus, and born I am in Ireland. And then +said the duke to him, That me sore repenteth: the cause is this, for I +love not thy lord nor none of thy fellows of the Table Round; and +therefore ease thyself this night as well as thou mayest, for as +to-morn I and my six sons shall match with you. Is there no remedy but +that I must have ado with you and your six sons at once? said Sir +Marhaus. No, said the duke, for this cause I made mine avow, for Sir +Gawaine slew my seven sons in a recounter, therefore I made mine avow, +there should never knight of King Arthur's court lodge with me, or come +thereas I might have ado with him, but that I would have a revenging of +my sons' death. What is your name? said Sir Marhaus; I require you tell +me, an it please you. Wit thou well I am the Duke of South Marches. Ah, +said Sir Marhaus, I have heard say that ye have been long time a great +foe unto my lord Arthur and to his knights. That shall ye feel to-morn, +said the duke. Shall I have ado with you? said Sir Marhaus. Yea, said +the duke, thereof shalt thou not choose, and therefore take you to your +chamber, and ye shall have all that to you longeth. So Sir Marhaus +departed and was led to a chamber, and his damosel was led unto her +chamber. And on the morn the duke sent unto Sir Marhaus and bade make +him ready. And so Sir Marhaus arose and armed him, and then there was a +mass sung afore him, and brake his fast, and so mounted on horseback in +the court of the castle where they should do the battle. So there was +the duke all ready on horseback, clean armed, and his six sons by him, +and everych had a spear in his hand, and so they encountered, whereas +the duke and his two sons brake their spears upon him, but Sir Marhaus +held up his spear and touched none of them. + + + +CHAPTER XXV. How Sir Marhaus fought with the duke and his four sons and +made them to yield them. + +Then came the four sons by couple, and two of them brake their spears, +and so did the other two. And all this while Sir Marhaus touched them +not. Then Sir Marhaus ran to the duke, and smote him with his spear +that horse and man fell to the earth, and so he served his sons; and +then Sir Marhaus alighted down and bade the duke yield him or else he +would slay him. And then some of his sons recovered, and would have set +upon Sir Marhaus; then Sir Marhaus said to the duke, Cease thy sons, or +else I will do the uttermost to you all. Then the duke saw he might not +escape the death, he cried to his sons, and charged them to yield them +to Sir Marhaus; and they kneeled all down and put the pommels of their +swords to the knight, and so he received them. And then they helped up +their father, and so by their cominal assent promised to Sir Marhaus +never to be foes unto King Arthur, and thereupon at Whitsuntide after +to come, he and his sons, and put them in the king's grace. + +Then Sir Marhaus departed, and within two days his damosel brought him +whereas was a great tournament that the Lady de Vawse had cried. And +who that did best should have a rich circlet of gold worth a thousand +besants. And there Sir Marhaus did so nobly that he was renowned, and +had sometime down forty knights, and so the circlet of gold was +rewarded him. Then he departed from them with great worship; and so +within seven nights his damosel brought him to an earl's place, his +name was the Earl Fergus, that after was Sir Tristram's knight; and +this earl was but a young man, and late come into his lands, and there +was a giant fast by him that hight Taulurd, and he had another brother +in Cornwall that hight Taulas, that Sir Tristram slew when he was out +of his mind. So this earl made his complaint unto Sir Marhaus, that +there was a giant by him that destroyed all his lands, and how he durst +nowhere ride nor go for him. Sir, said the knight, whether useth he to +fight on horseback or on foot? Nay, said the earl, there may no horse +bear him. Well, said Sir Marhaus, then will I fight with him on foot; +so on the morn Sir Marhaus prayed the earl that one of his men might +bring him whereas the giant was; and so he was, for he saw him sit +under a tree of holly, and many clubs of iron and gisarms about him. So +this knight dressed him to the giant, putting his shield afore him, and +the giant took an iron club in his hand, and at the first stroke he +clave Sir Marhaus' shield in two pieces. And there he was in great +peril, for the giant was a wily fighter, but at last Sir Marhaus smote +off his right arm above the elbow. + +Then the giant fled and the knight after him, and so he drove him into +a water, but the giant was so high that he might not wade after him. +And then Sir Marhaus made the Earl Fergus' man to fetch him stones, and +with those stones the knight gave the giant many sore knocks, till at +the last he made him fall down into the water, and so was he there +dead. Then Sir Marhaus went unto the giant's castle, and there he +delivered twenty-four ladies and twelve knights out of the giant's +prison, and there he had great riches without number, so that the days +of his life he was never poor man. Then he returned to the Earl Fergus, +the which thanked him greatly, and would have given him half his lands, +but he would none take. So Sir Marhaus dwelled with the earl nigh half +a year, for he was sore bruised with the giant, and at the last he took +his leave. And as he rode by the way, he met with Sir Gawaine and Sir +Uwaine, and so by adventure he met with four knights of Arthur's court, +the first was Sir Sagramore le Desirous, Sir Osanna, Sir Dodinas le +Savage, and Sir Felot of Listinoise; and there Sir Marhaus with one +spear smote down these four knights, and hurt them sore. So he departed +to meet at his day aforeset. + + + +CHAPTER XXVI. How Sir Uwaine rode with the damosel of sixty year of +age, and how he gat the prize at tourneying. + +Now turn we unto Sir Uwaine, that rode westward with his damosel of +three score winter of age, and she brought him thereas was a tournament +nigh the march of Wales. And at that tournament Sir Uwaine smote down +thirty knights, therefore was given him the prize, and that was a +gerfalcon, and a white steed trapped with cloth of gold. So then Sir +Uwaine did many strange adventures by the means of the old damosel, and +so she brought him to a lady that was called the Lady of the Rock, the +which was much courteous. So there were in the country two knights that +were brethren, and they were called two perilous knights, the one +knight hight Sir Edward of the Red Castle, and the other Sir Hue of the +Red Castle; and these two brethren had disherited the Lady of the Rock +of a barony of lands by their extortion. And as this knight was lodged +with this lady she made her complaint to him of these two knights. + +Madam, said Sir Uwaine, they are to blame, for they do against the high +order of knighthood, and the oath that they made; and if it like you I +will speak with them, because I am a knight of King Arthur's, and I +will entreat them with fairness; and if they will not, I shall do +battle with them, and in the defence of your right. Gramercy said the +lady, and thereas I may not acquit you, God shall. So on the morn the +two knights were sent for, that they should come thither to speak with +the Lady of the Rock, and wit ye well they failed not, for they came +with an hundred horse. But when this lady saw them in this manner so +big, she would not suffer Sir Uwaine to go out to them upon no surety +nor for no fair language, but she made him speak with them over a +tower, but finally these two brethren would not be entreated, and +answered that they would keep that they had. Well, said Sir Uwaine, +then will I fight with one of you, and prove that ye do this lady +wrong. That will we not, said they, for an we do battle, we two will +fight with one knight at once, and therefore if ye will fight so, we +will be ready at what hour ye will assign. And if ye win us in battle +the lady shall have her lands again. Ye say well, said Sir Uwaine, +therefore make you ready so that ye be here to-morn in the defence of +the lady's right. + + + +CHAPTER XXVII. How Sir Uwaine fought with two knights and overcame +them. + +So was there sikerness made on both parties that no treason should be +wrought on neither party; so then the knights departed and made them +ready, and that night Sir Uwaine had great cheer. And on the morn he +arose early and heard mass, and brake his fast, and so he rode unto the +plain without the gates, where hoved the two brethren abiding him. So +they rode together passing sore, that Sir Edward and Sir Hue brake +their spears upon Sir Uwaine. And Sir Uwaine smote Sir Edward that he +fell over his horse and yet his spear brast not. And then he spurred +his horse and came upon Sir Hue and overthrew him, but they soon +recovered and dressed their shields and drew their swords and bade Sir +Uwaine alight and do his battle to the uttermost. Then Sir Uwaine +devoided his horse suddenly, and put his shield afore him and drew his +sword, and so they dressed together, and either gave other such +strokes, and there these two brethren wounded Sir Uwaine passing +grievously that the Lady of the Rock weened he should have died. And +thus they fought together five hours as men raged out of reason. And at +the last Sir Uwaine smote Sir Edward upon the helm such a stroke that +his sword carved unto his canel bone, and then Sir Hue abated his +courage, but Sir Uwaine pressed fast to have slain him. That saw Sir +Hue: he kneeled down and yielded him to Sir Uwaine. And he of his +gentleness received his sword, and took him by the hand, and went into +the castle together. Then the Lady of the Rock was passing glad, and +the other brother made great sorrow for his brother's death. Then the +lady was restored of all her lands, and Sir Hue was commanded to be at +the court of King Arthur at the next feast of Pentecost. So Sir Uwaine +dwelt with the lady nigh half a year, for it was long or he might be +whole of his great hurts. And so when it drew nigh the term-day that +Sir Gawaine, Sir Marhaus, and Sir Uwaine should meet at the cross-way, +then every knight drew him thither to hold his promise that they had +made; and Sir Marhaus and Sir Uwaine brought their damosels with them, +but Sir Gawaine had lost his damosel, as it is afore rehearsed. + + + +CHAPTER XXVIII. How at the year's end all three knights with their +three damosels met at the fountain. + +Right so at the twelvemonths' end they met all three knights at the +fountain and their damosels, but the damosel that Sir Gawaine had could +say but little worship of him so they departed from the damosels and +rode through a great forest, and there they met with a messenger that +came from King Arthur, that had sought them well-nigh a twelvemonth +throughout all England, Wales, and Scotland, and charged if ever he +might find Sir Gawaine and Sir Uwaine to bring them to the court again. +And then were they all glad, and so prayed they Sir Marhaus to ride +with them to the king's court. And so within twelve days they came to +Camelot, and the king was passing glad of their coming, and so was all +the court. Then the king made them to swear upon a book to tell him all +their adventures that had befallen them that twelvemonth, and so they +did. And there was Sir Marhaus well known, for there were knights that +he had matched aforetime, and he was named one of the best knights +living. + +Against the feast of Pentecost came the Damosel of the Lake and brought +with her Sir Pelleas; and at that high feast there was great jousting +of knights, and of all knights that were at that jousts, Sir Pelleas +had the prize, and Sir Marhaus was named the next; but Sir Pelleas was +so strong there might but few knights sit him a buffet with a spear. +And at that next feast Sir Pelleas and Sir Marhaus were made knights of +the Table Round, for there were two sieges void, for two knights were +slain that twelvemonth, and great joy had King Arthur of Sir Pelleas +and of Sir Marhaus. But Pelleas loved never after Sir Gawaine, but as +he spared him for the love of King Arthur; but ofttimes at jousts and +tournaments Sir Pelleas quit Sir Gawaine, for so it rehearseth in the +book of French. So Sir Tristram many days after fought with Sir Marhaus +in an island, and there they did a great battle, but at the last Sir +Tristram slew him, so Sir Tristram was wounded that unnethe he might +recover, and lay at a nunnery half a year. And Sir Pelleas was a +worshipful knight, and was one of the four that achieved the Sangreal, +and the Damosel of the Lake made by her means that never he had ado +with Sir Launcelot de Lake, for where Sir Launcelot was at any jousts +or any tournament, she would not suffer him be there that day, but if +it were on the side of Sir Launcelot. + +Explicit liber quartus. +Incipit liber quintus. + + + +BOOK V. + + + +CHAPTER I. How twelve aged ambassadors of Rome came to King Arthur to +demand truage for Britain. + +When King Arthur had after long war rested, and held a royal feast and +Table Round with his allies of kings, princes, and noble knights all of +the Round Table, there came into his hall, he sitting in his throne +royal, twelve ancient men, bearing each of them a branch of olive, in +token that they came as ambassadors and messengers from the Emperor +Lucius, which was called at that time, Dictator or Procuror of the +Public Weal of Rome. Which said messengers, after their entering and +coming into the presence of King Arthur, did to him their obeisance in +making to him reverence, and said to him in this wise: The high and +mighty Emperor Lucius sendeth to the King of Britain greeting, +commanding thee to acknowledge him for thy lord, and to send him the +truage due of this realm unto the Empire, which thy father and other +to-fore thy precessors have paid as is of record, and thou as rebel not +knowing him as thy sovereign, withholdest and retainest contrary to the +statutes and decrees made by the noble and worthy Julius Cesar, +conqueror of this realm, and first Emperor of Rome. And if thou refuse +his demand and commandment know thou for certain that he shall make +strong war against thee, thy realms and lands, and shall chastise thee +and thy subjects, that it shall be ensample perpetual unto all kings +and princes, for to deny their truage unto that noble empire which +domineth upon the universal world. Then when they had showed the effect +of their message, the king commanded them to withdraw them, and said he +should take advice of council and give to them an answer. Then some of +the young knights, hearing this their message, would have run on them +to have slain them, saying that it was a rebuke to all the knights +there being present to suffer them to say so to the king. And anon the +king commanded that none of them, upon pain of death, to missay them +nor do them any harm, and commanded a knight to bring them to their +lodging, and see that they have all that is necessary and requisite for +them, with the best cheer, and that no dainty be spared, for the Romans +be great lords, and though their message please me not nor my court, +yet I must remember mine honour. + +After this the king let call all his lords and knights of the Round +Table to counsel upon this matter, and desired them to say their +advice. Then Sir Cador of Cornwall spake first and said, Sir, this +message liketh me well, for we have many days rested us and have been +idle, and now I hope ye shall make sharp war on the Romans, where I +doubt not we shall get honour. I believe well, said Arthur, that this +matter pleaseth thee well, but these answers may not be answered, for +the demand grieveth me sore, for truly I will never pay truage to Rome, +wherefore I pray you to counsel me. I have understood that Belinus and +Brenius, kings of Britain, have had the empire in their hands many +days, and also Constantine the son of Heleine, which is an open +evidence that we owe no tribute to Rome but of right we that be +descended of them have right to claim the title of the empire. + + + +CHAPTER II. How the kings and lords promised to King Arthur aid and +help against the Romans. + +Then answered King Anguish of Scotland, Sir, ye ought of right to be +above all other kings, for unto you is none like nor pareil in +Christendom, of knighthood nor of dignity, and I counsel you never to +obey the Romans, for when they reigned on us they distressed our +elders, and put this land to great extortions and tallies, wherefore I +make here mine avow to avenge me on them; and for to strengthen your +quarrel I shall furnish twenty thousand good men of war, and wage them +on my costs, which shall await on you with myself when it shall please +you. And the king of Little Britain granted him to the same thirty +thousand; wherefore King Arthur thanked them. And then every man agreed +to make war, and to aid after their power; that is to wit, the lord of +West Wales promised to bring thirty thousand men, and Sir Uwaine, Sir +Ider his son, with their cousins, promised to bring thirty thousand. +Then Sir Launcelot with all other promised in likewise every man a +great multitude. + +And when King Arthur understood their courages and good wills he +thanked them heartily, and after let call the ambassadors to hear their +answer. And in presence of all his lords and knights he said to them in +this wise: I will that ye return unto your lord and Procuror of the +Common Weal for the Romans, and say ye to him, Of his demand and +commandment I set nothing, and that I know of no truage nor tribute +that I owe to him, nor to none earthly prince, Christian nor heathen; +but I pretend to have and occupy the sovereignty of the empire, wherein +I am entitled by the right of my predecessors, sometime kings of this +land; and say to him that I am delibered and fully concluded, to go +with mine army with strength and power unto Rome, by the grace of God, +to take possession in the empire and subdue them that be rebel. +Wherefore I command him and all them of Rome, that incontinent they +make to me their homage, and to acknowledge me for their Emperor and +Governor, upon pain that shall ensue. And then he commanded his +treasurer to give to them great and large gifts, and to pay all their +dispenses, and assigned Sir Cador to convey them out of the land. And +so they took their leave and departed, and took their shipping at +Sandwich, and passed forth by Flanders, Almaine, the mountains, and all +Italy, until they came unto Lucius. And after the reverence made, they +made relation of their answer, like as ye to-fore have heard. + +When the Emperor Lucius had well understood their credence, he was sore +moved as he had been all araged, and said, I had supposed that Arthur +would have obeyed to my commandment, and have served you himself, as +him well beseemed or any other king to do. O Sir, said one of the +senators, let be such vain words, for we let you wit that I and my +fellows were full sore afeard to behold his countenance; I fear me ye +have made a rod for yourself, for he intendeth to be lord of this +empire, which sore is to be doubted if he come, for he is all another +man than ye ween, and holdeth the most noble court of the world, all +other kings nor princes may not compare unto his noble maintenance. On +New Year's Day we saw him in his estate, which was the royalest that +ever we saw, for he was served at his table with nine kings, and the +noblest fellowship of other princes, lords, and knights that be in the +world, and every knight approved and like a lord, and holdeth Table +Round: and in his person the most manly man that liveth, and is like to +conquer all the world, for unto his courage it is too little: wherefore +I advise you to keep well your marches and straits in the mountains; +for certainly he is a lord to be doubted. Well, said Lucius, before +Easter I suppose to pass the mountains, and so forth into France, and +there bereave him his lands with Genoese and other mighty warriors of +Tuscany and Lombardy. And I shall send for them all that be subjects +and allied to the empire of Rome to come to mine aid. And forthwith +sent old wise knights unto these countries following: first to Ambage +and Arrage, to Alexandria, to India, to Armenia, whereas the river of +Euphrates runneth into Asia, to Africa, and Europe the Large, to +Ertayne and Elamye, to Araby, Egypt, and to Damascus, to Damietta and +Cayer, to Cappadocia, to Tarsus, Turkey, Pontus and Pamphylia, to Syria +and Galatia. And all these were subject to Rome and many more, as +Greece, Cyprus, Macedonia, Calabria, Cateland, Portugal, with many +thousands of Spaniards. Thus all these kings, dukes, and admirals, +assembled about Rome, with sixteen kings at once, with great multitude +of people. When the emperor understood their coming he made ready his +Romans and all the people between him and Flanders. + +Also he had gotten with him fifty giants which had been engendered of +fiends; and they were ordained to guard his person, and to break the +front of the battle of King Arthur. And thus departed from Rome, and +came down the mountains for to destroy the lands that Arthur had +conquered, and came unto Cologne, and besieged a castle thereby, and +won it soon, and stuffed it with two hundred Saracens or Infidels, and +after destroyed many fair countries which Arthur had won of King +Claudas. And thus Lucius came with all his host, which were disperplyd +sixty mile in breadth, and commanded them to meet with him in Burgoyne, +for he purposed to destroy the realm of Little Britain. + + + +CHAPTER III. How King Arthur held a parliament at York, and how he +ordained the realm should be governed in his absence. + +Now leave we of Lucius the Emperor and speak we of King Arthur, that +commanded all them of his retinue to be ready at the utas of Hilary for +to hold a parliament at York. And at that parliament was concluded to +arrest all the navy of the land, and to be ready within fifteen days at +Sandwich, and there he showed to his army how he purposed to conquer +the empire which he ought to have of right. And there he ordained two +governors of this realm, that is to say, Sir Baudwin of Britain, for to +counsel to the best, and Sir Constantine, son to Sir Cador of Cornwall, +which after the death of Arthur was king of this realm. And in the +presence of all his lords he resigned the rule of the realm and +Guenever his queen to them, wherefore Sir Launcelot was wroth, for he +left Sir Tristram with King Mark for the love of Beale Isould. Then the +Queen Guenever made great sorrow for the departing of her lord and +other, and swooned in such wise that the ladies bare her into her +chamber. Thus the king with his great army departed, leaving the queen +and realm in the governance of Sir Baudwin and Constantine. And when he +was on his horse he said with an high voice, If I die in this journey I +will that Sir Constantine be mine heir and king crowned of this realm +as next of my blood. And after departed and entered into the sea at +Sandwich with all his army, with a great multitude of ships, galleys, +cogs, and dromounds, sailing on the sea. + + + +CHAPTER IV. How King Arthur being shipped and lying in his cabin had a +marvellous dream and of the exposition thereof. + +And as the king lay in his cabin in the ship, he fell in a slumbering +and dreamed a marvellous dream: him seemed that a dreadful dragon did +drown much of his people, and he came flying out of the west, and his +head was enamelled with azure, and his shoulders shone as gold, his +belly like mails of a marvellous hue, his tail full of tatters, his +feet full of fine sable, and his claws like fine gold; and an hideous +flame of fire flew out of his mouth, like as the land and water had +flamed all of fire. After, him seemed there came out of the orient, a +grimly boar all black in a cloud, and his paws as big as a post; he was +rugged looking roughly, he was the foulest beast that ever man saw, he +roared and romed so hideously that it were marvel to hear. Then the +dreadful dragon advanced him and came in the wind like a falcon giving +great strokes on the boar, and the boar hit him again with his grizzly +tusks that his breast was all bloody, and that the hot blood made all +the sea red of his blood. Then the dragon flew away all on an height, +and came down with such a swough, and smote the boar on the ridge, +which was ten foot large from the head to the tail, and smote the boar +all to powder both flesh and bones, that it flittered all abroad on the +sea. + +And therewith the king awoke anon, and was sore abashed of this dream, +and sent anon for a wise philosopher, commanding to tell him the +signification of his dream. Sir, said the philosopher, the dragon that +thou dreamedst of betokeneth thine own person that sailest here, and +the colours of his wings be thy realms that thou hast won, and his tail +which is all to-tattered signifieth the noble knights of the Round +Table; and the boar that the dragon slew coming from the clouds +betokeneth some tyrant that tormenteth the people, or else thou art +like to fight with some giant thyself, being horrible and abominable, +whose peer ye saw never in your days, wherefore of this dreadful dream +doubt thee nothing, but as a conqueror come forth thyself. + +Then after this soon they had sight of land, and sailed till they +arrived at Barflete in Flanders, and when they were there he found many +of his great lords ready, as they had been commanded to wait upon him. + + + +CHAPTER V. How a man of the country told to him of a marvellous giant, +and how he fought and conquered him. + +Then came to him an husbandman of the country, and told him how there +was in the country of Constantine beside Brittany, a great giant which +had slain, murdered and devoured much people of the country, and had +been sustained seven year with the children of the commons of that +land, insomuch that all the children be all slain and destroyed; and +now late he hath taken the Duchess of Brittany as she rode with her +meiny, and hath led her to his lodging which is in a mountain, for to +ravish and lie by her to her life's end, and many people followed her, +more than five hundred, but all they might not rescue her, but they +left her shrieking and crying lamentably, wherefore I suppose that he +hath slain her in fulfilling his foul lust of lechery. She was wife +unto thy cousin Sir Howell, whom we call full nigh of thy blood. Now, +as thou art a rightful king, have pity on this lady, and revenge us all +as thou art a noble conqueror. Alas, said King Arthur, this is a great +mischief, I had liefer than the best realm that I have that I had been +a furlong way to-fore him for to have rescued that lady. Now, fellow, +said King Arthur, canst thou bring me thereas this giant haunteth? Yea, +Sir, said the good man, look yonder whereas thou seest those two great +fires, there shalt thou find him, and more treasure than I suppose is +in all France. When the king had understood this piteous case, he +returned into his tent. + +Then he called to him Sir Kay and Sir Bedivere, and commanded them +secretly to make ready horse and harness for himself and them twain; +for after evensong he would ride on pilgrimage with them two only unto +Saint Michael's mount. And then anon he made him ready, and armed him +at all points, and took his horse and his shield. And so they three +departed thence and rode forth as fast as ever they might till that +they came to the foreland of that mount. And there they alighted, and +the king commanded them to tarry there, for he would himself go up into +that mount. And so he ascended up into that hill till he came to a +great fire, and there he found a careful widow wringing her hands and +making great sorrow, sitting by a grave new made. And then King Arthur +saluted her, and demanded of her wherefore she made such lamentation, +to whom she answered and said, Sir knight, speak soft, for yonder is a +devil, if he hear thee speak he will come and destroy thee; I hold thee +unhappy; what dost thou here in this mountain? for if ye were such +fifty as ye be, ye were not able to make resistance against this devil: +here lieth a duchess dead, the which was the fairest of all the world, +wife to Sir Howell, Duke of Brittany, he hath murdered her in forcing +her, and hath slit her unto the navel. + +Dame, said the king, I come from the noble conqueror King Arthur, for +to treat with that tyrant for his liege people. Fie on such treaties, +said she, he setteth not by the king nor by no man else; but an if thou +have brought Arthur's wife, dame Guenever, he shall be gladder than +thou hadst given to him half France. Beware, approach him not too nigh, +for he hath vanquished fifteen kings, and hath made him a coat full of +precious stones embroidered with their beards, which they sent him to +have his love for salvation of their people at this last Christmas. And +if thou wilt, speak with him at yonder great fire at supper. Well, said +Arthur, I will accomplish my message for all your fearful words; and +went forth by the crest of that hill, and saw where he sat at supper +gnawing on a limb of a man, baking his broad limbs by the fire, and +breechless, and three fair damosels turning three broaches whereon were +broached twelve young children late born, like young birds. + +When King Arthur beheld that piteous sight he had great compassion on +them, so that his heart bled for sorrow, and hailed him, saying in this +wise: He that all the world wieldeth give thee short life and shameful +death; and the devil have thy soul; why hast thou murdered these young +innocent children, and murdered this duchess? Therefore, arise and +dress thee, thou glutton, for this day shalt thou die of my hand. Then +the glutton anon started up, and took a great club in his hand, and +smote at the king that his coronal fell to the earth. And the king hit +him again that he carved his belly and cut off his genitours, that his +guts and his entrails fell down to the ground. Then the giant threw +away his club, and caught the king in his arms that he crushed his +ribs. Then the three maidens kneeled down and called to Christ for help +and comfort of Arthur. And then Arthur weltered and wrung, that he was +other while under and another time above. And so weltering and +wallowing they rolled down the hill till they came to the sea mark, and +ever as they so weltered Arthur smote him with his dagger. + +And it fortuned they came to the place whereas the two knights were and +kept Arthur's horse; then when they saw the king fast in the giant's +arms they came and loosed him. And then the king commanded Sir Kay to +smite off the giant's head, and to set it upon a truncheon of a spear, +and bear it to Sir Howell, and tell him that his enemy was slain; and +after let this head be bound to a barbican that all the people may see +and behold it; and go ye two up to the mountain, and fetch me my +shield, my sword, and the club of iron; and as for the treasure, take +ye it, for ye shall find there goods out of number; so I have the +kirtle and the club I desire no more. This was the fiercest giant that +ever I met with, save one in the mount of Araby, which I overcame, but +this was greater and fiercer. Then the knights fetched the club and the +kirtle, and some of the treasure they took to themselves, and returned +again to the host. And anon this was known through all the country, +wherefore the people came and thanked the king. And he said again, Give +the thanks to God, and depart the goods among you. + +And after that King Arthur said and commanded his cousin Howell, that +he should ordain for a church to be builded on the same hill in the +worship of Saint Michael. And on the morn the king removed with his +great battle, and came into Champayne and in a valley, and there they +pight their tents; and the king being set at his dinner, there came in +two messengers, of whom that one was Marshal of France, and said to the +king that the emperor was entered into France, and had destroyed a +great part, and was in Burgoyne, and had destroyed and made great +slaughter of people, and burnt towns and boroughs; wherefore, if thou +come not hastily, they must yield up their bodies and goods. + + + +CHAPTER VI. How King Arthur sent Sir Gawaine and other to Lucius, and +how they were assailed and escaped with worship. + +Then the king did do call Sir Gawaine, Sir Bors, Sir Lionel, and Sir +Bedivere, and commanded them to go straight to Sir Lucius, and say ye +to him that hastily he remove out of my land; and if he will not, bid +him make him ready to battle and not distress the poor people. Then +anon these noble knights dressed them to horseback, and when they came +to the green wood, they saw many pavilions set in a meadow, of silk of +divers colours, beside a river, and the emperor's pavilion was in the +middle with an eagle displayed above. To the which tent our knights +rode toward, and ordained Sir Gawaine and Sir Bors to do the message, +and left in a bushment Sir Lionel and Sir Bedivere. And then Sir +Gawaine and Sir Bors did their message, and commanded Lucius, in +Arthur's name to avoid his land, or shortly to address him to battle. +To whom Lucius answered and said, Ye shall return to your lord, and say +ye to him that I shall subdue him and all his lands. Then Sir Gawaine +was wroth and said, I had liefer than all France fight against thee; +and so had I, said Sir Bors, liefer than all Brittany or Burgoyne. + +Then a knight named Sir Gainus, nigh cousin to the emperor, said, Lo, +how these Britons be full of pride and boast, and they brag as though +they bare up all the world. Then Sir Gawaine was sore grieved with +these words, and pulled out his sword and smote off his head. And +therewith turned their horses and rode over waters and through woods +till they came to their bushment, whereas Sir Lionel and Sir Bedivere +were hoving. The Romans followed fast after, on horseback and on foot, +over a champaign unto a wood; then Sir Bors turned his horse and saw a +knight come fast on, whom he smote through the body with a spear that +he fell dead down to the earth; then came Caliburn one of the strongest +of Pavie, and smote down many of Arthur's knights. And when Sir Bors +saw him do so much harm, he addressed toward him, and smote him through +the breast, that he fell down dead to the earth. Then Sir Feldenak +thought to revenge the death of Gainus upon Sir Gawaine, but Sir +Gawaine was ware thereof, and smote him on the head, which stroke +stinted not till it came to his breast. And then he returned and came +to his fellows in the bushment. And there was a recounter, for the +bushment brake on the Romans, and slew and hew down the Romans, and +forced the Romans to flee and return, whom the noble knights chased +unto their tents. + +Then the Romans gathered more people, and also footmen came on, and +there was a new battle, and so much people that Sir Bors and Sir Berel +were taken. But when Sir Gawaine saw that, he took with him Sir Idrus +the good knight, and said he would never see King Arthur but if he +rescued them, and pulled out Galatine his good sword, and followed them +that led those two knights away; and he smote him that led Sir Bors, +and took Sir Bors from him and delivered him to his fellows. And Sir +Idrus in likewise rescued Sir Berel. Then began the battle to be great, +that our knights were in great jeopardy, wherefore Sir Gawaine sent to +King Arthur for succour, and that he hie him, for I am sore wounded, +and that our prisoners may pay goods out of number. And the messenger +came to the king and told him his message. And anon the king did do +assemble his army, but anon, or he departed the prisoners were come, +and Sir Gawaine and his fellows gat the field and put the Romans to +flight, and after returned and came with their fellowship in such wise +that no man of worship was lost of them, save that Sir Gawaine was sore +hurt. Then the king did do ransack his wounds and comforted him. And +thus was the beginning of the first journey of the Britons and Romans, +and there were slain of the Romans more than ten thousand, and great +joy and mirth was made that night in the host of King Arthur. And on +the morn he sent all the prisoners into Paris under the guard of Sir +Launcelot, with many knights, and of Sir Cador. + + + +CHAPTER VII. How Lucius sent certain spies in a bushment for to have +taken his knights being prisoners, and how they were letted. + +Now turn we to the Emperor of Rome, which espied that these prisoners +should be sent to Paris, and anon he sent to lie in a bushment certain +knights and princes with sixty thousand men, for to rescue his knights +and lords that were prisoners. And so on the morn as Launcelot and Sir +Cador, chieftains and governors of all them that conveyed the +prisoners, as they should pass through a wood, Sir Launcelot sent +certain knights to espy if any were in the woods to let them. And when +the said knights came into the wood, anon they espied and saw the great +embushment, and returned and told Sir Launcelot that there lay in await +for them three score thousand Romans. And then Sir Launcelot with such +knights as he had, and men of war to the number of ten thousand, put +them in array, and met with them and fought with them manly, and slew +and detrenched many of the Romans, and slew many knights and admirals +of the party of the Romans and Saracens; there was slain the king of +Lyly and three great lords, Aladuke, Herawd, and Heringdale. But Sir +Launcelot fought so nobly that no man might endure a stroke of his +hand, but where he came he showed his prowess and might, for he slew +down right on every side; and the Romans and Saracens fled from him as +the sheep from the wolf or from the lion, and put them, all that abode +alive, to flight. + +And so long they fought that tidings came to King Arthur, and anon he +graithed him and came to the battle, and saw his knights how they had +vanquished the battle, he embraced them knight by knight in his arms, +and said, Ye be worthy to wield all your honour and worship; there was +never king save myself that had so noble knights. Sir, said Cador, +there was none of us failed other, but of the prowess and manhood of +Sir Launcelot were more than wonder to tell, and also of his cousins +which did that day many noble feats of war. And also Sir Cador told who +of his knights were slain, as Sir Berel, and other Sir Moris and Sir +Maurel, two good knights. Then the king wept, and dried his eyes with a +kerchief, and said, Your courage had near-hand destroyed you, for +though ye had returned again, ye had lost no worship; for I call it +folly, knights to abide when they be overmatched. Nay, said Launcelot +and the other, for once shamed may never be recovered. + + + +CHAPTER VIII. How a senator told to Lucius of their discomfiture, and +also of the great battle between Arthur and Lucius. + +Now leave we King Arthur and his noble knights which had won the field, +and had brought their prisoners to Paris, and speak we of a senator +which escaped from the battle, and came to Lucius the emperor, and said +to him, Sir emperor, I advise thee for to withdraw thee; what dost thou +here? thou shalt win nothing in these marches but great strokes out of +all measure, for this day one of Arthur's knights was worth in the +battle an hundred of ours. Fie on thee, said Lucius, thou speakest +cowardly; for thy words grieve me more than all the loss that I had +this day. And anon he sent forth a king, which hight Sir Leomie, with a +great army, and bade him hie him fast to-fore, and he would follow +hastily after. King Arthur was warned privily, and sent his people to +Sessoine, and took up the towns and castles from the Romans. Then the +king commanded Sir Cador to take the rearward, and to take with him +certain knights of the Round Table, and Sir Launcelot, Sir Bors, Sir +Kay, Sir Marrok, with Sir Marhaus, shall await on our person. Thus the +King Arthur disperpled his host in divers parties, to the end that his +enemies should not escape. + +When the emperor was entered into the vale of Sessoine, he might see +where King Arthur was embattled and his banner displayed; and he was +beset round about with his enemies, that needs he must fight or yield +him, for he might not flee, but said openly unto the Romans, Sirs, I +admonish you that this day ye fight and acquit you as men, and remember +how Rome domineth and is chief and head over all the earth and +universal world, and suffer not these Britons this day to abide against +us; and therewith he did command his trumpets to blow the bloody +sounds, in such wise that the ground trembled and dindled. + +Then the battles approached and shoved and shouted on both sides, and +great strokes were smitten on both sides, many men overthrown, hurt, +and slain; and great valiances, prowesses and appertices of war were +that day showed, which were over long to recount the noble feats of +every man, for they should contain an whole volume. But in especial, +King Arthur rode in the battle exhorting his knights to do well, and +himself did as nobly with his hands as was possible a man to do; he +drew out Excalibur his sword, and awaited ever whereas the Romans were +thickest and most grieved his people, and anon he addressed him on that +part, and hew and slew down right, and rescued his people; and he slew +a great giant named Galapas, which was a man of an huge quantity and +height, he shorted him and smote off both his legs by the knees, +saying, Now art thou better of a size to deal with than thou were, and +after smote off his head. There Sir Gawaine fought nobly and slew three +admirals in that battle. And so did all the knights of the Round Table. +Thus the battle between King Arthur and Lucius the Emperor endured +long. Lucius had on his side many Saracens which were slain. And thus +the battle was great, and oftsides that one party was at a fordeal and +anon at an afterdeal, which endured so long till at the last King +Arthur espied where Lucius the Emperor fought, and did wonder with his +own hands. And anon he rode to him. And either smote other fiercely, +and at last Lucius smote Arthur thwart the visage, and gave him a large +wound. And when King Arthur felt himself hurt, anon he smote him again +with Excalibur that it cleft his head, from the summit of his head, and +stinted not till it came to his breast. And then the emperor fell down +dead and there ended his life. + +And when it was known that the emperor was slain, anon all the Romans +with all their host put them to flight, and King Arthur with all his +knights followed the chase, and slew down right all them that they +might attain. And thus was the victory given to King Arthur, and the +triumph; and there were slain on the part of Lucius more than an +hundred thousand. And after King Arthur did do ransack the dead bodies, +and did do bury them that were slain of his retinue, every man +according to the estate and degree that he was of. And them that were +hurt he let the surgeons do search their hurts and wounds, and +commanded to spare no salves nor medicines till they were whole. + +Then the king rode straight to the place where the Emperor Lucius lay +dead, and with him he found slain the Soudan of Syria, the King of +Egypt and of Ethiopia, which were two noble kings, with seventeen other +kings of divers regions, and also sixty senators of Rome, all noble +men, whom the king did do balm and gum with many good gums aromatic, +and after did do cere them in sixty fold of cered cloth of sendal, and +laid them in chests of lead, because they should not chafe nor savour, +and upon all these bodies their shields with their arms and banners +were set, to the end they should be known of what country they were. +And after he found three senators which were alive, to whom he said, +For to save your lives I will that ye take these dead bodies, and carry +them with you unto great Rome, and present them to the Potestate on my +behalf, shewing him my letters, and tell them that I in my person shall +hastily be at Rome. And I suppose the Romans shall beware how they +shall demand any tribute of me. And I command you to say when ye shall +come to Rome, to the Potestate and all the Council and Senate, that I +send to them these dead bodies for the tribute that they have demanded. +And if they be not content with these, I shall pay more at my coming, +for other tribute owe I none, nor none other will I pay. And methinketh +this sufficeth for Britain, Ireland and all Almaine with Germany. And +furthermore, I charge you to say to them, that I command them upon pain +of their heads never to demand tribute nor tax of me nor of my lands. +Then with this charge and commandment, the three senators aforesaid +departed with all the said dead bodies, laying the body of Lucius in a +car covered with the arms of the Empire all alone; and after alway two +bodies of kings in a chariot, and then the bodies of the senators after +them, and so went toward Rome, and showed their legation and message to +the Potestate and Senate, recounting the battle done in France, and how +the field was lost and much people and innumerable slain. Wherefore +they advised them in no wise to move no more war against that noble +conqueror Arthur, for his might and prowess is most to be doubted, seen +the noble kings and great multitude of knights of the Round Table, to +whom none earthly prince may compare. + + + +CHAPTER IX. How Arthur, after he had achieved the battle against the +Romans, entered into Almaine, and so into Italy. + +Now turn we unto King Arthur and his noble knights, which, after the +great battle achieved against the Romans, entered into Lorraine, +Brabant and Flanders, and sithen returned into Haut Almaine, and so +over the mountains into Lombardy, and after, into Tuscany wherein was a +city which in no wise would yield themself nor obey, wherefore King +Arthur besieged it, and lay long about it, and gave many assaults to +the city; and they within defended them valiantly. Then, on a time, the +king called Sir Florence, a knight, and said to him they lacked +victual, And not far from hence be great forests and woods, wherein be +many of mine enemies with much bestial: I will that thou make thee +ready and go thither in foraying, and take with thee Sir Gawaine my +nephew, Sir Wisshard, Sir Clegis, Sir Cleremond, and the Captain of +Cardiff with other, and bring with you all the beasts that ye there can +get. + +And anon these knights made them ready, and rode over holts and hills, +through forests and woods, till they came into a fair meadow full of +fair flowers and grass; and there they rested them and their horses all +that night. And in the springing of the day in the next morn, Sir +Gawaine took his horse and stole away from his fellowship, to seek some +adventures. And anon he was ware of a man armed, walking his horse +easily by a wood's side, and his shield laced to his shoulder, sitting +on a strong courser, without any man saving a page bearing a mighty +spear. The knight bare in his shield three griffins of gold, in sable +carbuncle, the chief of silver. When Sir Gawaine espied this gay +knight, he feutred his spear, and rode straight to him, and demanded of +him from whence that he was. That other answered and said he was of +Tuscany, and demanded of Sir Gawaine, What, profferest thou, proud +knight, thee so boldly? here gettest thou no prey, thou mayest prove +what thou wilt, for thou shalt be my prisoner or thou depart. Then said +Gawaine, thou avauntest thee greatly and speakest proud words, I +counsel thee for all thy boast that thou make thee ready, and take thy +gear to thee, to-fore greater grame fall to thee. + + + +CHAPTER X. Of a battle done by Sir Gawaine against a Saracen, which +after was yielden and became Christian. + +Then they took their spears and ran each at other with all the might +they had, and smote each other through their shields into their +shoulders, wherefore anon they pulled out their swords, and smote great +strokes that the fire sprang out of their helms. Then Sir Gawaine was +all abashed, and with Galatine his good sword he smote through shield +and thick hauberk made of thick mails, and all to-rushed and break the +precious stones, and made him a large wound, that men might see both +liver and lung. Then groaned that knight, and addressed him to Sir +Gawaine, and with an awk stroke gave him a great wound and cut a vein, +which grieved Gawaine sore, and he bled sore. Then the knight said to +Sir Gawaine, bind thy wound or thy blee[ding] change, for thou +be-bleedest all thy horse and thy fair arms, for all the barbers of +Brittany shall not con staunch thy blood, for whosomever is hurt with +this blade he shall never be staunched of bleeding. Then answered +Gawaine, it grieveth me but little, thy great words shall not fear me +nor lessen my courage, but thou shalt suffer teen and sorrow or we +depart, but tell me in haste who may staunch my bleeding. That may I +do, said the knight, if I will, and so will I if thou wilt succour and +aid me, that I may be christened and believe on God, and thereof I +require thee of thy manhood, and it shall be great merit for thy soul. +I grant, said Gawaine, so God help me, to accomplish all thy desire, +but first tell me what thou soughtest here thus alone, and of what land +and liegiance thou art of. Sir, he said, my name is Priamus, and a +great prince is my father, and he hath been rebel unto Rome and +overridden many of their lands. My father is lineally descended of +Alexander and of Hector by right line. And Duke Joshua and Maccabaeus +were of our lineage. I am right inheritor of Alexandria and Africa, and +all the out isles, yet will I believe on thy Lord that thou believest +on; and for thy labour I shall give thee treasure enough. I was so +elate and hauteyn in my heart that I thought no man my peer, nor to me +semblable. I was sent into this war with seven score knights, and now I +have encountered with thee, which hast given to me of fighting my fill, +wherefore sir knight, I pray thee to tell me what thou art. I am no +knight, said Gawaine, I have been brought up in the guardrobe with the +noble King Arthur many years, for to take heed to his armour and his +other array, and to point his paltocks that long to himself. At Yule +last he made me yeoman, and gave to me horse and harness, and an +hundred pound in money; and if fortune be my friend, I doubt not but to +be well advanced and holpen by my liege lord. Ah, said Priamus, if his +knaves be so keen and fierce, his knights be passing good: now for the +King's love of Heaven, whether thou be a knave or a knight, tell thou +me thy name. By God, said Sir Gawaine, now I will say thee sooth, my +name is Sir Gawaine, and known I am in his court and in his chamber, +and one of the knights of the Round Table, he dubbed me a duke with his +own hand. Therefore grudge not if this grace is to me fortuned, it is +the goodness of God that lent to me my strength. Now am I better +pleased, said Priamus, than thou hadst given to me all the Provence and +Paris the rich. I had liefer to have been torn with wild horses, than +any varlet had won such loos, or any page or priker should have had +prize on me. But now sir knight I warn thee that hereby is a Duke of +Lorraine with his army, and the noblest men of Dolphiny, and lords of +Lombardy, with the garrison of Godard, and Saracens of Southland, +y-numbered sixty thousand of good men of arms; wherefore but if we hie +us hence, it will harm us both, for we be sore hurt, never like to +recover; but take heed to my page, that he no horn blow, for if he do, +there be hoving here fast by an hundred knights awaiting on my person, +and if they take thee, there shall no ransom of gold nor silver acquit +thee. + +Then Sir Gawaine rode over a water for to save him, and the knight +followed him, and so rode forth till they came to his fellows which +were in the meadow, where they had been all the night. Anon as Sir +Wisshard was ware of Sir Gawaine and saw that he was hurt, he ran to +him sorrowfully weeping, and demanded of him who had so hurt him; and +Gawaine told how he had foughten with that man, and each of them had +hurt other, and how he had salves to heal them; but I can tell you +other tidings, that soon we shall have ado with many enemies. + +Then Sir Priamus and Sir Gawaine alighted, and let their horses graze +in the meadow, and unarmed them, and then the blood ran freshly from +their wounds. And Priamus took from his page a vial full of the four +waters that came out of Paradise, and with certain balm anointed their +wounds, and washed them with that water, and within an hour after they +were both as whole as ever they were. And then with a trumpet were they +all assembled to council, and there Priamus told unto them what lords +and knights had sworn to rescue him, and that without fail they should +be assailed with many thousands, wherefore he counselled them to +withdraw them. Then Sir Gawaine said, it were great shame to them to +avoid without any strokes; Wherefore I advise to take our arms and to +make us ready to meet with these Saracens and misbelieving men, and +with the help of God we shall overthrow them and have a fair day on +them. And Sir Florence shall abide still in this field to keep the +stale as a noble knight, and we shall not forsake yonder fellows. Now, +said Priamus, cease your words, for I warn you ye shall find in yonder +woods many perilous knights; they will put forth beasts to call you on, +they be out of number, and ye are not past seven hundred, which be over +few to fight with so many. Nevertheless, said Sir Gawaine, we shall +once encounter them, and see what they can do, and the best shall have +the victory. + + + +CHAPTER XI. How the Saracens came out of a wood for to rescue their +beasts, and of a great battle. + +Then Sir Florence called to him Sir Floridas, with an hundred knights, +and drove forth the herd of beasts. Then followed him seven hundred men +of arms; and Sir Ferant of Spain on a fair steed came springing out of +the woods, and came to Sir Florence and asked him why he fled. Then Sir +Florence took his spear and rode against him, and smote him in the +forehead and brake his neck bone. Then all the other were moved, and +thought to avenge the death of Sir Ferant, and smote in among them, and +there was great fight, and many slain and laid down to ground, and Sir +Florence with his hundred knights alway kept the stale, and fought +manly. + +Then when Priamus the good knight perceived the great fight, he went to +Sir Gawaine, and bade him that he should go and succour his fellowship, +which were sore bestead with their enemies. Sir, grieve you not, said +Sir Gawaine, for their gree shall be theirs. I shall not once move my +horse to them ward, but if I see more than there be; for they be strong +enough to match them. + +And with that he saw an earl called Sir Ethelwold and the duke of +Dutchmen, came leaping out of a wood with many thousands, and Priamus' +knights, and came straight unto the battle. Then Sir Gawaine comforted +his knights, and bade them not to be abashed, for all shall be ours. +Then they began to wallop and met with their enemies, there were men +slain and overthrown on every side. Then thrust in among them the +knights of the Table Round, and smote down to the earth all them that +withstood them, in so much that they made them to recoil and flee. By +God, said Sir Gawaine, this gladdeth my heart, for now be they less in +number by twenty thousand. Then entered into the battle Jubance a +giant, and fought and slew down right, and distressed many of our +knights, among whom was slain Sir Gherard, a knight of Wales. Then our +knights took heart to them, and slew many Saracens. And then came in +Sir Priamus with his pennon, and rode with the knights of the Round +Table, and fought so manfully that many of their enemies lost their +lives. And there Sir Priamus slew the Marquis of Moises land, and Sir +Gawaine with his fellows so quit them that they had the field, but in +that stour was Sir Chestelaine, a child and ward of Sir Gawaine slain, +wherefore was much sorrow made, and his death was soon avenged. Thus +was the battle ended, and many lords of Lombardy and Saracens left dead +in the field. + +Then Sir Florence and Sir Gawaine harboured surely their people, and +took great plenty of bestial, of gold and silver, and great treasure +and riches, and returned unto King Arthur, which lay still at the +siege. And when they came to the king they presented their prisoners +and recounted their adventures, and how they had vanquished their +enemies. + + + +CHAPTER XII. How Sir Gawaine returned to King Arthur with his +prisoners, and how the King won a city, and how he was crowned Emperor. + +Now thanked be God, said the noble King Arthur. But what manner man is +he that standeth by himself, him seemeth no prisoner. Sir, said +Gawaine, this is a good man of arms, he hath matched me, but he is +yielden unto God, and to me, for to become Christian; had not he have +been we should never have returned, wherefore I pray you that he may be +baptised, for there liveth not a nobler man nor better knight of his +hands. Then the king let him anon be christened, and did do call him +his first name Priamus, and made him a duke and knight of the Table +Round. And then anon the king let do cry assault to the city, and there +was rearing of ladders, breaking of walls, and the ditch filled, that +men with little pain might enter into the city. Then came out a +duchess, and Clarisin the countess, with many ladies and damosels, and +kneeling before King Arthur, required him for the love of God to +receive the city, and not to take it by assault, for then should many +guiltless be slain. Then the king avaled his visor with a meek and +noble countenance, and said, Madam, there shall none of my subjects +misdo you nor your maidens, nor to none that to you belong, but the +duke shall abide my judgment. Then anon the king commanded to leave the +assault, and anon the duke's oldest son brought out the keys, and +kneeling delivered them to the king, and besought him of grace; and the +king seized the town by assent of his lords, and took the duke and sent +him to Dover, there for to abide prisoner term of his life, and +assigned certain rents for the dower of the duchess and for her +children. + +Then he made lords to rule those lands, and laws as a lord ought to do +in his own country; and after he took his journey toward Rome, and sent +Sir Floris and Sir Floridas to-fore, with five hundred men of arms, and +they came to the city of Urbino and laid there a bushment, thereas them +seemed most best for them, and rode to-fore the town, where anon issued +out much people and skirmished with the fore-riders. Then brake out the +bushment and won the bridge, and after the town, and set upon the walls +the king's banner. Then came the king upon an hill, and saw the city +and his banner on the walls, by which he knew that the city was won. +And anon he sent and commanded that none of his liege men should defoul +nor lie by no lady, wife nor maid; and when he came into the city, he +passed to the castle, and comforted them that were in sorrow, and +ordained there a captain, a knight of his own country. + +And when they of Milan heard that thilk city was won, they sent to King +Arthur great sums of money, and besought him as their lord to have pity +on them, promising to be his subjects for ever, and yield to him homage +and fealty for the lands of Pleasance and Pavia, Petersaint, and the +Port of Tremble, and to give him yearly a million of gold all his +lifetime. Then he rideth into Tuscany, and winneth towns and castles, +and wasted all in his way that to him will not obey, and so to Spolute +and Viterbe, and from thence he rode into the Vale of Vicecount among +the vines. And from thence he sent to the senators, to wit whether they +would know him for their lord. But soon after on a Saturday came unto +King Arthur all the senators that were left alive, and the noblest +cardinals that then dwelt in Rome, and prayed him of peace, and +proferred him full large, and besought him as governor to give licence +for six weeks for to assemble all the Romans, and then to crown him +emperor with chrism as it belongeth to so high estate. I assent, said +the king, like as ye have devised, and at Christmas there to be +crowned, and to hold my Round Table with my knights as me liketh. And +then the senators made ready for his enthronization. And at the day +appointed, as the romance telleth, he came into Rome, and was crowned +emperor by the pope's hand, with all the royalty that could be made, +and sojourned there a time, and established all his lands from Rome +into France, and gave lands and realms unto his servants and knights, +to everych after his desert, in such wise that none complained, rich +nor poor. And he gave to Sir Priamus the duchy of Lorraine; and he +thanked him, and said he would serve him the days of his life; and +after made dukes and earls, and made every man rich. + +Then after this all his knights and lords assembled them afore him, and +said: Blessed be God, your war is finished and your conquest achieved, +in so much that we know none so great nor mighty that dare make war +against you: wherefore we beseech you to return homeward, and give us +licence to go home to our wives, from whom we have been long, and to +rest us, for your journey is finished with honour and worship. Then +said the king, Ye say truth, and for to tempt God it is no wisdom, and +therefore make you ready and return we into England. Then there was +trussing of harness and baggage and great carriage. And after licence +given, he returned and commanded that no man in pain of death should +not rob nor take victual, nor other thing by the way but that he should +pay therefore. And thus he came over the sea and landed at Sandwich, +against whom Queen Guenever his wife came and met him, and he was nobly +received of all his commons in every city and burgh, and great gifts +presented to him at his home-coming to welcome him with. + +Thus endeth the fifth book of the conquest that King Arthur had against +Lucius the Emperor of Rome, and here followeth the sixth book, which is +of Sir Launcelot du Lake. + + + +BOOK VI. + + + +CHAPTER I. How Sir Launcelot and Sir Lionel departed from the court, +and how Sir Lionel left him sleeping and was taken. + +Soon after that King Arthur was come from Rome into England, then all +the knights of the Table Round resorted unto the king, and made many +jousts and tournaments, and some there were that were but knights, +which increased so in arms and worship that they passed all their +fellows in prowess and noble deeds, and that was well proved on many; +but in especial it was proved on Sir Launcelot du Lake, for in all +tournaments and jousts and deeds of arms, both for life and death, he +passed all other knights, and at no time he was never overcome but if +it were by treason or enchantment; so Sir Launcelot increased so +marvellously in worship, and in honour, therefore is he the first +knight that the French book maketh mention of after King Arthur came +from Rome. Wherefore Queen Guenever had him in great favour above all +other knights, and in certain he loved the queen again above all other +ladies and damosels of his life, and for her he did many deeds of arms, +and saved her from the fire through his noble chivalry. + +Thus Sir Launcelot rested him long with play and game. And then he +thought himself to prove himself in strange adventures, then he bade +his nephew, Sir Lionel, for to make him ready; for we two will seek +adventures. So they mounted on their horses, armed at all rights, and +rode into a deep forest and so into a deep plain. And then the weather +was hot about noon, and Sir Launcelot had great lust to sleep. Then Sir +Lionel espied a great apple-tree that stood by an hedge, and said, +Brother, yonder is a fair shadow, there may we rest us [and] our +horses. It is well said, fair brother, said Sir Launcelot, for this +eight year I was not so sleepy as I am now; and so they there alighted +and tied their horses unto sundry trees, and so Sir Launcelot laid him +down under an appletree, and his helm he laid under his head. And Sir +Lionel waked while he slept. So Sir Launcelot was asleep passing fast. + +And in the meanwhile there came three knights riding, as fast fleeing +as ever they might ride. And there followed them three but one knight. +And when Sir Lionel saw him, him thought he saw never so great a +knight, nor so well faring a man, neither so well apparelled unto all +rights. So within a while this strong knight had overtaken one of these +knights, and there he smote him to the cold earth that he lay still. +And then he rode unto the second knight, and smote him so that man and +horse fell down. And then straight to the third knight he rode, and +smote him behind his horse's arse a spear length. And then he alighted +down and reined his horse on the bridle, and bound all the three +knights fast with the reins of their own bridles. When Sir Lionel saw +him do thus, he thought to assay him, and made him ready, and stilly +and privily he took his horse, and thought not for to awake Sir +Launcelot. And when he was mounted upon his horse, he overtook this +strong knight, and bade him turn, and the other smote Sir Lionel so +hard that horse and man he bare to the earth, and so he alighted down +and bound him fast, and threw him overthwart his own horse, and so he +served them all four, and rode with them away to his own castle. And +when he came there he gart unarm them, and beat them with thorns all +naked, and after put them in a deep prison where were many more +knights, that made great dolour. + + + +CHAPTER II. How Sir Ector followed for to seek Sir Launcelot, and how +he was taken by Sir Turquine. + +When Sir Ector de Maris wist that Sir Launcelot was passed out of the +court to seek adventures, he was wroth with himself, and made him ready +to seek Sir Launcelot, and as he had ridden long in a great forest he +met with a man was like a forester. Fair fellow, said Sir Ector, +knowest thou in this country any adventures that be here nigh hand? +Sir, said the forester, this country know I well, and hereby, within +this mile, is a strong manor, and well dyked, and by that manor, on the +left hand, there is a fair ford for horses to drink of, and over that +ford there groweth a fair tree, and thereon hang many fair shields that +wielded sometime good knights, and at the hole of the tree hangeth a +basin of copper and latten, and strike upon that basin with the butt of +thy spear thrice, and soon after thou shalt hear new tidings, and else +hast thou the fairest grace that many a year had ever knight that +passed through this forest. Gramercy, said Sir Ector, and departed and +came to the tree, and saw many fair shields. And among them he saw his +brother's shield, Sir Lionel, and many more that he knew that were his +fellows of the Round Table, the which grieved his heart, and promised +to revenge his brother. + +Then anon Sir Ector beat on the basin as he were wood, and then he gave +his horse drink at the ford, and there came a knight behind him and +bade him come out of the water and make him ready; and Sir Ector anon +turned him shortly, and in feuter cast his spear, and smote the other +knight a great buffet that his horse turned twice about. This was well +done, said the strong knight, and knightly thou hast stricken me; and +therewith he rushed his horse on Sir Ector, and cleight him under his +right arm, and bare him clean out of the saddle, and rode with him away +into his own hall, and threw him down in midst of the floor. The name +of this knight was Sir Turquine. Then he said unto Sir Ector, For thou +hast done this day more unto me than any knight did these twelve years, +now will I grant thee thy life, so thou wilt be sworn to be my prisoner +all thy life days. Nay, said Sir Ector, that will I never promise thee, +but that I will do mine advantage. That me repenteth, said Sir +Turquine. And then he gart to unarm him, and beat him with thorns all +naked, and sithen put him down in a deep dungeon, where he knew many of +his fellows. But when Sir Ector saw Sir Lionel, then made he great +sorrow. Alas, brother, said Sir Ector, where is my brother Sir +Launcelot? Fair brother, I left him asleep when that I from him yode, +under an apple-tree, and what is become of him I cannot tell you. Alas, +said the knights, but Sir Launcelot help us we may never be delivered, +for we know now no knight that is able to match our master Turquine. + + + +CHAPTER III. How four queens found Launcelot sleeping, and how by +enchantment he was taken and led into a castle. + +Now leave we these knights prisoners, and speak we of Sir Launcelot du +Lake that lieth under the apple-tree sleeping. Even about the noon +there came by him four queens of great estate; and, for the heat should +not annoy them, there rode four knights about them, and bare a cloth of +green silk on four spears, betwixt them and the sun, and the queens +rode on four white mules. Thus as they rode they heard by them a great +horse grimly neigh, then were they ware of a sleeping knight, that lay +all armed under an apple-tree; anon as these queens looked on his face, +they knew it was Sir Launcelot. Then they began for to strive for that +knight, everych one said they would have him to her love. We shall not +strive, said Morgan le Fay, that was King Arthur's sister, I shall put +an enchantment upon him that he shall not awake in six hours, and then +I will lead him away unto my castle, and when he is surely within my +hold, I shall take the enchantment from him, and then let him choose +which of us he will have unto paramour. + +So this enchantment was cast upon Sir Launcelot, and then they laid him +upon his shield, and bare him so on horseback betwixt two knights, and +brought him unto the castle Chariot, and there they laid him in a +chamber cold, and at night they sent unto him a fair damosel with his +supper ready dight. By that the enchantment was past, and when she came +she saluted him, and asked him what cheer. I cannot say, fair damosel, +said Sir Launcelot, for I wot not how I came into this castle but it be +by an enchantment. Sir, said she, ye must make good cheer, and if ye be +such a knight as it is said ye be, I shall tell you more to-morn by +prime of the day. Gramercy, fair damosel, said Sir Launcelot, of your +good will I require you. And so she departed. And there he lay all that +night without comfort of anybody. And on the morn early came these four +queens, passingly well beseen, all they bidding him good morn, and he +them again. + +Sir knight, the four queens said, thou must understand thou art our +prisoner, and we here know thee well that thou art Sir Launcelot du +Lake, King Ban's son, and because we understand your worthiness, that +thou art the noblest knight living, and as we know well there can no +lady have thy love but one, and that is Queen Guenever, and now thou +shalt lose her for ever, and she thee, and therefore thee behoveth now +to choose one of us four. I am the Queen Morgan le Fay, queen of the +land of Gore, and here is the queen of Northgalis, and the queen of +Eastland, and the queen of the Out Isles; now choose one of us which +thou wilt have to thy paramour, for thou mayest not choose or else in +this prison to die. This is an hard case, said Sir Launcelot, that +either I must die or else choose one of you, yet had I liefer to die in +this prison with worship, than to have one of you to my paramour maugre +my head. And therefore ye be answered, I will none of you, for ye be +false enchantresses, and as for my lady, Dame Guenever, were I at my +liberty as I was, I would prove it on you or on yours, that she is the +truest lady unto her lord living. Well, said the queens, is this your +answer, that ye will refuse us. Yea, on my life, said Sir Launcelot, +refused ye be of me. So they departed and left him there alone that +made great sorrow. + + + +CHAPTER IV. How Sir Launcelot was delivered by the mean of a damosel. + +Right so at the noon came the damosel unto him with his dinner, and +asked him what cheer. Truly, fair damosel, said Sir Launcelot, in my +life days never so ill. Sir, she said, that me repenteth, but an ye +will be ruled by me, I shall help you out of this distress, and ye +shall have no shame nor villainy, so that ye hold me a promise. Fair +damosel, I will grant you, and sore I am of these queen-sorceresses +afeard, for they have destroyed many a good knight. Sir, said she, that +is sooth, and for the renown and bounty that they hear of you they +would have your love, and Sir, they say, your name is Sir Launcelot du +Lake, the flower of knights, and they be passing wroth with you that ye +have refused them. But Sir, an ye would promise me to help my father on +Tuesday next coming, that hath made a tournament betwixt him and the +King of Northgalis—for the last Tuesday past my father lost the field +through three knights of Arthur's court—an ye will be there on Tuesday +next coming, and help my father, to-morn or prime, by the grace of God, +I shall deliver you clean. Fair maiden, said Sir Launcelot, tell me +what is your father's name, and then shall I give you an answer. Sir +knight, she said, my father is King Bagdemagus, that was foul rebuked +at the last tournament. I know your father well, said Sir Launcelot, +for a noble king and a good knight, and by the faith of my body, ye +shall have my body ready to do your father and you service at that day. +Sir, she said, gramercy, and to-morn await ye be ready betimes and I +shall be she that shall deliver you and take you your armour and your +horse, shield and spear, and hereby within this ten mile, is an abbey +of white monks, there I pray you that ye me abide, and thither shall I +bring my father unto you. All this shall be done, said Sir Launcelot as +I am true knight. + +And so she departed, and came on the morn early, and found him ready; +then she brought him out of twelve locks, and brought him unto his +armour, and when he was clean armed, she brought him until his own +horse, and lightly he saddled him and took a great spear in his hand +and so rode forth, and said, Fair damosel, I shall not fail you, by the +grace of God. And so he rode into a great forest all that day, and +never could find no highway and so the night fell on him, and then was +he ware in a slade, of a pavilion of red sendal. By my faith, said Sir +Launcelot, in that pavilion will I lodge all this night, and so there +he alighted down, and tied his horse to the pavilion, and there he +unarmed him, and there he found a bed, and laid him therein and fell +asleep sadly. + + + +CHAPTER V. How a knight found Sir Launcelot lying in his leman's bed, +and how Sir Launcelot fought with the knight. + +Then within an hour there came the knight to whom the pavilion ought, +and he weened that his leman had lain in that bed, and so he laid him +down beside Sir Launcelot, and took him in his arms and began to kiss +him. And when Sir Launcelot felt a rough beard kissing him, he started +out of the bed lightly, and the other knight after him, and either of +them gat their swords in their hands, and out at the pavilion door went +the knight of the pavilion, and Sir Launcelot followed him, and there +by a little slake Sir Launcelot wounded him sore, nigh unto the death. +And then he yielded him unto Sir Launcelot, and so he granted him, so +that he would tell him why he came into the bed. Sir, said the knight, +the pavilion is mine own, and there this night I had assigned my lady +to have slept with me, and now I am likely to die of this wound. That +me repenteth, said Launcelot, of your hurt, but I was adread of +treason, for I was late beguiled, and therefore come on your way into +your pavilion and take your rest, and as I suppose I shall staunch your +blood. And so they went both into the pavilion, and anon Sir Launcelot +staunched his blood. + +Therewithal came the knight's lady, that was a passing fair lady, and +when she espied that her lord Belleus was sore wounded, she cried out +on Sir Launcelot, and made great dole out of measure. Peace, my lady +and my love, said Belleus, for this knight is a good man, and a knight +adventurous, and there he told her all the cause how he was wounded; +And when that I yielded me unto him, he left me goodly and hath +staunched my blood. Sir, said the lady, I require thee tell me what +knight ye be, and what is your name? Fair lady, he said, my name is Sir +Launcelot du Lake. So me thought ever by your speech, said the lady, +for I have seen you oft or this, and I know you better than ye ween. +But now an ye would promise me of your courtesy, for the harms that ye +have done to me and my Lord Belleus, that when he cometh unto Arthur's +court for to cause him to be made knight of the Round Table, for he is +a passing good man of arms, and a mighty lord of lands of many out +isles. + +Fair lady, said Sir Launcelot, let him come unto the court the next +high feast, and look that ye come with him, and I shall do my power, an +ye prove you doughty of your hands, that ye shall have your desire. So +thus within a while, as they thus talked, the night passed, and the day +shone, and then Sir Launcelot armed him, and took his horse, and they +taught him to the Abbey, and thither he rode within the space of two +hours. + + + +CHAPTER VI. How Sir Launcelot was received of King Bagdemagus' +daughter, and how he made his complaint to her father. + +And soon as Sir Launcelot came within the abbey yard, the daughter of +King Bagdemagus heard a great horse go on the pavement. And she then +arose and yede unto a window, and there she saw Sir Launcelot, and anon +she made men fast to take his horse from him and let lead him into a +stable, and himself was led into a fair chamber, and unarmed him, and +the lady sent him a long gown, and anon she came herself. And then she +made Launcelot passing good cheer, and she said he was the knight in +the world was most welcome to her. Then in all haste she sent for her +father Bagdemagus that was within twelve mile of that Abbey, and afore +even he came, with a fair fellowship of knights with him. And when the +king was alighted off his horse he yode straight unto Sir Launcelot's +chamber and there he found his daughter, and then the king embraced Sir +Launcelot in his arms, and either made other good cheer. + +Anon Sir Launcelot made his complaint unto the king how he was +betrayed, and how his brother Sir Lionel was departed from him he wist +not where, and how his daughter had delivered him out of prison; +Therefore while I live I shall do her service and all her kindred. Then +am I sure of your help, said the king, on Tuesday next coming. Yea, +sir, said Sir Launcelot, I shall not fail you, for so I have promised +my lady your daughter. But, sir, what knights be they of my lord +Arthur's that were with the King of Northgalis? And the king said it +was Sir Mador de la Porte, and Sir Mordred and Sir Gahalantine that all +for-fared my knights, for against them three I nor my knights might +bear no strength. Sir, said Sir Launcelot, as I hear say that the +tournament shall be here within this three mile of this abbey, ye shall +send unto me three knights of yours, such as ye trust, and look that +the three knights have all white shields, and I also, and no painture +on the shields, and we four will come out of a little wood in midst of +both parties, and we shall fall in the front of our enemies and grieve +them that we may; and thus shall I not be known what knight I am. + +So they took their rest that night, and this was on the Sunday, and so +the king departed, and sent unto Sir Launcelot three knights with the +four white shields. And on the Tuesday they lodged them in a little +leaved wood beside there the tournament should be. And there were +scaffolds and holes that lords and ladies might behold and to give the +prize. Then came into the field the King of Northgalis with eight score +helms. And then the three knights of Arthur's stood by themselves. Then +came into the field King Bagdemagus with four score of helms. And then +they feutred their spears, and came together with a great dash, and +there were slain of knights at the first recounter twelve of King +Bagdemagus' party, and six of the King of Northgalis' party, and King +Bagdemagus' party was far set aback. + + + +CHAPTER VII. How Sir Launcelot behaved him in a tournament, and how he +met with Sir Turquine leading Sir Gaheris. + +With that came Sir Launcelot du Lake, and he thrust in with his spear +in the thickest of the press, and there he smote down with one spear +five knights, and of four of them he brake their backs. And in that +throng he smote down the King of Northgalis, and brake his thigh in +that fall. All this doing of Sir Launcelot saw the three knights of +Arthur's. Yonder is a shrewd guest, said Sir Mador de la Porte, +therefore have here once at him. So they encountered, and Sir Launcelot +bare him down horse and man, so that his shoulder went out of lith. Now +befalleth it to me to joust, said Mordred, for Sir Mador hath a sore +fall. Sir Launcelot was ware of him, and gat a great spear in his hand, +and met him, and Sir Mordred brake a spear upon him, and Sir Launcelot +gave him such a buffet that the arson of his saddle brake, and so he +flew over his horse's tail, that his helm butted into the earth a foot +and more, that nigh his neck was broken, and there he lay long in a +swoon. + +Then came in Sir Gahalantine with a great spear and Launcelot against +him, with all their strength that they might drive, that both their +spears to-brast even to their hands, and then they flang out with their +swords and gave many a grim stroke. Then was Sir Launcelot wroth out of +measure, and then he smote Sir Gahalantine on the helm that his nose +brast out on blood, and ears and mouth both, and therewith his head +hung low. And therewith his horse ran away with him, and he fell down +to the earth. Anon therewithal Sir Launcelot gat a great spear in his +hand, and or ever that great spear brake, he bare down to the earth +sixteen knights, some horse and man, and some the man and not the +horse, and there was none but that he hit surely, he bare none arms +that day. And then he gat another great spear, and smote down twelve +knights, and the most part of them never throve after. And then the +knights of the King of Northgalis would joust no more. And there the +gree was given to King Bagdemagus. + +So either party departed unto his own place, and Sir Launcelot rode +forth with King Bagdemagus unto his castle, and there he had passing +good cheer both with the king and with his daughter, and they proffered +him great gifts. And on the morn he took his leave, and told the king +that he would go and seek his brother Sir Lionel, that went from him +when that he slept, so he took his horse, and betaught them all to God. +And there he said unto the king's daughter, If ye have need any time of +my service I pray you let me have knowledge, and I shall not fail you +as I am true knight. And so Sir Launcelot departed, and by adventure he +came into the same forest there he was taken sleeping. And in the midst +of a highway he met a damosel riding on a white palfrey, and there +either saluted other. Fair damosel, said Sir Launcelot, know ye in this +country any adventures? Sir knight, said that damosel, here are +adventures near hand, an thou durst prove them. Why should I not prove +adventures? said Sir Launcelot for that cause come I hither. Well, said +she, thou seemest well to be a good knight, and if thou dare meet with +a good knight, I shall bring thee where is the best knight, and the +mightiest that ever thou found, so thou wilt tell me what is thy name, +and what knight thou art. Damosel, as for to tell thee my name I take +no great force; truly my name is Sir Launcelot du Lake. Sir, thou +beseemest well, here be adventures by that fall for thee, for hereby +dwelleth a knight that will not be overmatched for no man I know but ye +overmatch him, and his name is Sir Turquine. And, as I understand, he +hath in his prison, of Arthur's court, good knights three score and +four, that he hath won with his own hands. But when ye have done that +journey ye shall promise me as ye are a true knight for to go with me, +and to help me and other damosels that are distressed daily with a +false knight. All your intent, damosel, and desire I will fulfil, so ye +will bring me unto this knight. Now, fair knight, come on your way; and +so she brought him unto the ford and the tree where hung the basin. + +So Sir Launcelot let his horse drink, and then he beat on the basin +with the butt of his spear so hard with all his might till the bottom +fell out, and long he did so, but he saw nothing. Then he rode endlong +the gates of that manor nigh half-an-hour. And then was he ware of a +great knight that drove an horse afore him, and overthwart the horse +there lay an armed knight bound. And ever as they came near and near, +Sir Launcelot thought he should know him. Then Sir Launcelot was ware +that it was Sir Gaheris, Gawaine's brother, a knight of the Table +Round. Now, fair damosel, said Sir Launcelot, I see yonder cometh a +knight fast bounden that is a fellow of mine, and brother he is unto +Sir Gawaine. And at the first beginning I promise you, by the leave of +God, to rescue that knight; but if his master sit better in the saddle +I shall deliver all the prisoners that he hath out of danger, for I am +sure he hath two brethren of mine prisoners with him. By that time that +either had seen other, they gripped their spears unto them. Now, fair +knight, said Sir Launcelot, put that wounded knight off the horse, and +let him rest awhile, and let us two prove our strengths; for as it is +informed me, thou doest and hast done great despite and shame unto +knights of the Round Table, and therefore now defend thee. An thou be +of the Table Round, said Turquine, I defy thee and all thy fellowship. +That is overmuch said, said Sir Launcelot. + + + +CHAPTER VIII. How Sir Launcelot and Sir Turquine fought together. + +And then they put their spears in the rests, and came together with +their horses as fast as they might run, and either smote other in midst +of their shields, that both their horses' backs brast under them, and +the knights were both stonied. And as soon as they might avoid their +horses, they took their shields afore them, and drew out their swords, +and came together eagerly, and either gave other many strong strokes, +for there might neither shields nor harness hold their strokes. And so +within a while they had both grimly wounds, and bled passing +grievously. Thus they fared two hours or more trasing and rasing either +other, where they might hit any bare place. + +Then at the last they were breathless both, and stood leaning on their +swords. Now fellow, said Sir Turquine, hold thy hand a while, and tell +me what I shall ask thee. Say on. Then Turquine said, Thou art the +biggest man that ever I met withal, and the best breathed, and like one +knight that I hate above all other knights; so be it that thou be not +he I will lightly accord with thee, and for thy love I will deliver all +the prisoners that I have, that is three score and four, so thou wilt +tell me thy name. And thou and I we will be fellows together, and never +to fail thee while that I live. It is well said, said Sir Launcelot, +but sithen it is so that I may have thy friendship, what knight is he +that thou so hatest above all other? Faithfully, said Sir Turquine, his +name is Sir Launcelot du Lake, for he slew my brother, Sir Carados, at +the dolorous tower, that was one of the best knights alive; and +therefore him I except of all knights, for may I once meet with him, +the one of us shall make an end of other, I make mine avow. And for Sir +Launcelot's sake I have slain an hundred good knights, and as many I +have maimed all utterly that they might never after help themselves, +and many have died in prison, and yet have I three score and four, and +all shall be delivered so thou wilt tell me thy name, so be it that +thou be not Sir Launcelot. + +Now, see I well, said Sir Launcelot, that such a man I might be, I +might have peace, and such a man I might be, that there should be war +mortal betwixt us. And now, sir knight, at thy request I will that thou +wit and know that I am Launcelot du Lake, King Ban's son of Benwick, +and very knight of the Table Round. And now I defy thee, and do thy +best. Ah, said Turquine, Launcelot, thou art unto me most welcome that +ever was knight, for we shall never depart till the one of us be dead. +Then they hurtled together as two wild bulls rushing and lashing with +their shields and swords, that sometime they fell both over their +noses. Thus they fought still two hours and more, and never would have +rest, and Sir Turquine gave Sir Launcelot many wounds that all the +ground thereas they fought was all bespeckled with blood. + + + +CHAPTER IX. How Sir Turquine was slain, and how Sir Launcelot bade Sir +Gaheris deliver all the prisoners. + +Then at the last Sir Turquine waxed faint, and gave somewhat aback, and +bare his shield low for weariness. That espied Sir Launcelot, and leapt +upon him fiercely and gat him by the beaver of his helmet, and plucked +him down on his knees, and anon he raced off his helm, and smote his +neck in sunder. And when Sir Launcelot had done this, he yode unto the +damosel and said, Damosel, I am ready to go with you where ye will have +me, but I have no horse. Fair sir, said she, take this wounded knight's +horse and send him into this manor, and command him to deliver all the +prisoners. So Sir Launcelot went unto Gaheris, and prayed him not to be +aggrieved for to lend him his horse. Nay, fair lord, said Gaheris, I +will that ye take my horse at your own commandment, for ye have both +saved me and my horse, and this day I say ye are the best knight in the +world, for ye have slain this day in my sight the mightiest man and the +best knight except you that ever I saw, and, fair sir, said Gaheris, I +pray you tell me your name. Sir, my name is Sir Launcelot du Lake, that +ought to help you of right for King Arthur's sake, and in especial for +my lord Sir Gawaine's sake, your own dear brother; and when that ye +come within yonder manor, I am sure ye shall find there many knights of +the Round Table, for I have seen many of their shields that I know on +yonder tree. There is Kay's shield, and Sir Brandel's shield, and Sir +Marhaus' shield, and Sir Galind's shield, and Sir Brian de Listnois' +shield, and Sir Aliduke's shield, with many more that I am not now +advised of, and also my two brethren's shields, Sir Ector de Maris and +Sir Lionel; wherefore I pray you greet them all from me, and say that I +bid them take such stuff there as they find, and that in any wise my +brethren go unto the court and abide me there till that I come, for by +the feast of Pentecost I cast me to be there, for as at this time I +must ride with this damosel for to save my promise. + +And so he departed from Gaheris, and Gaheris yede in to the manor, and +there he found a yeoman porter keeping there many keys. Anon withal Sir +Gaheris threw the porter unto the ground and took the keys from him, +and hastily he opened the prison door, and there he let out all the +prisoners, and every man loosed other of their bonds. And when they saw +Sir Gaheris, all they thanked him, for they weened that he was wounded. +Not so, said Gaheris, it was Launcelot that slew him worshipfully with +his own hands. I saw it with mine own eyes. And he greeteth you all +well, and prayeth you to haste you to the court; and as unto Sir Lionel +and Ector de Maris he prayeth you to abide him at the court. That shall +we not do, says his brethren, we will find him an we may live. So shall +I, said Sir Kay, find him or I come at the court, as I am true knight. + +Then all those knights sought the house thereas the armour was, and +then they armed them, and every knight found his own horse, and all +that ever longed unto him. And when this was done, there came a +forester with four horses laden with fat venison. Anon, Sir Kay said, +Here is good meat for us for one meal, for we had not many a day no +good repast. And so that venison was roasted, baken, and sodden, and so +after supper some abode there all night, but Sir Lionel and Ector de +Maris and Sir Kay rode after Sir Launcelot to find him if they might. + + + +CHAPTER X. How Sir Launcelot rode with a damosel and slew a knight that +distressed all ladies and also a villain that kept a bridge. + +Now turn we unto Sir Launcelot, that rode with the damosel in a fair +highway. Sir, said the damosel, here by this way haunteth a knight that +distressed all ladies and gentlewomen, and at the least he robbeth them +or lieth by them. What, said Sir Launcelot, is he a thief and a knight +and a ravisher of women? he doth shame unto the order of knighthood, +and contrary unto his oath; it is pity that he liveth. But, fair +damosel, ye shall ride on afore, yourself, and I will keep myself in +covert, and if that he trouble you or distress you I shall be your +rescue and learn him to be ruled as a knight. + +So the maid rode on by the way a soft ambling pace, and within a while +came out that knight on horseback out of the wood, and his page with +him, and there he put the damosel from her horse, and then she cried. +With that came Launcelot as fast as he might till he came to that +knight, saying, O thou false knight and traitor unto knighthood, who +did learn thee to distress ladies and gentlewomen? When the knight saw +Sir Launcelot thus rebuking him he answered not, but drew his sword and +rode unto Sir Launcelot, and Sir Launcelot threw his spear from him, +and drew out his sword, and struck him such a buffet on the helmet that +he clave his head and neck unto the throat. Now hast thou thy payment +that long thou hast deserved! That is truth, said the damosel, for like +as Sir Turquine watched to destroy knights, so did this knight attend +to destroy and distress ladies, damosels, and gentlewomen, and his name +was Sir Peris de Forest Savage. Now, damosel, said Sir Launcelot, will +ye any more service of me? Nay, sir, she said, at this time, but +almighty Jesu preserve you wheresomever ye ride or go, for the curteist +knight thou art, and meekest unto all ladies and gentlewomen, that now +liveth. But one thing, sir knight, methinketh ye lack, ye that are a +knight wifeless, that he will not love some maiden or gentlewoman, for +I could never hear say that ever ye loved any of no manner degree, and +that is great pity; but it is noised that ye love Queen Guenever, and +that she hath ordained by enchantment that ye shall never love none +other but her, nor none other damosel nor lady shall rejoice you; +wherefore many in this land, of high estate and low, make great sorrow. + +Fair damosel, said Sir Launcelot, I may not warn people to speak of me +what it pleaseth them; but for to be a wedded man, I think it not; for +then I must couch with her, and leave arms and tournaments, battles, +and adventures; and as for to say for to take my pleasaunce with +paramours, that will I refuse in principal for dread of God; for +knights that be adventurous or lecherous shall not be happy nor +fortunate unto the wars, for other they shall be overcome with a +simpler knight than they be themselves, other else they shall by unhap +and their cursedness slay better men than they be themselves. And so +who that useth paramours shall be unhappy, and all thing is unhappy +that is about them. + +And so Sir Launcelot and she departed. And then he rode in a deep +forest two days and more, and had strait lodging. So on the third day +he rode over a long bridge, and there stert upon him suddenly a passing +foul churl, and he smote his horse on the nose that he turned about, +and asked him why he rode over that bridge without his licence. Why +should I not ride this way? said Sir Launcelot, I may not ride beside. +Thou shalt not choose, said the churl, and lashed at him with a great +club shod with iron. Then Sir Launcelot drew his sword and put the +stroke aback, and clave his head unto the paps. At the end of the +bridge was a fair village, and all the people, men and women, cried on +Sir Launcelot, and said, A worse deed didst thou never for thyself, for +thou hast slain the chief porter of our castle. Sir Launcelot let them +say what they would, and straight he went into the castle; and when he +came into the castle he alighted, and tied his horse to a ring on the +wall and there he saw a fair green court, and thither he dressed him, +for there him thought was a fair place to fight in. So he looked about, +and saw much people in doors and windows that said, Fair knight, thou +art unhappy. + + + +CHAPTER XI. How Sir Launcelot slew two giants, and made a castle free. + +Anon withal came there upon him two great giants, well armed all save +the heads, with two horrible clubs in their hands. Sir Launcelot put +his shield afore him and put the stroke away of the one giant, and with +his sword he clave his head asunder. When his fellow saw that, he ran +away as he were wood, for fear of the horrible strokes, and Launcelot +after him with all his might, and smote him on the shoulder, and clave +him to the navel. Then Sir Launcelot went into the hall, and there came +afore him three score ladies and damosels, and all kneeled unto him, +and thanked God and him of their deliverance; For sir, said they, the +most party of us have been here this seven year their prisoners, and we +have worked all manner of silk works for our meat, and we are all great +gentlewomen born; and blessed be the time, knight, that ever thou be +born, for thou hast done the most worship that ever did knight in this +world, that will we bear record, and we all pray you to tell us your +name, that we may tell our friends who delivered us out of prison. Fair +damosel, he said, my name is Sir Launcelot du Lake. Ah, sir, said they +all, well mayest thou be he, for else save yourself, as we deemed, +there might never knight have the better of these two giants; for many +fair knights have assayed it, and here have ended, and many times have +we wished after you, and these two giants dread never knight but you. +Now may ye say, said Sir Launcelot, unto your friends how and who hath +delivered you, and greet them all from me, and if that I come in any of +your marches, show me such cheer as ye have cause, and what treasure +that there in this castle is I give it you for a reward for your +grievance, and the lord that is owner of this castle I would he +received it as is right. Fair sir, said they, the name of this castle +is Tintagil, and a duke ought it sometime that had wedded fair Igraine, +and after wedded her Uther Pendragon, and gat on her Arthur. Well, said +Sir Launcelot, I understand to whom this castle longeth; and so he +departed from them, and betaught them unto God. + +And then he mounted upon his horse, and rode into many strange and wild +countries, and through many waters and valleys, and evil was he lodged. +And at the last by fortune him happened, against a night, to come to a +fair courtelage, and therein he found an old gentlewoman that lodged +him with good will, and there he had good cheer for him and his horse. +And when time was, his host brought him into a fair garret, over the +gate, to his bed. There Sir Launcelot unarmed him, and set his harness +by him, and went to bed, and anon he fell asleep. So, soon after, there +came one on horseback, and knocked at the gate in great haste, and when +Sir Launcelot heard this, he arose up and looked out at the window, and +saw by the moonlight three knights came riding after that one man, and +all three lashed on him at once with swords, and that one knight turned +on them knightly again, and defended him. Truly, said Sir Launcelot, +yonder one knight shall I help, for it were shame for me to see three +knights on one, and if he be slain I am partner of his death; and +therewith he took his harness, and went out at a window by a sheet down +to the four knights, and then Sir Launcelot said on high, Turn you +knights unto me, and leave your fighting with that knight. And then +they all three left Sir Kay, and turned unto Sir Launcelot, and there +began great battle, for they alighted all three, and struck many great +strokes at Sir Launcelot, and assailed him on every side. Then Sir Kay +dressed him for to have holpen Sir Launcelot. Nay, sir, said he, I will +none of your help; therefore as ye will have my help, let me alone with +them. Sir Kay, for the pleasure of the knight, suffered him for to do +his will, and so stood aside. And then anon within six strokes, Sir +Launcelot had stricken them to the earth. + +And then they all three cried: Sir knight, we yield us unto you as a +man of might makeless. As to that, said Sir Launcelot, I will not take +your yielding unto me. But so that ye will yield you unto Sir Kay the +Seneschal, on that covenant I will save your lives, and else not. Fair +knight, said they, that were we loath to do; for as for Sir Kay, we +chased him hither, and had overcome him had not ye been, therefore to +yield us unto him it were no reason. Well, as to that, said Launcelot, +advise you well, for ye may choose whether ye will die or live, for an +ye be yolden it shall be unto Sir Kay. Fair knight, then they said, in +saving of our lives we will do as thou commandest us. Then shall ye, +said Sir Launcelot, on Whitsunday next coming, go unto the court of +King Arthur, and there shall ye yield you unto Queen Guenever, and put +you all three in her grace and mercy, and say that Sir Kay sent you +thither to be her prisoners. Sir, they said, it shall be done by the +faith of our bodies, an we be living, and there they swore every knight +upon his sword. And so Sir Launcelot suffered them so to depart. And +then Sir Launcelot knocked at the gate with the pommel of his sword, +and with that came his host, and in they entered Sir Kay and he. Sir, +said his host, I weened ye had been in your bed. So I was, said Sir +Launcelot, but I rose and leapt out at my window for to help an old +fellow of mine. And so when they came nigh the light, Sir Kay knew well +that it was Sir Launcelot, and therewith he kneeled down and thanked +him of all his kindness that he had holpen him twice from the death. +Sir, he said, I have nothing done but that me ought for to do, and ye +are welcome, and here shall ye repose you and take your rest. + +So when Sir Kay was unarmed, he asked after meat; so there was meat +fetched him, and he ate strongly. And when he had supped they went to +their beds and were lodged together in one bed. On the morn Sir +Launcelot arose early, and left Sir Kay sleeping, and Sir Launcelot +took Sir Kay's armour and his shield, and armed him, and so he went to +the stable, and took his horse, and took his leave of his host, and so +he departed. Then soon after arose Sir Kay and missed Sir Launcelot. +And then he espied that he had his armour and his horse. Now by my +faith I know well that he will grieve some of the court of King Arthur; +for on him knights will be bold, and deem that it is I, and that will +beguile them. And because of his armour and shield I am sure I shall +ride in peace. And then soon after departed Sir Kay and thanked his +host. + + + +CHAPTER XII. How Sir Launcelot rode disguised in Sir Kay's harness, and +how he smote down a knight. + +Now turn we unto Sir Launcelot that had ridden long in a great forest, +and at the last he came into a low country, full of fair rivers and +meadows. And afore him he saw a long bridge, and three pavilions stood +thereon, of silk and sendal of divers hue. And without the pavilions +hung three white shields on truncheons of spears, and great long spears +stood upright by the pavilions, and at every pavilion's door stood +three fresh squires, and so Sir Launcelot passed by them and spake no +word. When he was passed the three knights said them that it was the +proud Kay; He weeneth no knight so good as he, and the contrary is +ofttime proved. By my faith, said one of the knights, his name was Sir +Gaunter, I will ride after him and assay him for all his pride, and ye +may behold how that I speed. So this knight, Sir Gaunter, armed him, +and hung his shield upon his shoulder, and mounted upon a great horse, +and gat his spear in his hand, and walloped after Sir Launcelot. And +when he came nigh him, he cried, Abide, thou proud knight Sir Kay, for +thou shalt not pass quit. So Sir Launcelot turned him, and either +feutred their spears, and came together with all their mights, and Sir +Gaunter's spear brake, but Sir Launcelot smote him down horse and man. +And when Sir Gaunter was at the earth his brethren said each one to +other, Yonder knight is not Sir Kay, for he is bigger than he. I dare +lay my head, said Sir Gilmere, yonder knight hath slain Sir Kay and +hath taken his horse and his harness. Whether it be so or no, said Sir +Raynold, the third brother, let us now go mount upon our horses and +rescue our brother Sir Gaunter, upon pain of death. We all shall have +work enough to match that knight, for ever meseemeth by his person it +is Sir Launcelot, or Sir Tristram, or Sir Pelleas, the good knight. + +Then anon they took their horses and overtook Sir Launcelot, and Sir +Gilmere put forth his spear, and ran to Sir Launcelot, and Sir +Launcelot smote him down that he lay in a swoon. Sir knight, said Sir +Raynold, thou art a strong man, and as I suppose thou hast slain my two +brethren, for the which raseth my heart sore against thee, and if I +might with my worship I would not have ado with you, but needs I must +take part as they do, and therefore, knight, he said, keep thyself. And +so they hurtled together with all their mights, and all to-shivered +both their spears. And then they drew their swords and lashed together +eagerly. Anon therewith arose Sir Gaunter, and came unto his brother +Sir Gilmere, and bade him, Arise, and help we our brother Sir Raynold, +that yonder marvellously matched yonder good knight. Therewithal, they +leapt on their horses and hurtled unto Sir Launcelot. + +And when he saw them come he smote a sore stroke unto Sir Raynold, that +he fell off his horse to the ground, and then he struck to the other +two brethren, and at two strokes he struck them down to the earth. With +that Sir Raynold began to start up with his head all bloody, and came +straight unto Sir Launcelot. Now let be, said Sir Launcelot, I was not +far from thee when thou wert made knight, Sir Raynold, and also I know +thou art a good knight, and loath I were to slay thee. Gramercy, said +Sir Raynold, as for your goodness; and I dare say as for me and my +brethren, we will not be loath to yield us unto you, with that we knew +your name, for well we know ye are not Sir Kay. As for that be it as it +be may, for ye shall yield you unto dame Guenever, and look that ye be +with her on Whitsunday, and yield you unto her as prisoners, and say +that Sir Kay sent you unto her. Then they swore it should be done, and +so passed forth Sir Launcelot, and each one of the brethren holp other +as well as they might. + + + +CHAPTER XIII. How Sir Launcelot jousted against four knights of the +Round Table and overthrew them. + +So Sir Launcelot rode into a deep forest, and thereby in a slade, he +saw four knights hoving under an oak, and they were of Arthur's court, +one was Sir Sagramour le Desirous, and Ector de Maris, and Sir Gawaine, +and Sir Uwaine. Anon as these four knights had espied Sir Launcelot, +they weened by his arms it had been Sir Kay. Now by my faith, said Sir +Sagramour, I will prove Sir Kay's might, and gat his spear in his hand, +and came toward Sir Launcelot. Therewith Sir Launcelot was ware and +knew him well, and feutred his spear against him, and smote Sir +Sagramour so sore that horse and man fell both to the earth. Lo, my +fellows, said he, yonder ye may see what a buffet he hath; that knight +is much bigger than ever was Sir Kay. Now shall ye see what I may do to +him. So Sir Ector gat his spear in his hand and walloped toward Sir +Launcelot, and Sir Launcelot smote him through the shield and shoulder, +that man and horse went to the earth, and ever his spear held. + +By my faith, said Sir Uwaine, yonder is a strong knight, and I am sure +he hath slain Sir Kay; and I see by his great strength it will be hard +to match him. And therewithal, Sir Uwaine gat his spear in his hand and +rode toward Sir Launcelot, and Sir Launcelot knew him well, and so he +met him on the plain, and gave him such a buffet that he was astonied, +that long he wist not where he was. Now see I well, said Sir Gawaine, I +must encounter with that knight. Then he dressed his shield and gat a +good spear in his hand, and Sir Launcelot knew him well; and then they +let run their horses with all their mights, and either knight smote +other in midst of the shield. But Sir Gawaine's spear to-brast, and Sir +Launcelot charged so sore upon him that his horse reversed up-so-down. +And much sorrow had Sir Gawaine to avoid his horse, and so Sir +Launcelot passed on a pace and smiled, and said, God give him joy that +this spear made, for there came never a better in my hand. + +Then the four knights went each one to other and comforted each other. +What say ye by this guest? said Sir Gawaine, that one spear hath felled +us all four. We commend him unto the devil, they said all, for he is a +man of great might. Ye may well say it, said Sir Gawaine, that he is a +man of might, for I dare lay my head it is Sir Launcelot, I know it by +his riding. Let him go, said Sir Gawaine, for when we come to the court +then shall we wit; and then had they much sorrow to get their horses +again. + + + +CHAPTER XIV. How Sir Launcelot followed a brachet into a castle, where +he found a dead knight, and how he after was required of a damosel to +heal her brother. + +Now leave we there and speak of Sir Launcelot that rode a great while +in a deep forest, where he saw a black brachet, seeking in manner as it +had been in the feute of an hurt deer. And therewith he rode after the +brachet, and he saw lie on the ground a large feute of blood. And then +Sir Launcelot rode after. And ever the brachet looked behind her, and +so she went through a great marsh, and ever Sir Launcelot followed. And +then was he ware of an old manor, and thither ran the brachet, and so +over the bridge. So Sir Launcelot rode over that bridge that was old +and feeble; and when he came in midst of a great hall, there he saw lie +a dead knight that was a seemly man, and that brachet licked his +wounds. And therewithal came out a lady weeping and wringing her hands; +and then she said, O knight, too much sorrow hast thou brought me. Why +say ye so? said Sir Launcelot, I did never this knight no harm, for +hither by feute of blood this brachet brought me; and therefore, fair +lady, be not displeased with me, for I am full sore aggrieved of your +grievance. Truly, sir, she said, I trow it be not ye that hath slain my +husband, for he that did that deed is sore wounded, and he is never +likely to recover, that shall I ensure him. What was your husband's +name? said Sir Launcelot. Sir, said she, his name was called Sir +Gilbert the Bastard, one of the best knights of the world, and he that +hath slain him I know not his name. Now God send you better comfort, +said Sir Launcelot; and so he departed and went into the forest again, +and there he met with a damosel, the which knew him well, and she said +aloud, Well be ye found, my lord; and now I require thee, on thy +knighthood, help my brother that is sore wounded, and never stinteth +bleeding; for this day he fought with Sir Gilbert the Bastard and slew +him in plain battle, and there was my brother sore wounded, and there +is a lady a sorceress that dwelleth in a castle here beside, and this +day she told me my brother's wounds should never be whole till I could +find a knight that would go into the Chapel Perilous, and there he +should find a sword and a bloody cloth that the wounded knight was +lapped in, and a piece of that cloth and sword should heal my brother's +wounds, so that his wounds were searched with the sword and the cloth. +This is a marvellous thing, said Sir Launcelot, but what is your +brother's name? Sir, she said, his name was Sir Meliot de Logres. That +me repenteth, said Sir Launcelot, for he is a fellow of the Table +Round, and to his help I will do my power. Then, sir, said she, follow +even this highway, and it will bring you unto the Chapel Perilous; and +here I shall abide till God send you here again, and, but you speed, I +know no knight living that may achieve that adventure. + + + +CHAPTER XV. How Sir Launcelot came into the Chapel Perilous and gat +there of a dead corpse a piece of the cloth and a sword. + +Right so Sir Launcelot departed, and when he came unto the Chapel +Perilous he alighted down, and tied his horse unto a little gate. And +as soon as he was within the churchyard he saw on the front of the +chapel many fair rich shields turned up-so-down, and many of the +shields Sir Launcelot had seen knights bear beforehand. With that he +saw by him there stand a thirty great knights, more by a yard than any +man that ever he had seen, and all those grinned and gnashed at Sir +Launcelot. And when he saw their countenance he dreaded him sore, and +so put his shield afore him, and took his sword ready in his hand ready +unto battle, and they were all armed in black harness ready with their +shields and their swords drawn. And when Sir Launcelot would have gone +throughout them, they scattered on every side of him, and gave him the +way, and therewith he waxed all bold, and entered into the chapel, and +then he saw no light but a dim lamp burning, and then was he ware of a +corpse hilled with a cloth of silk. Then Sir Launcelot stooped down, +and cut a piece away of that cloth, and then it fared under him as the +earth had quaked a little; therewithal he feared. And then he saw a +fair sword lie by the dead knight, and that he gat in his hand and hied +him out of the chapel. + +Anon as ever he was in the chapel yard all the knights spake to him +with a grimly voice, and said, Knight, Sir Launcelot, lay that sword +from thee or else thou shalt die. Whether that I live or die, said Sir +Launcelot, with no great word get ye it again, therefore fight for it +an ye list. Then right so he passed throughout them, and beyond the +chapel yard there met him a fair damosel, and said, Sir Launcelot, +leave that sword behind thee, or thou wilt die for it. I leave it not, +said Sir Launcelot, for no treaties. No, said she, an thou didst leave +that sword, Queen Guenever should thou never see. Then were I a fool an +I would leave this sword, said Launcelot. Now, gentle knight, said the +damosel, I require thee to kiss me but once. Nay, said Sir Launcelot, +that God me forbid. Well, sir, said she, an thou hadst kissed me thy +life days had been done, but now, alas, she said, I have lost all my +labour, for I ordained this chapel for thy sake, and for Sir Gawaine. +And once I had Sir Gawaine within me, and at that time he fought with +that knight that lieth there dead in yonder chapel, Sir Gilbert the +Bastard; and at that time he smote the left hand off of Sir Gilbert the +Bastard. And, Sir Launcelot, now I tell thee, I have loved thee this +seven year, but there may no woman have thy love but Queen Guenever. +But sithen I may not rejoice thee to have thy body alive, I had kept no +more joy in this world but to have thy body dead. Then would I have +balmed it and served it, and so have kept it my life days, and daily I +should have clipped thee, and kissed thee, in despite of Queen +Guenever. Ye say well, said Sir Launcelot, Jesu preserve me from your +subtle crafts. And therewithal he took his horse and so departed from +her. And as the book saith, when Sir Launcelot was departed she took +such sorrow that she died within a fourteen night, and her name was +Hellawes the sorceress, Lady of the Castle Nigramous. + +Anon Sir Launcelot met with the damosel, Sir Meliot's sister. And when +she saw him she clapped her hands, and wept for joy. And then they rode +unto a castle thereby where lay Sir Meliot. And anon as Sir Launcelot +saw him he knew him, but he was passing pale, as the earth, for +bleeding. When Sir Meliot saw Sir Launcelot he kneeled upon his knees +and cried on high: O lord Sir Launcelot, help me! Anon Sir Launcelot +leapt unto him and touched his wounds with Sir Gilbert's sword. And +then he wiped his wounds with a part of the bloody cloth that Sir +Gilbert was wrapped in, and anon an wholer man in his life was he +never. And then there was great joy between them, and they made Sir +Launcelot all the cheer that they might, and so on the morn Sir +Launcelot took his leave, and bade Sir Meliot hie him to the court of +my lord Arthur, for it draweth nigh to the Feast of Pentecost, and +there by the grace of God ye shall find me. And therewith they +departed. + + + +CHAPTER XVI. How Sir Launcelot at the request of a lady recovered a +falcon, by which he was deceived. + +And so Sir Launcelot rode through many strange countries, over marshes +and valleys, till by fortune he came to a fair castle, and as he passed +beyond the castle him thought he heard two bells ring. And then was he +ware of a falcon came flying over his head toward an high elm, and long +lunes about her feet, and as she flew unto the elm to take her perch +the lunes over-cast about a bough. And when she would have taken her +flight she hung by the legs fast; and Sir Launcelot saw how she hung, +and beheld the fair falcon perigot, and he was sorry for her. + +The meanwhile came a lady out of the castle and cried on high: O +Launcelot, Launcelot, as thou art flower of all knights, help me to get +my hawk, for an my hawk be lost my lord will destroy me; for I kept the +hawk and she slipped from me, and if my lord my husband wit it he is so +hasty that he will slay me. What is your lord's name? said Sir +Launcelot. Sir, she said, his name is Sir Phelot, a knight that longeth +unto the King of Northgalis. Well, fair lady, since that ye know my +name, and require me of knighthood to help you, I will do what I may to +get your hawk, and yet God knoweth I am an ill climber, and the tree is +passing high, and few boughs to help me withal. And therewith Sir +Launcelot alighted, and tied his horse to the same tree, and prayed the +lady to unarm him. And so when he was unarmed, he put off all his +clothes unto his shirt and breech, and with might and force he clomb up +to the falcon, and tied the lines to a great rotten boyshe, and threw +the hawk down and it withal. + +Anon the lady gat the hawk in her hand; and therewithal came out Sir +Phelot out of the groves suddenly, that was her husband, all armed and +with his naked sword in his hand, and said: O knight Launcelot, now +have I found thee as I would, and stood at the bole of the tree to slay +him. Ah, lady, said Sir Launcelot, why have ye betrayed me? She hath +done, said Sir Phelot, but as I commanded her, and therefore there nis +none other boot but thine hour is come that thou must die. That were +shame unto thee, said Sir Launcelot, thou an armed knight to slay a +naked man by treason. Thou gettest none other grace, said Sir Phelot, +and therefore help thyself an thou canst. Truly, said Sir Launcelot, +that shall be thy shame, but since thou wilt do none other, take mine +harness with thee, and hang my sword upon a bough that I may get it, +and then do thy best to slay me an thou canst. Nay, nay, said Sir +Phelot, for I know thee better than thou weenest, therefore thou +gettest no weapon, an I may keep you therefrom. Alas, said Sir +Launcelot, that ever a knight should die weaponless. And therewith he +waited above him and under him, and over his head he saw a rownsepyk, a +big bough leafless, and therewith he brake it off by the body. And then +he came lower and awaited how his own horse stood, and suddenly he +leapt on the further side of the horse, fro-ward the knight. And then +Sir Phelot lashed at him eagerly, weening to have slain him. But Sir +Launcelot put away the stroke with the rownsepyk, and therewith he +smote him on the one side of the head, that he fell down in a swoon to +the ground. So then Sir Launcelot took his sword out of his hand, and +struck his neck from the body. Then cried the lady, Alas! why hast thou +slain my husband? I am not causer, said Sir Launcelot, for with +falsehood ye would have had slain me with treason, and now it is fallen +on you both. And then she swooned as though she would die. And +therewithal Sir Launcelot gat all his armour as well as he might, and +put it upon him for dread of more resort, for he dreaded that the +knight's castle was so nigh. And so, as soon as he might, he took his +horse and departed, and thanked God that he had escaped that adventure. + + + +CHAPTER XVII. How Sir Launcelot overtook a knight which chased his wife +to have slain her, and how he said to him. + +So Sir Launcelot rode many wild ways, throughout marches and many wild +ways. And as he rode in a valley he saw a knight chasing a lady, with a +naked sword, to have slain her. And by fortune as this knight should +have slain this lady, she cried on Sir Launcelot and prayed him to +rescue her. When Sir Launcelot saw that mischief, he took his horse and +rode between them, saying, Knight, fie for shame, why wilt thou slay +this lady? thou dost shame unto thee and all knights. What hast thou to +do betwixt me and my wife? said the knight. I will slay her maugre thy +head. That shall ye not, said Sir Launcelot, for rather we two will +have ado together. Sir Launcelot, said the knight, thou dost not thy +part, for this lady hath betrayed me. It is not so, said the lady, +truly he saith wrong on me. And for because I love and cherish my +cousin germain, he is jealous betwixt him and me; and as I shall answer +to God there was never sin betwixt us. But, sir, said the lady, as thou +art called the worshipfullest knight of the world, I require thee of +true knighthood, keep me and save me. For whatsomever ye say he will +slay me, for he is without mercy. Have ye no doubt, said Launcelot, it +shall not lie in his power. Sir, said the knight, in your sight I will +be ruled as ye will have me. And so Sir Launcelot rode on the one side +and she on the other: he had not ridden but a while, but the knight +bade Sir Launcelot turn him and look behind him, and said, Sir, yonder +come men of arms after us riding. And so Sir Launcelot turned him and +thought no treason, and therewith was the knight and the lady on one +side, and suddenly he swapped off his lady's head. + +And when Sir Launcelot had espied him what he had done, he said, and +called him, Traitor, thou hast shamed me for ever. And suddenly Sir +Launcelot alighted off his horse, and pulled out his sword to slay him, +and therewithal he fell flat to the earth, and gripped Sir Launcelot by +the thighs, and cried mercy. Fie on thee, said Sir Launcelot, thou +shameful knight, thou mayest have no mercy, and therefore arise and +fight with me. Nay, said the knight, I will never arise till ye grant +me mercy. Now will I proffer thee fair, said Launcelot, I will unarm me +unto my shirt, and I will have nothing upon me but my shirt, and my +sword and my hand. And if thou canst slay me, quit be thou for ever. +Nay, sir, said Pedivere, that will I never. Well, said Sir Launcelot, +take this lady and the head, and bear it upon thee, and here shalt thou +swear upon my sword, to bear it always upon thy back, and never to rest +till thou come to Queen Guenever. Sir, said he, that will I do, by the +faith of my body. Now, said Launcelot, tell me what is your name? Sir, +my name is Pedivere. In a shameful hour wert thou born, said Launcelot. + +So Pedivere departed with the dead lady and the head, and found the +queen with King Arthur at Winchester, and there he told all the truth. +Sir knight, said the queen, this is an horrible deed and a shameful, +and a great rebuke unto Sir Launcelot; but notwithstanding his worship +is not known in many divers countries; but this shall I give you in +penance, make ye as good shift as ye can, ye shall bear this lady with +you on horseback unto the Pope of Rome, and of him receive your penance +for your foul deeds; and ye shall never rest one night whereas ye do +another; an ye go to any bed the dead body shall lie with you. This +oath there he made, and so departed. And as it telleth in the French +book, when he came to Rome, the Pope bade him go again unto Queen +Guenever, and in Rome was his lady buried by the Pope's commandment. +And after this Sir Pedivere fell to great goodness, and was an holy man +and an hermit. + + + +CHAPTER XVIII. How Sir Launcelot came to King Arthur's Court, and how +there were recounted all his noble feats and acts. + +Now turn we unto Sir Launcelot du Lake, that came home two days afore +the Feast of Pentecost; and the king and all the court were passing +fain of his coming. And when Sir Gawaine, Sir Uwaine, Sir Sagramore, +Sir Ector de Maris, saw Sir Launcelot in Kay's armour, then they wist +well it was he that smote them down all with one spear. Then there was +laughing and smiling among them. And ever now and now came all the +knights home that Sir Turquine had prisoners, and they all honoured and +worshipped Sir Launcelot. + +When Sir Gaheris heard them speak, he said, I saw all the battle from +the beginning to the ending, and there he told King Arthur all how it +was, and how Sir Turquine was the strongest knight that ever he saw +except Sir Launcelot: there were many knights bare him record, nigh +three score. Then Sir Kay told the king how Sir Launcelot had rescued +him when he should have been slain, and how he made the knights yield +them to me, and not to him. And there they were all three, and bare +record. And by Jesu, said Sir Kay, because Sir Launcelot took my +harness and left me his I rode in good peace, and no man would have ado +with me. + +Anon therewithal there came the three knights that fought with Sir +Launcelot at the long bridge. And there they yielded them unto Sir Kay, +and Sir Kay forsook them and said he fought never with them. But I +shall ease your heart, said Sir Kay, yonder is Sir Launcelot that +overcame you. When they wist that they were glad. And then Sir Meliot +de Logres came home, and told the king how Sir Launcelot had saved him +from the death. And all his deeds were known, how four queens, +sorceresses, had him in prison, and how he was delivered by King +Bagdemagus' daughter. Also there were told all the great deeds of arms +that Sir Launcelot did betwixt the two kings, that is for to say the +King of Northgalis and King Bagdemagus. All the truth Sir Gahalantine +did tell, and Sir Mador de la Porte and Sir Mordred, for they were at +that same tournament. Then came in the lady that knew Sir Launcelot +when that he wounded Sir Belleus at the pavilion. And there, at request +of Sir Launcelot, Sir Belleus was made knight of the Round Table. And +so at that time Sir Launcelot had the greatest name of any knight of +the world, and most he was honoured of high and low. + + Explicit the noble tale of Sir Launcelot du Lake, which is the vi. + book. Here followeth the tale of Sir Gareth of Orkney that was called + Beaumains by Sir Kay, and is the seventh book. + + + +BOOK VII. + + + +CHAPTER I. How Beaumains came to King Arthur's Court and demanded three +petitions of King Arthur. + +When Arthur held his Round Table most plenour, it fortuned that he +commanded that the high feast of Pentecost should be holden at a city +and a castle, the which in those days was called Kynke Kenadonne, upon +the sands that marched nigh Wales. So ever the king had a custom that +at the feast of Pentecost in especial, afore other feasts in the year, +he would not go that day to meat until he had heard or seen of a great +marvel. And for that custom all manner of strange adventures came +before Arthur as at that feast before all other feasts. And so Sir +Gawaine, a little to-fore noon of the day of Pentecost, espied at a +window three men upon horseback, and a dwarf on foot, and so the three +men alighted, and the dwarf kept their horses, and one of the three men +was higher than the other twain by a foot and an half. Then Sir Gawaine +went unto the king and said, Sir, go to your meat, for here at the hand +come strange adventures. So Arthur went unto his meat with many other +kings. And there were all the knights of the Round Table, [save] only +those that were prisoners or slain at a recounter. Then at the high +feast evermore they should be fulfilled the whole number of an hundred +and fifty, for then was the Round Table fully complished. + +Right so came into the hall two men well beseen and richly, and upon +their shoulders there leaned the goodliest young man and the fairest +that ever they all saw, and he was large and long, and broad in the +shoulders, and well visaged, and the fairest and the largest handed +that ever man saw, but he fared as though he might not go nor bear +himself but if he leaned upon their shoulders. Anon as Arthur saw him +there was made peace and room, and right so they yede with him unto the +high dais, without saying of any words. Then this much young man pulled +him aback, and easily stretched up straight, saying, King Arthur, God +you bless and all your fair fellowship, and in especial the fellowship +of the Table Round. And for this cause I am come hither, to pray you +and require you to give me three gifts, and they shall not be +unreasonably asked, but that ye may worshipfully and honourably grant +them me, and to you no great hurt nor loss. And the first don and gift +I will ask now, and the other two gifts I will ask this day +twelvemonth, wheresomever ye hold your high feast. Now ask, said +Arthur, and ye shall have your asking. + +Now, sir, this is my petition for this feast, that ye will give me meat +and drink sufficiently for this twelvemonth, and at that day I will ask +mine other two gifts. + +My fair son, said Arthur, ask better, I counsel thee, for this is but a +simple asking; for my heart giveth me to thee greatly, that thou art +come of men of worship, and greatly my conceit faileth me but thou +shalt prove a man of right great worship. Sir, he said, thereof be as +it be may, I have asked that I will ask. Well, said the king, ye shall +have meat and drink enough; I never defended that none, neither my +friend nor my foe. But what is thy name I would wit? I cannot tell you, +said he. That is marvel, said the king, that thou knowest not thy name, +and thou art the goodliest young man that ever I saw. Then the king +betook him to Sir Kay the steward, and charged him that he should give +him of all manner of meats and drinks of the best, and also that he had +all manner of finding as though he were a lord's son. That shall little +need, said Sir Kay, to do such cost upon him; for I dare undertake he +is a villain born, and never will make man, for an he had come of +gentlemen he would have asked of you horse and armour, but such as he +is, so he asketh. And sithen he hath no name, I shall give him a name +that shall be Beaumains, that is Fair-hands, and into the kitchen I +shall bring him, and there he shall have fat brose every day, that he +shall be as fat by the twelvemonths' end as a pork hog. Right so the +two men departed and beleft him to Sir Kay, that scorned him and mocked +him. + + + +CHAPTER II. How Sir Launcelot and Sir Gawaine were wroth because Sir +Kay mocked Beaumains, and of a damosel which desired a knight to fight +for a lady. + +Thereat was Sir Gawaine wroth, and in especial Sir Launcelot bade Sir +Kay leave his mocking, for I dare lay my head he shall prove a man of +great worship. Let be said Sir Kay, it may not be by no reason, for as +he is, so he hath asked. Beware, said Sir Launcelot, so ye gave the +good knight Brewnor, Sir Dinadan's brother, a name, and ye called him +La Cote Male Taile, and that turned you to anger afterward. As for +that, said Sir Kay, this shall never prove none such. For Sir Brewnor +desired ever worship, and this desireth bread and drink and broth; upon +pain of my life he was fostered up in some abbey, and, howsomever it +was, they failed meat and drink, and so hither he is come for his +sustenance. + +And so Sir Kay bade get him a place, and sit down to meat; so Beaumains +went to the hall door, and set him down among boys and lads, and there +he ate sadly. And then Sir Launcelot after meat bade him come to his +chamber, and there he should have meat and drink enough. And so did Sir +Gawaine: but he refused them all; he would do none other but as Sir Kay +commanded him, for no proffer. But as touching Sir Gawaine, he had +reason to proffer him lodging, meat, and drink, for that proffer came +of his blood, for he was nearer kin to him than he wist. But that as +Sir Launcelot did was of his great gentleness and courtesy. + +So thus he was put into the kitchen, and lay nightly as the boys of the +kitchen did. And so he endured all that twelvemonth, and never +displeased man nor child, but always he was meek and mild. But ever +when that he saw any jousting of knights, that would he see an he +might. And ever Sir Launcelot would give him gold to spend, and +clothes, and so did Sir Gawaine, and where there were any masteries +done, thereat would he be, and there might none cast bar nor stone to +him by two yards. Then would Sir Kay say, How liketh you my boy of the +kitchen? So it passed on till the feast of Whitsuntide. And at that +time the king held it at Carlion in the most royallest wise that might +be, like as he did yearly. But the king would no meat eat upon the +Whitsunday, until he heard some adventures. Then came there a squire to +the king and said, Sir, ye may go to your meat, for here cometh a +damosel with some strange adventures. Then was the king glad and sat +him down. + +Right so there came a damosel into the hall and saluted the king, and +prayed him of succour. For whom? said the king, what is the adventure? + +Sir, she said, I have a lady of great worship and renown, and she is +besieged with a tyrant, so that she may not out of her castle; and +because here are called the noblest knights of the world, I come to you +to pray you of succour. What hight your lady, and where dwelleth she, +and who is she, and what is his name that hath besieged her? Sir king, +she said, as for my lady's name that shall not ye know for me as at +this time, but I let you wit she is a lady of great worship and of +great lands; and as for the tyrant that besiegeth her and destroyeth +her lands, he is called the Red Knight of the Red Launds. I know him +not, said the king. Sir, said Sir Gawaine, I know him well, for he is +one of the perilloust knights of the world; men say that he hath seven +men's strength, and from him I escaped once full hard with my life. +Fair damosel, said the king, there be knights here would do their power +for to rescue your lady, but because you will not tell her name, nor +where she dwelleth, therefore none of my knights that here be now shall +go with you by my will. Then must I speak further, said the damosel. + + + +CHAPTER III. How Beaumains desired the battle, and how it was granted +to him, and how he desired to be made knight of Sir Launcelot. + +With these words came before the king Beaumains, while the damosel was +there, and thus he said, Sir king, God thank you, I have been this +twelvemonth in your kitchen, and have had my full sustenance, and now I +will ask my two gifts that be behind. Ask, upon my peril, said the +king. Sir, this shall be my two gifts, first that ye will grant me to +have this adventure of the damosel, for it belongeth unto me. Thou +shalt have it, said the king, I grant it thee. Then, sir, this is the +other gift, that ye shall bid Launcelot du Lake to make me knight, for +of him I will be made knight and else of none. And when I am passed I +pray you let him ride after me, and make me knight when I require him. +All this shall be done, said the king. Fie on thee, said the damosel, +shall I have none but one that is your kitchen page? Then was she wroth +and took her horse and departed. And with that there came one to +Beaumains and told him his horse and armour was come for him; and there +was the dwarf come with all thing that him needed, in the richest +manner; thereat all the court had much marvel from whence came all that +gear. So when he was armed there was none but few so goodly a man as he +was; and right so as he came into the hall and took his leave of King +Arthur, and Sir Gawaine, and Sir Launcelot, and prayed that he would +hie after him, and so departed and rode after the damosel. + + + +CHAPTER IV. How Beaumains departed, and how he gat of Sir Kay a spear +and a shield, and how he jousted with Sir Launcelot. + +But there went many after to behold how well he was horsed and trapped +in cloth of gold, but he had neither shield nor spear. Then Sir Kay +said all open in the hall, I will ride after my boy in the kitchen, to +wit whether he will know me for his better. Said Sir Launcelot and Sir +Gawaine, Yet abide at home. So Sir Kay made him ready and took his +horse and his spear, and rode after him. And right as Beaumains +overtook the damosel, right so came Sir Kay and said, Beaumains, what, +sir, know ye not me? Then he turned his horse, and knew it was Sir Kay, +that had done him all the despite as ye have heard afore. Yea, said +Beaumains, I know you for an ungentle knight of the court, and +therefore beware of me. Therewith Sir Kay put his spear in the rest, +and ran straight upon him; and Beaumains came as fast upon him with his +sword in his hand, and so he put away his spear with his sword, and +with a foin thrust him through the side, that Sir Kay fell down as he +had been dead; and he alighted down and took Sir Kay's shield and his +spear, and stert upon his own horse and rode his way. + +All that saw Sir Launcelot, and so did the damosel. And then he bade +his dwarf stert upon Sir Kay's horse, and so he did. By that Sir +Launcelot was come, then he proffered Sir Launcelot to joust; and +either made them ready, and they came together so fiercely that either +bare down other to the earth, and sore were they bruised. Then Sir +Launcelot arose and helped him from his horse. And then Beaumains threw +his shield from him, and proffered to fight with Sir Launcelot on foot; +and so they rushed together like boars, tracing, rasing, and foining to +the mountenance of an hour; and Sir Launcelot felt him so big that he +marvelled of his strength, for he fought more liker a giant than a +knight, and that his fighting was durable and passing perilous. For Sir +Launcelot had so much ado with him that he dreaded himself to be +shamed, and said, Beaumains, fight not so sore, your quarrel and mine +is not so great but we may leave off. Truly that is truth, said +Beaumains, but it doth me good to feel your might, and yet, my lord, I +showed not the utterance. + + + +CHAPTER V. How Beaumains told to Sir Launcelot his name, and how he was +dubbed knight of Sir Launcelot, and after overtook the damosel. + +In God's name, said Sir Launcelot, for I promise you, by the faith of +my body, I had as much to do as I might to save myself from you +unshamed, and therefore have ye no doubt of none earthly knight. Hope +ye so that I may any while stand a proved knight? said Beaumains. Yea, +said Launcelot, do as ye have done, and I shall be your warrant. Then, +I pray you, said Beaumains, give me the order of knighthood. Then must +ye tell me your name, said Launcelot, and of what kin ye be born. Sir, +so that ye will not discover me I shall, said Beaumains. Nay, said Sir +Launcelot, and that I promise you by the faith of my body, until it be +openly known. Then, sir, he said, my name is Gareth, and brother unto +Sir Gawaine of father and mother. Ah, sir, said Sir Launcelot, I am +more gladder of you than I was; for ever me thought ye should be of +great blood, and that ye came not to the court neither for meat nor for +drink. And then Sir Launcelot gave him the order of knighthood, and +then Sir Gareth prayed him for to depart and let him go. + +So Sir Launcelot departed from him and came to Sir Kay, and made him to +be borne home upon his shield, and so he was healed hard with the life; +and all men scorned Sir Kay, and in especial Sir Gawaine and Sir +Launcelot said it was not his part to rebuke no young man, for full +little knew he of what birth he is come, and for what cause he came to +this court; and so we leave Sir Kay and turn we unto Beaumains. + +When he had overtaken the damosel, anon she said, What dost thou here? +thou stinkest all of the kitchen, thy clothes be bawdy of the grease +and tallow that thou gainest in King Arthur's kitchen; weenest thou, +said she, that I allow thee, for yonder knight that thou killest. Nay +truly, for thou slewest him unhappily and cowardly; therefore turn +again, bawdy kitchen page, I know thee well, for Sir Kay named thee +Beaumains. What art thou but a lusk and a turner of broaches and a +ladle-washer? Damosel, said Beaumains, say to me what ye will, I will +not go from you whatsomever ye say, for I have undertaken to King +Arthur for to achieve your adventure, and so shall I finish it to the +end, either I shall die therefore. Fie on thee, kitchen knave, wilt +thou finish mine adventure? thou shalt anon be met withal, that thou +wouldest not for all the broth that ever thou suppest once look him in +the face. I shall assay, said Beaumains. + +So thus as they rode in the wood, there came a man flying all that ever +he might. Whither wilt thou? said Beaumains. O lord, he said, help me, +for here by in a slade are six thieves that have taken my lord and +bound him, so I am afeard lest they will slay him. Bring me thither, +said Beaumains. And so they rode together until they came thereas was +the knight bounden; and then he rode unto them, and struck one unto the +death, and then another, and at the third stroke he slew the third +thief, and then the other three fled. And he rode after them, and he +overtook them; and then those three thieves turned again and assailed +Beaumains hard, but at the last he slew them, and returned and unbound +the knight. And the knight thanked him, and prayed him to ride with him +to his castle there a little beside, and he should worshipfully reward +him for his good deeds. Sir, said Beaumains, I will no reward have: I +was this day made knight of noble Sir Launcelot, and therefore I will +no reward have, but God reward me. And also I must follow this damosel. + +And when he came nigh her she bade him ride from her, For thou smellest +all of the kitchen: weenest thou that I have joy of thee, for all this +deed that thou hast done is but mishapped thee: but thou shalt see a +sight shall make thee turn again, and that lightly. Then the same +knight which was rescued of the thieves rode after that damosel, and +prayed her to lodge with him all that night. And because it was near +night the damosel rode with him to his castle, and there they had great +cheer, and at supper the knight sat Sir Beaumains afore the damosel. +Fie, fie, said she, Sir knight, ye are uncourteous to set a kitchen +page afore me; him beseemeth better to stick a swine than to sit afore +a damosel of high parage. Then the knight was ashamed at her words, and +took him up, and set him at a sideboard, and set himself afore him, and +so all that night they had good cheer and merry rest. + + + +CHAPTER VI. How Beaumains fought and slew two knights at a passage. + +And on the morn the damosel and he took their leave and thanked the +knight, and so departed, and rode on their way until they came to a +great forest. And there was a great river and but one passage, and +there were ready two knights on the farther side to let them the +passage. What sayest thou, said the damosel, wilt thou match yonder +knights or turn again? Nay, said Sir Beaumains, I will not turn again +an they were six more. And therewithal he rushed into the water, and in +midst of the water either brake their spears upon other to their hands, +and then they drew their swords, and smote eagerly at other. And at the +last Sir Beaumains smote the other upon the helm that his head stonied, +and therewithal he fell down in the water, and there was he drowned. +And then he spurred his horse upon the land, where the other knight +fell upon him, and brake his spear, and so they drew their swords and +fought long together. At the last Sir Beaumains clave his helm and his +head down to the shoulders; and so he rode unto the damosel and bade +her ride forth on her way. + +Alas, she said, that ever a kitchen page should have that fortune to +destroy such two doughty knights: thou weenest thou hast done +doughtily, that is not so; for the first knight his horse stumbled, and +there he was drowned in the water, and never it was by thy force, nor +by thy might. And the last knight by mishap thou camest behind him and +mishappily thou slew him. + +Damosel, said Beaumains, ye may say what ye will, but with whomsomever +I have ado withal, I trust to God to serve him or he depart. And +therefore I reck not what ye say, so that I may win your lady. Fie, +fie, foul kitchen knave, thou shalt see knights that shall abate thy +boast. Fair damosel, give me goodly language, and then my care is past, +for what knights somever they be, I care not, nor I doubt them not. +Also, said she, I say it for thine avail, yet mayest thou turn again +with thy worship; for an thou follow me, thou art but slain, for I see +all that ever thou dost is but by misadventure, and not by prowess of +thy hands. Well, damosel, ye may say what ye will, but wheresomever ye +go I will follow you. So this Beaumains rode with that lady till +evensong time, and ever she chid him, and would not rest. And they came +to a black laund; and there was a black hawthorn, and thereon hung a +black banner, and on the other side there hung a black shield, and by +it stood a black spear great and long, and a great black horse covered +with silk, and a black stone fast by. + + + +CHAPTER VII. How Beaumains fought with the Knight of the Black Launds, +and fought with him till he fell down and died. + +There sat a knight all armed in black harness, and his name was the +Knight of the Black Laund. Then the damosel, when she saw that knight, +she bade him flee down that valley, for his horse was not saddled. +Gramercy, said Beaumains, for always ye would have me a coward. With +that the Black Knight, when she came nigh him, spake and said, Damosel, +have ye brought this knight of King Arthur to be your champion? Nay, +fair knight, said she, this is but a kitchen knave that was fed in King +Arthur's kitchen for alms. Why cometh he, said the knight, in such +array? it is shame that he beareth you company. Sir, I cannot be +delivered of him, said she, for with me he rideth maugre mine head: God +would that ye should put him from me, other to slay him an ye may, for +he is an unhappy knave, and unhappily he hath done this day: through +mishap I saw him slay two knights at the passage of the water; and +other deeds he did before right marvellous and through unhappiness. +That marvelleth me, said the Black Knight, that any man that is of +worship will have ado with him. They know him not, said the damosel, +and for because he rideth with me, they ween that he be some man of +worship born. That may be, said the Black Knight; howbeit as ye say +that he be no man of worship, he is a full likely person, and full like +to be a strong man: but thus much shall I grant you, said the Black +Knight; I shall put him down upon one foot, and his horse and his +harness he shall leave with me, for it were shame to me to do him any +more harm. + +When Sir Beaumains heard him say thus, he said, Sir knight, thou art +full large of my horse and my harness; I let thee wit it cost thee +nought, and whether it liketh thee or not, this laund will I pass +maugre thine head. And horse nor harness gettest thou none of mine, but +if thou win them with thy hands; and therefore let see what thou canst +do. Sayest thou that? said the Black Knight, now yield thy lady from +thee, for it beseemeth never a kitchen page to ride with such a lady. +Thou liest, said Beaumains, I am a gentleman born, and of more high +lineage than thou, and that will I prove on thy body. + +Then in great wrath they departed with their horses, and came together +as it had been the thunder, and the Black Knight's spear brake, and +Beaumains thrust him through both his sides, and therewith his spear +brake, and the truncheon left still in his side. But nevertheless the +Black Knight drew his sword, and smote many eager strokes, and of great +might, and hurt Beaumains full sore. But at the last the Black Knight, +within an hour and an half, he fell down off his horse in swoon, and +there he died. And when Beaumains saw him so well horsed and armed, +then he alighted down and armed him in his armour, and so took his +horse and rode after the damosel. + +When she saw him come nigh, she said, Away, kitchen knave, out of the +wind, for the smell of thy bawdy clothes grieveth me. Alas, she said, +that ever such a knave should by mishap slay so good a knight as thou +hast done, but all this is thine unhappiness. But here by is one shall +pay thee all thy payment, and therefore yet I counsel thee, flee. It +may happen me, said Beaumains, to be beaten or slain, but I warn you, +fair damosel, I will not flee away, a nor leave your company, for all +that ye can say; for ever ye say that they will kill me or beat me, but +howsomever it happeneth I escape, and they lie on the ground. And +therefore it were as good for you to hold you still thus all day +rebuking me, for away will I not till I see the uttermost of this +journey, or else I will be slain, other truly beaten; therefore ride on +your way, for follow you I will whatsomever happen. + + + +CHAPTER VIII. How the brother of the knight that was slain met with +Beaumains, and fought with Beaumains till he was yielden. + +Thus as they rode together, they saw a knight come driving by them all +in green, both his horse and his harness; and when he came nigh the +damosel, he asked her, Is that my brother the Black Knight that ye have +brought with you? Nay, nay, she said, this unhappy kitchen knave hath +slain your brother through unhappiness. Alas, said the Green Knight, +that is great pity, that so noble a knight as he was should so +unhappily be slain, and namely of a knave's hand, as ye say that he is. +Ah! traitor, said the Green Knight, thou shalt die for slaying of my +brother; he was a full noble knight, and his name was Sir Perard. I +defy thee, said Beaumains, for I let thee wit I slew him knightly and +not shamefully. + +Therewithal the Green Knight rode unto an horn that was green, and it +hung upon a thorn, and there he blew three deadly motes, and there came +two damosels and armed him lightly. And then he took a great horse, and +a green shield and a green spear. And then they ran together with all +their mights, and brake their spears unto their hands. And then they +drew their swords, and gave many sad strokes, and either of them +wounded other full ill. And at the last, at an overthwart, Beaumains +with his horse struck the Green Knight's horse upon the side, that he +fell to the earth. And then the Green Knight avoided his horse lightly, +and dressed him upon foot. That saw Beaumains, and therewithal he +alighted, and they rushed together like two mighty kemps a long while, +and sore they bled both. With that came the damosel, and said, My lord +the Green Knight, why for shame stand ye so long fighting with the +kitchen knave? Alas, it is shame that ever ye were made knight, to see +such a lad to match such a knight, as the weed overgrew the corn. +Therewith the Green Knight was ashamed, and therewithal he gave a great +stroke of might, and clave his shield through. When Beaumains saw his +shield cloven asunder he was a little ashamed of that stroke and of her +language; and then he gave him such a buffet upon the helm that he fell +on his knees. And so suddenly Beaumains pulled him upon the ground +grovelling. And then the Green Knight cried him mercy, and yielded him +unto Sir Beaumains, and prayed him to slay him not. All is in vain, +said Beaumains, for thou shalt die but if this damosel that came with +me pray me to save thy life. And therewithal he unlaced his helm like +as he would slay him. Fie upon thee, false kitchen page, I will never +pray thee to save his life, for I will never be so much in thy danger. +Then shall he die, said Beaumains. Not so hardy, thou bawdy knave, said +the damosel, that thou slay him. Alas, said the Green Knight, suffer me +not to die for a fair word may save me. Fair knight, said the Green +Knight, save my life, and I will forgive thee the death of my brother, +and for ever to become thy man, and thirty knights that hold of me for +ever shall do you service. In the devil's name, said the damosel, that +such a bawdy kitchen knave should have thee and thirty knights' +service. + +Sir knight, said Beaumains, all this availeth thee not, but if my +damosel speak with me for thy life. And therewithal he made a semblant +to slay him. Let be, said the damosel, thou bawdy knave; slay him not, +for an thou do thou shalt repent it. Damosel, said Beaumains, your +charge is to me a pleasure, and at your commandment his life shall be +saved, and else not. Then he said, Sir knight with the green arms, I +release thee quit at this damosel's request, for I will not make her +wroth, I will fulfil all that she chargeth me. And then the Green +Knight kneeled down, and did him homage with his sword. Then said the +damosel, Me repenteth, Green Knight, of your damage, and of your +brother's death, the Black Knight, for of your help I had great mister, +for I dread me sore to pass this forest. Nay, dread you not, said the +Green Knight, for ye shall lodge with me this night, and to-morn I +shall help you through this forest. So they took their horses and rode +to his manor, which was fast there beside. + + + +CHAPTER IX. How the damosel again rebuked Beaumains, and would not +suffer him to sit at her table, but called him kitchen boy. + +And ever she rebuked Beaumains, and would not suffer him to sit at her +table, but as the Green Knight took him and sat him at a side table. +Marvel methinketh, said the Green Knight to the damosel, why ye rebuke +this noble knight as ye do, for I warn you, damosel, he is a full noble +knight, and I know no knight is able to match him; therefore ye do +great wrong to rebuke him, for he shall do you right good service, for +whatsomever he maketh himself, ye shall prove at the end that he is +come of a noble blood and of king's lineage. Fie, fie, said the +damosel, it is shame for you to say of him such worship. Truly, said +the Green Knight, it were shame for me to say of him any disworship, +for he hath proved himself a better knight than I am, yet have I met +with many knights in my days, and never or this time have I found no +knight his match. And so that night they yede unto rest, and all that +night the Green Knight commanded thirty knights privily to watch +Beaumains, for to keep him from all treason. + +And so on the morn they all arose, and heard their mass and brake their +fast; and then they took their horses and rode on their way, and the +Green Knight conveyed them through the forest; and there the Green +Knight said, My lord Beaumains, I and these thirty knights shall be +always at your summons, both early and late, at your calling and +whither that ever ye will send us. It is well said, said Beaumains; +when that I call upon you ye must yield you unto King Arthur, and all +your knights. If that ye so command us, we shall be ready at all times, +said the Green Knight. Fie, fie upon thee, in the devil's name, said +the damosel, that any good knights should be obedient unto a kitchen +knave. So then departed the Green Knight and the damosel. And then she +said unto Beaumains, Why followest thou me, thou kitchen boy? Cast away +thy shield and thy spear, and flee away; yet I counsel thee betimes or +thou shalt say right soon, alas; for wert thou as wight as ever was +Wade or Launcelot, Tristram, or the good knight Sir Lamorak, thou shalt +not pass a pass here that is called the Pass Perilous. Damosel, said +Beaumains, who is afeard let him flee, for it were shame to turn again +sithen I have ridden so long with you. Well, said the damosel, ye shall +soon, whether ye will or not. + + + +CHAPTER X. How the third brother, called the Red Knight, jousted and +fought against Beaumains, and how Beaumains overcame him. + +So within a while they saw a tower as white as any snow, well +matchecold all about, and double dyked. And over the tower gate there +hung a fifty shields of divers colours, and under that tower there was +a fair meadow. And therein were many knights and squires to behold, +scaffolds and pavilions; for there upon the morn should be a great +tournament: and the lord of the tower was in his castle and looked out +at a window, and saw a damosel, a dwarf, and a knight armed at all +points. So God me help, said the lord, with that knight will I joust, +for I see that he is a knight-errant. And so he armed him and horsed +him hastily. And when he was on horseback with his shield and his +spear, it was all red, both his horse and his harness, and all that to +him longeth. And when that he came nigh him he weened it had been his +brother the Black Knight; and then he cried aloud, Brother, what do ye +in these marches? Nay, nay, said the damosel, it is not he; this is but +a kitchen knave that was brought up for alms in King Arthur's court. +Nevertheless, said the Red Knight, I will speak with him or he depart. +Ah, said the damosel, this knave hath killed thy brother, and Sir Kay +named him Beaumains, and this horse and this harness was thy brother's, +the Black Knight. Also I saw thy brother the Green Knight overcome of +his hands. Now may ye be revenged upon him, for I may never be quit of +him. + +With this either knights departed in sunder, and they came together +with all their might, and either of their horses fell to the earth, and +they avoided their horses, and put their shields afore them and drew +their swords, and either gave other sad strokes, now here, now there, +rasing, tracing, foining, and hurling like two boars, the space of two +hours. And then she cried on high to the Red Knight, Alas, thou noble +Red Knight, think what worship hath followed thee, let never a kitchen +knave endure thee so long as he doth. Then the Red Knight waxed wroth +and doubled his strokes, and hurt Beaumains wonderly sore, that the +blood ran down to the ground, that it was wonder to see that strong +battle. Yet at the last Sir Beaumains struck him to the earth, and as +he would have slain the Red Knight, he cried mercy, saying, Noble +knight, slay me not, and I shall yield me to thee with fifty knights +with me that be at my commandment. And I forgive thee all the despite +that thou hast done to me, and the death of my brother the Black +Knight. All this availeth not, said Beaumains, but if my damosel pray +me to save thy life. And therewith he made semblant to strike off his +head. Let be, thou Beaumains, slay him not, for he is a noble knight, +and not so hardy, upon thine head, but thou save him. + +Then Beaumains bade the Red Knight, Stand up, and thank the damosel now +of thy life. Then the Red Knight prayed him to see his castle, and to +be there all night. So the damosel then granted him, and there they had +merry cheer. But always the damosel spake many foul words unto +Beaumains, whereof the Red Knight had great marvel; and all that night +the Red Knight made three score knights to watch Beaumains, that he +should have no shame nor villainy. And upon the morn they heard mass +and dined, and the Red Knight came before Beaumains with his three +score knights, and there he proffered him his homage and fealty at all +times, he and his knights to do him service. I thank you, said +Beaumains, but this ye shall grant me: when I call upon you, to come +afore my lord King Arthur, and yield you unto him to be his knights. +Sir, said the Red Knight, I will be ready, and my fellowship, at your +summons. So Sir Beaumains departed and the damosel, and ever she rode +chiding him in the foulest manner. + + + +CHAPTER XI. How Sir Beaumains suffered great rebukes of the damosel, +and he suffered it patiently. + +Damosel, said Beaumains, ye are uncourteous so to rebuke me as ye do, +for meseemeth I have done you good service, and ever ye threaten me I +shall be beaten with knights that we meet, but ever for all your boast +they lie in the dust or in the mire, and therefore I pray you rebuke me +no more; and when ye see me beaten or yielden as recreant, then may ye +bid me go from you shamefully; but first I let you wit I will not +depart from you, for I were worse than a fool an I would depart from +you all the while that I win worship. Well, said she, right soon there +shall meet a knight shall pay thee all thy wages, for he is the most +man of worship of the world, except King Arthur. I will well, said +Beaumains, the more he is of worship, the more shall be my worship to +have ado with him. + +Then anon they were ware where was afore them a city rich and fair. And +betwixt them and the city a mile and an half there was a fair meadow +that seemed new mown, and therein were many pavilions fair to behold. +Lo, said the damosel, yonder is a lord that owneth yonder city, and his +custom is, when the weather is fair, to lie in this meadow to joust and +tourney. And ever there be about him five hundred knights and gentlemen +of arms, and there be all manner of games that any gentleman can +devise. That goodly lord, said Beaumains, would I fain see. Thou shalt +see him time enough, said the damosel, and so as she rode near she +espied the pavilion where he was. Lo, said she, seest thou yonder +pavilion that is all of the colour of Inde, and all manner of thing +that there is about, men and women, and horses trapped, shields and +spears were all of the colour of Inde, and his name is Sir Persant of +Inde, the most lordliest knight that ever thou lookedst on. It may well +be, said Beaumains, but be he never so stout a knight, in this field I +shall abide till that I see him under his shield. Ah, fool, said she, +thou wert better flee betimes. Why, said Beaumains, an he be such a +knight as ye make him, he will not set upon me with all his men, or +with his five hundred knights. For an there come no more but one at +once, I shall him not fail whilst my life lasteth. Fie, fie, said the +damosel, that ever such a stinking knave should blow such a boast. +Damosel, he said, ye are to blame so to rebuke me, for I had liefer do +five battles than so to be rebuked, let him come and then let him do +his worst. + +Sir, she said, I marvel what thou art and of what kin thou art come; +boldly thou speakest, and boldly thou hast done, that have I seen; +therefore I pray thee save thyself an thou mayest, for thy horse and +thou have had great travail, and I dread we dwell over long from the +siege, for it is but hence seven mile, and all perilous passages we are +passed save all only this passage; and here I dread me sore lest ye +shall catch some hurt, therefore I would ye were hence, that ye were +not bruised nor hurt with this strong knight. But I let you wit that +Sir Persant of Inde is nothing of might nor strength unto the knight +that laid the siege about my lady. As for that, said Sir Beaumains, be +it as it be may. For sithen I am come so nigh this knight I will prove +his might or I depart from him, and else I shall be shamed an I now +withdraw me from him. And therefore, damosel, have ye no doubt by the +grace of God I shall so deal with this knight that within two hours +after noon I shall deliver him. And then shall we come to the siege by +daylight. O Jesu, marvel have I, said the damosel, what manner a man ye +be, for it may never be otherwise but that ye be come of a noble blood, +for so foul nor shamefully did never woman rule a knight as I have done +you, and ever courteously ye have suffered me, and that came never but +of a gentle blood. + +Damosel, said Beaumains, a knight may little do that may not suffer a +damosel, for whatsomever ye said unto me I took none heed to your +words, for the more ye said the more ye angered me, and my wrath I +wreaked upon them that I had ado withal. And therefore all the +missaying that ye missaid me furthered me in my battle, and caused me +to think to show and prove myself at the end what I was; for +peradventure though I had meat in King Arthur's kitchen, yet I might +have had meat enough in other places, but all that I did it for to +prove and assay my friends, and that shall be known another day; and +whether that I be a gentleman born or none, I let you wit, fair +damosel, I have done you gentleman's service, and peradventure better +service yet will I do or I depart from you. Alas, she said, fair +Beaumains, forgive me all that I have missaid or done against thee. +With all my heart, said he, I forgive it you, for ye did nothing but as +ye should do, for all your evil words pleased me; and damosel, said +Beaumains, since it liketh you to say thus fair unto me, wit ye well it +gladdeth my heart greatly, and now meseemeth there is no knight living +but I am able enough for him. + + + +CHAPTER XII. How Beaumains fought with Sir Persant of Inde, and made +him to be yielden. + +With this Sir Persant of Inde had espied them as they hoved in the +field, and knightly he sent to them whether he came in war or in peace. +Say to thy lord, said Beaumains, I take no force, but whether as him +list himself. So the messenger went again unto Sir Persant and told him +all his answer. Well then will I have ado with him to the utterance, +and so he purveyed him and rode against him. And Beaumains saw him and +made him ready, and there they met with all that ever their horses +might run, and brast their spears either in three pieces, and their +horses rushed so together that both their horses fell dead to the +earth; and lightly they avoided their horses and put their shields +afore them, and drew their swords, and gave many great strokes that +sometime they hurtled together that they fell grovelling on the ground. +Thus they fought two hours and more, that their shields and their +hauberks were all forhewen, and in many steads they were wounded. So at +the last Sir Beaumains smote him through the cost of the body, and then +he retrayed him here and there, and knightly maintained his battle long +time. And at the last, though him loath were, Beaumains smote Sir +Persant above upon the helm, that he fell grovelling to the earth; and +then he leapt upon him overthwart and unlaced his helm to have slain +him. + +Then Sir Persant yielded him and asked him mercy. With that came the +damosel and prayed to save his life. I will well, for it were pity this +noble knight should die. Gramercy, said Persant, gentle knight and +damosel. For certainly now I wot well it was ye that slew my brother +the Black Knight at the black thorn; he was a full noble knight, his +name was Sir Percard. Also I am sure that ye are he that won mine other +brother the Green Knight, his name was Sir Pertolepe. Also ye won my +brother the Red Knight, Sir Perimones. And now since ye have won these, +this shall I do for to please you: ye shall have homage and fealty of +me, and an hundred knights to be always at your commandment, to go and +ride where ye will command us. And so they went unto Sir Persant's +pavilion and drank the wine, and ate spices, and afterward Sir Persant +made him to rest upon a bed until supper time, and after supper to bed +again. When Beaumains was abed, Sir Persant had a lady, a fair daughter +of eighteen year of age, and there he called her unto him, and charged +her and commanded her upon his blessing to go unto the knight's bed, +and lie down by his side, and make him no strange cheer, but good +cheer, and take him in thine arms and kiss him, and look that this be +done, I charge you, as ye will have my love and my good will. So Sir +Persant's daughter did as her father bade her, and so she went unto Sir +Beaumains' bed, and privily she dispoiled her, and laid her down by +him, and then he awoke and saw her, and asked her what she was. Sir, +she said, I am Sir Persant's daughter, that by the commandment of my +father am come hither. Be ye a maid or a wife? said he. Sir, she said, +I am a clean maiden. God defend, said he, that I should defoil you to +do Sir Persant such a shame; therefore, fair damosel, arise out of this +bed or else I will. Sir, she said, I came not to you by mine own will, +but as I was commanded. Alas, said Sir Beaumains, I were a shameful +knight an I would do your father any disworship; and so he kissed her, +and so she departed and came unto Sir Persant her father, and told him +all how she had sped. Truly, said Sir Persant, whatsomever he be, he is +come of a noble blood. And so we leave them there till on the morn. + + + +CHAPTER XIII. Of the goodly communication between Sir Persant and +Beaumains, and how he told him that his name was Sir Gareth. + +And so on the morn the damosel and Sir Beaumains heard mass and brake +their fast, and so took their leave. Fair damosel, said Persant, +whitherward are ye way-leading this knight? Sir, she said, this knight +is going to the siege that besiegeth my sister in the Castle Dangerous. +Ah, ah, said Persant, that is the Knight of the Red Laund, the which is +the most perilous knight that I know now living, and a man that is +without mercy, and men say that he hath seven men's strength. God save +you, said he to Beaumains, from that knight, for he doth great wrong to +that lady, and that is great pity, for she is one of the fairest ladies +of the world, and meseemeth that your damosel is her sister: is not +your name Linet? said he. Yea, sir, said she, and my lady my sister's +name is Dame Lionesse. Now shall I tell you, said Sir Persant, this Red +Knight of the Red Laund hath lain long at the siege, well-nigh this two +years, and many times he might have had her an he had would, but he +prolongeth the time to this intent, for to have Sir Launcelot du Lake +to do battle with him, or Sir Tristram, or Sir Lamorak de Galis, or Sir +Gawaine, and this is his tarrying so long at the siege. + +Now my lord Sir Persant of Inde, said the damosel Linet, I require you +that ye will make this gentleman knight or ever he fight with the Red +Knight. I will with all my heart, said Sir Persant, an it please him to +take the order of knighthood of so simple a man as I am. Sir, said +Beaumains, I thank you for your good will, for I am better sped, for +certainly the noble knight Sir Launcelot made me knight. Ah, said Sir +Persant, of a more renowned knight might ye not be made knight; for of +all knights he may be called chief of knighthood; and so all the world +saith, that betwixt three knights is departed clearly knighthood, that +is Launcelot du Lake, Sir Tristram de Liones, and Sir Lamorak de Galis: +these bear now the renown. There be many other knights, as Sir +Palamides the Saracen and Sir Safere his brother; also Sir Bleoberis +and Sir Blamore de Ganis his brother; also Sir Bors de Ganis and Sir +Ector de Maris and Sir Percivale de Galis; these and many more be noble +knights, but there be none that pass the three above said; therefore +God speed you well, said Sir Persant, for an ye may match the Red +Knight ye shall be called the fourth of the world. + +Sir, said Beaumains, I would fain be of good fame and of knighthood. +And I let you wit I came of good men, for I dare say my father was a +noble man, and so that ye will keep it in close, and this damosel, I +will tell you of what kin I am. We will not discover you, said they +both, till ye command us, by the faith we owe unto God. Truly then, +said he, my name is Gareth of Orkney, and King Lot was my father, and +my mother is King Arthur's sister, her name is Dame Morgawse, and Sir +Gawaine is my brother, and Sir Agravaine and Sir Gaheris, and I am the +youngest of them all. And yet wot not King Arthur nor Sir Gawaine what +I am. + + + +CHAPTER XIV. How the lady that was besieged had word from her sister +how she had brought a knight to fight for her, and what battles he had +achieved. + +So the book saith that the lady that was besieged had word of her +sister's coming by the dwarf, and a knight with her, and how he had +passed all the perilous passages. What manner a man is he? said the +lady. He is a noble knight, truly, madam, said the dwarf, and but a +young man, but he is as likely a man as ever ye saw any. What is he? +said the damosel, and of what kin is he come, and of whom was he made +knight? Madam, said the dwarf, he is the king's son of Orkney, but his +name I will not tell you as at this time; but wit ye well, of Sir +Launcelot was he made knight, for of none other would he be made +knight, and Sir Kay named him Beaumains. How escaped he, said the lady, +from the brethren of Persant? Madam, he said, as a noble knight should. +First, he slew two brethren at a passage of a water. Ah! said she, they +were good knights, but they were murderers, the one hight Gherard le +Breuse, and the other knight hight Sir Arnold le Breuse. Then, madam, +he recountered with the Black Knight, and slew him in plain battle, and +so he took his horse and his armour and fought with the Green Knight +and won him in plain battle, and in like wise he served the Red Knight, +and after in the same wise he served the Blue Knight and won him in +plain battle. Then, said the lady, he hath overcome Sir Persant of +Inde, one of the noblest knights of the world, and the dwarf said, He +hath won all the four brethren and slain the Black Knight, and yet he +did more to-fore: he overthrew Sir Kay and left him nigh dead upon the +ground; also he did a great battle with Sir Launcelot, and there they +departed on even hands: and then Sir Launcelot made him knight. + +Dwarf, said the lady, I am glad of these tidings, therefore go thou in +an hermitage of mine hereby, and there shalt thou bear with thee of my +wine in two flagons of silver, they are of two gallons, and also two +cast of bread with fat venison baked, and dainty fowls; and a cup of +gold here I deliver thee, that is rich and precious; and bear all this +to mine hermitage, and put it in the hermit's hands. And sithen go thou +unto my sister and greet her well, and commend me unto that gentle +knight, and pray him to eat and to drink and make him strong, and say +ye him I thank him of his courtesy and goodness, that he would take +upon him such labour for me that never did him bounty nor courtesy. +Also pray him that he be of good heart and courage, for he shall meet +with a full noble knight, but he is neither of bounty, courtesy, nor +gentleness; for he attendeth unto nothing but to murder, and that is +the cause I cannot praise him nor love him. + +So this dwarf departed, and came to Sir Persant, where he found the +damosel Linet and Sir Beaumains, and there he told them all as ye have +heard; and then they took their leave, but Sir Persant took an ambling +hackney and conveyed them on their ways, and then beleft them to God; +and so within a little while they came to that hermitage, and there +they drank the wine, and ate the venison and the fowls baken. And so +when they had repasted them well, the dwarf returned again with his +vessel unto the castle again; and there met with him the Red Knight of +the Red Launds, and asked him from whence that he came, and where he +had been. Sir, said the dwarf, I have been with my lady's sister of +this castle, and she hath been at King Arthur's court, and brought a +knight with her. Then I account her travail but lost; for though she +had brought with her Sir Launcelot, Sir Tristram, Sir Lamorak, or Sir +Gawaine, I would think myself good enough for them all. + +It may well be, said the dwarf, but this knight hath passed all the +perilous passages, and slain the Black Knight and other two more, and +won the Green Knight, the Red Knight, and the Blue Knight. Then is he +one of these four that I have afore rehearsed. He is none of those, +said the dwarf, but he is a king's son. What is his name? said the Red +Knight of the Red Launds. That will I not tell you, said the dwarf, but +Sir Kay upon scorn named him Beaumains. I care not, said the knight, +what knight so ever he be, for I shall soon deliver him. And if I ever +match him he shall have a shameful death as many other have had. That +were pity, said the dwarf, and it is marvel that ye make such shameful +war upon noble knights. + + + +CHAPTER XV. How the damosel and Beaumains came to the siege; and came +to a sycamore tree, and there Beaumains blew a horn, and then the +Knight of the Red Launds came to fight with him. + +Now leave we the knight and the dwarf, and speak we of Beaumains, that +all night lay in the hermitage; and upon the morn he and the damosel +Linet heard their mass and brake their fast. And then they took their +horses and rode throughout a fair forest; and then they came to a +plain, and saw where were many pavilions and tents, and a fair castle, +and there was much smoke and great noise; and when they came near the +siege Sir Beaumains espied upon great trees, as he rode, how there hung +full goodly armed knights by the neck, and their shields about their +necks with their swords, and gilt spurs upon their heels, and so there +hung nigh a forty knights shamefully with full rich arms. + +Then Sir Beaumains abated his countenance and said, What meaneth this? +Fair sir, said the damosel, abate not your cheer for all this sight, +for ye must courage yourself, or else ye be all shent, for all these +knights came hither to this siege to rescue my sister Dame Lionesse, +and when the Red Knight of the Red Launds had overcome them, he put +them to this shameful death without mercy and pity. And in the same +wise he will serve you but if you quit you the better. + +Now Jesu defend me, said Beaumains, from such a villainous death and +shenship of arms. For rather than I should so be faren withal, I would +rather be slain manly in plain battle. So were ye better, said the +damosel; for trust not, in him is no courtesy, but all goeth to the +death or shameful murder, and that is pity, for he is a full likely +man, well made of body, and a full noble knight of prowess, and a lord +of great lands and possessions. Truly, said Beaumains, he may well be a +good knight, but he useth shameful customs, and it is marvel that he +endureth so long that none of the noble knights of my lord Arthur's +have not dealt with him. + +And then they rode to the dykes, and saw them double dyked with full +warlike walls; and there were lodged many great lords nigh the walls; +and there was great noise of minstrelsy; and the sea beat upon the one +side of the walls, where were many ships and mariners' noise with "hale +and how." And also there was fast by a sycamore tree, and there hung an +horn, the greatest that ever they saw, of an elephant's bone; and this +Knight of the Red Launds had hanged it up there, that if there came any +errant-knight, he must blow that horn, and then will he make him ready +and come to him to do battle. But, sir, I pray you, said the damosel +Linet, blow ye not the horn till it be high noon, for now it is about +prime, and now increaseth his might, that as men say he hath seven +men's strength. Ah, fie for shame, fair damosel, say ye never so more +to me; for, an he were as good a knight as ever was, I shall never fail +him in his most might, for either I will win worship worshipfully, or +die knightly in the field. And therewith he spurred his horse straight +to the sycamore tree, and blew so the horn eagerly that all the siege +and the castle rang thereof. And then there leapt out knights out of +their tents and pavilions, and they within the castle looked over the +walls and out at windows. + +Then the Red Knight of the Red Launds armed him hastily, and two barons +set on his spurs upon his heels, and all was blood red, his armour, +spear and shield. And an earl buckled his helm upon his head, and then +they brought him a red spear and a red steed, and so he rode into a +little vale under the castle, that all that were in the castle and at +the siege might behold the battle. + + + +CHAPTER XVI. How the two knights met together, and of their talking, +and how they began their battle. + +Sir, said the damosel Linet unto Sir Beaumains, look ye be glad and +light, for yonder is your deadly enemy, and at yonder window is my +lady, my sister, Dame Lionesse. Where? said Beaumains. Yonder, said the +damosel, and pointed with her finger. That is truth, said Beaumains. +She beseemeth afar the fairest lady that ever I looked upon; and truly, +he said, I ask no better quarrel than now for to do battle, for truly +she shall be my lady, and for her I will fight. And ever he looked up +to the window with glad countenance, and the Lady Lionesse made curtsey +to him down to the earth, with holding up both their hands. + +With that the Red Knight of the Red Launds called to Sir Beaumains, +Leave, sir knight, thy looking, and behold me, I counsel thee; for I +warn thee well she is my lady, and for her I have done many strong +battles. If thou have so done, said Beaumains, meseemeth it was but +waste labour, for she loveth none of thy fellowship, and thou to love +that loveth not thee is but great folly. For an I understood that she +were not glad of my coming, I would be advised or I did battle for her. +But I understand by the besieging of this castle she may forbear thy +fellowship. And therefore wit thou well, thou Red Knight of the Red +Launds, I love her, and will rescue her, or else to die. Sayst thou +that? said the Red Knight, meseemeth thou ought of reason to be ware by +yonder knights that thou sawest hang upon yonder trees. Fie for shame, +said Beaumains, that ever thou shouldest say or do so evil, for in that +thou shamest thyself and knighthood, and thou mayst be sure there will +no lady love thee that knoweth thy wicked customs. And now thou weenest +that the sight of these hanged knights should fear me. Nay truly, not +so; that shameful sight causeth me to have courage and hardiness +against thee, more than I would have had against thee an thou wert a +well-ruled knight. Make thee ready, said the Red Knight of the Red +Launds, and talk no longer with me. + +Then Sir Beaumains bade the damosel go from him; and then they put +their spears in their rests, and came together with all their might +that they had both, and either smote other in midst of their shields +that the paitrelles, surcingles, and cruppers brast, and fell to the +earth both, and the reins of their bridles in their hands; and so they +lay a great while sore astonied, that all that were in the castle and +in the siege weened their necks had been broken; and then many a +stranger and other said the strange knight was a big man, and a noble +jouster, for or now we saw never no knight match the Red Knight of the +Red Launds: thus they said, both within the castle and without. Then +lightly they avoided their horses and put their shields afore them, and +drew their swords and ran together like two fierce lions, and either +gave other such buffets upon their helms that they reeled backward both +two strides; and then they recovered both, and hewed great pieces off +their harness and their shields that a great part fell into the fields. + + + +CHAPTER XVII. How after long fighting Beaumains overcame the knight and +would have slain him, but at the request of the lords he saved his +life, and made him to yield him to the lady. + +And then thus they fought till it was past noon, and never would stint, +till at the last they lacked wind both; and then they stood wagging and +scattering, panting, blowing and bleeding, that all that beheld them +for the most part wept for pity. So when they had rested them a while +they yede to battle again, tracing, racing, foining as two boars. And +at some time they took their run as it had been two rams, and hurtled +together that sometime they fell grovelling to the earth: and at some +time they were so amazed that either took other's sword instead of his +own. + +Thus they endured till evensong time, that there was none that beheld +them might know whether was like to win the battle; and their armour +was so forhewn that men might see their naked sides; and in other +places they were naked, but ever the naked places they did defend. And +the Red Knight was a wily knight of war, and his wily fighting taught +Sir Beaumains to be wise; but he abought it full sore or he did espy +his fighting. + +And thus by assent of them both they granted either other to rest; and +so they set them down upon two mole-hills there beside the fighting +place, and either of them unlaced his helm, and took the cold wind; for +either of their pages was fast by them, to come when they called to +unlace their harness and to set them on again at their commandment. And +then when Sir Beaumains' helm was off, he looked up to the window, and +there he saw the fair lady Dame Lionesse, and she made him such +countenance that his heart waxed light and jolly; and therewith he bade +the Red Knight of the Red Launds make him ready, and let us do the +battle to the utterance. I will well, said the knight, and then they +laced up their helms, and their pages avoided, and they stepped +together and fought freshly; but the Red Knight of the Red Launds +awaited him, and at an overthwart smote him within the hand, that his +sword fell out of his hand; and yet he gave him another buffet upon the +helm that he fell grovelling to the earth, and the Red Knight fell over +him, for to hold him down. + +Then cried the maiden Linet on high: O Sir Beaumains, where is thy +courage become? Alas, my lady my sister beholdeth thee, and she sobbeth +and weepeth, that maketh mine heart heavy. When Sir Beaumains heard her +say so, he abraid up with a great might and gat him upon his feet, and +lightly he leapt to his sword and gripped it in his hand, and doubled +his pace unto the Red Knight, and there they fought a new battle +together. But Sir Beaumains then doubled his strokes, and smote so +thick that he smote the sword out of his hand, and then he smote him +upon the helm that he fell to the earth, and Sir Beaumains fell upon +him, and unlaced his helm to have slain him; and then he yielded him +and asked mercy, and said with a loud voice: O noble knight, I yield me +to thy mercy. + +Then Sir Beaumains bethought him upon the knights that he had made to +be hanged shamefully, and then he said: I may not with my worship save +thy life, for the shameful deaths that thou hast caused many full good +knights to die. Sir, said the Red Knight of the Red Launds, hold your +hand and ye shall know the causes why I put them to so shameful a +death. Say on, said Sir Beaumains. Sir, I loved once a lady, a fair +damosel, and she had her brother slain; and she said it was Sir +Launcelot du Lake, or else Sir Gawaine; and she prayed me as that I +loved her heartily, that I would make her a promise by the faith of my +knighthood, for to labour daily in arms unto I met with one of them; +and all that I might overcome I should put them unto a villainous +death; and this is the cause that I have put all these knights to +death, and so I ensured her to do all the villainy unto King Arthur's +knights, and that I should take vengeance upon all these knights. And, +sir, now I will thee tell that every day my strength increaseth till +noon, and all this time have I seven men's strength. + + + +CHAPTER XVIII. How the knight yielded him, and how Beaumains made him +to go unto King Arthur's court, and to cry Sir Launcelot mercy. + +Then came there many earls, and barons, and noble knights, and prayed +that knight to save his life, and take him to your prisoner. And all +they fell upon their knees, and prayed him of mercy, and that he would +save his life; and, Sir, they all said, it were fairer of him to take +homage and fealty, and let him hold his lands of you than for to slay +him; by his death ye shall have none advantage, and his misdeeds that +be done may not be undone; and therefore he shall make amends to all +parties, and we all will become your men and do you homage and fealty. +Fair lords, said Beaumains, wit you well I am full loath to slay this +knight, nevertheless he hath done passing ill and shamefully; but +insomuch all that he did was at a lady's request I blame him the less; +and so for your sake I will release him that he shall have his life +upon this covenant, that he go within the castle, and yield him there +to the lady, and if she will forgive and quit him, I will well; with +this he make her amends of all the trespass he hath done against her +and her lands. And also, when that is done, that ye go unto the court +of King Arthur, and there that ye ask Sir Launcelot mercy, and Sir +Gawaine, for the evil will ye have had against them. Sir, said the Red +Knight of the Red Launds, all this will I do as ye command, and siker +assurance and borrows ye shall have. And so then when the assurance was +made, he made his homage and fealty, and all those earls and barons +with him. + +And then the maiden Linet came to Sir Beaumains, and unarmed him and +searched his wounds, and stinted his blood, and in likewise she did to +the Red Knight of the Red Launds. And there they sojourned ten days in +their tents; and the Red Knight made his lords and servants to do all +the pleasure that they might unto Sir Beaumains. And so within a while +the Red Knight of the Red Launds yede unto the castle, and put him in +her grace. And so she received him upon sufficient surety, so all her +hurts were well restored of all that she could complain. And then he +departed unto the court of King Arthur, and there openly the Red Knight +of the Red Launds put him in the mercy of Sir Launcelot and Sir +Gawaine, and there he told openly how he was overcome and by whom, and +also he told all the battles from the beginning unto the ending. Jesu +mercy, said King Arthur and Sir Gawaine, we marvel much of what blood +he is come, for he is a noble knight. Have ye no marvel, said Sir +Launcelot, for ye shall right well wit that he is come of a full noble +blood; and as for his might and hardiness, there be but few now living +that is so mighty as he is, and so noble of prowess. It seemeth by you, +said King Arthur, that ye know his name, and from whence he is come, +and of what blood he is. I suppose I do so, said Launcelot, or else I +would not have given him the order of knighthood; but he gave me such +charge at that time that I should never discover him until he required +me, or else it be known openly by some other. + + + +CHAPTER XIX. How Beaumains came to the lady, and when he came to the +castle the gates were closed against him, and of the words that the +lady said to him. + +Now turn we unto Sir Beaumains that desired of Linet that he might see +her sister, his lady. Sir, she said, I would fain ye saw her. Then Sir +Beaumains all armed him, and took his horse and his spear, and rode +straight unto the castle. And when he came to the gate he found there +many men armed, and pulled up the drawbridge and drew the port close. + +Then marvelled he why they would not suffer him to enter. And then he +looked up to the window; and there he saw the fair Lionesse that said +on high: Go thy way, Sir Beaumains, for as yet thou shalt not have +wholly my love, unto the time that thou be called one of the number of +the worthy knights. And therefore go labour in worship this +twelvemonth, and then thou shalt hear new tidings. Alas, fair lady, +said Beaumains, I have not deserved that ye should show me this +strangeness, and I had weened that I should have right good cheer with +you, and unto my power I have deserved thank, and well I am sure I have +bought your love with part of the best blood within my body. Fair +courteous knight, said Dame Lionesse, be not displeased nor over-hasty; +for wit you well your great travail nor good love shall not be lost, +for I consider your great travail and labour, your bounty and your +goodness as me ought to do. And therefore go on your way, and look that +ye be of good comfort, for all shall be for your worship and for the +best, and perdy a twelvemonth will soon be done, and trust me, fair +knight, I shall be true to you, and never to betray you, but to my +death I shall love you and none other. And therewithal she turned her +from the window, and Sir Beaumains rode awayward from the castle, +making great dole, and so he rode here and there and wist not where he +rode, till it was dark night. And then it happened him to come to a +poor man's house, and there he was harboured all that night. + +But Sir Beaumains had no rest, but wallowed and writhed for the love of +the lady of the castle. And so upon the morrow he took his horse and +rode until underne, and then he came to a broad water, and thereby was +a great lodge, and there he alighted to sleep and laid his head upon +the shield, and betook his horse to the dwarf, and commanded him to +watch all night. + +Now turn we to the lady of the same castle, that thought much upon +Beaumains, and then she called unto her Sir Gringamore her brother, and +prayed him in all manner, as he loved her heartily, that he would ride +after Sir Beaumains: And ever have ye wait upon him till ye may find +him sleeping, for I am sure in his heaviness he will alight down in +some place, and lie him down to sleep; and therefore have ye your wait +upon him, and in the priviest manner ye can, take his dwarf, and go ye +your way with him as fast as ever ye may or Sir Beaumains awake. For my +sister Linet telleth me that he can tell of what kindred he is come, +and what is his right name. And the meanwhile I and my sister will ride +unto your castle to await when ye bring with you the dwarf. And then +when ye have brought him unto your castle, I will have him in +examination myself. Unto the time that I know what is his right name, +and of what kindred he is come, shall I never be merry at my heart. +Sister, said Sir Gringamore, all this shall be done after your intent. + +And so he rode all the other day and the night till that he found Sir +Beaumains lying by a water, and his head upon his shield, for to sleep. +And then when he saw Sir Beaumains fast asleep, he came stilly stalking +behind the dwarf, and plucked him fast under his arm, and so he rode +away with him as fast as ever he might unto his own castle. And this +Sir Gringamore's arms were all black, and that to him longeth. But ever +as he rode with the dwarf toward his castle, he cried unto his lord and +prayed him of help. And therewith awoke Sir Beaumains, and up he leapt +lightly, and saw where Sir Gringamore rode his way with the dwarf, and +so Sir Gringamore rode out of his sight. + + + +CHAPTER XX. How Sir Beaumains rode after to rescue his dwarf, and came +into the castle where he was. + +Then Sir Beaumains put on his helm anon, and buckled his shield, and +took his horse, and rode after him all that ever he might ride through +marshes, and fields, and great dales, that many times his horse and he +plunged over the head in deep mires, for he knew not the way, but took +the gainest way in that woodness, that many times he was like to +perish. And at the last him happened to come to a fair green way, and +there he met with a poor man of the country, whom he saluted and asked +him whether he met not with a knight upon a black horse and all black +harness, a little dwarf sitting behind him with heavy cheer. Sir, said +the poor man, here by me came Sir Gringamore the knight, with such a +dwarf mourning as ye say; and therefore I rede you not follow him, for +he is one of the periloust knights of the world, and his castle is here +nigh hand but two mile; therefore we advise you ride not after Sir +Gringamore, but if ye owe him good will. + +So leave we Sir Beaumains riding toward the castle, and speak we of Sir +Gringamore and the dwarf. Anon as the dwarf was come to the castle, +Dame Lionesse and Dame Linet her sister, asked the dwarf where was his +master born, and of what lineage he was come. And but if thou tell me, +said Dame Lionesse, thou shalt never escape this castle, but ever here +to be prisoner. As for that, said the dwarf, I fear not greatly to tell +his name and of what kin he is come. Wit you well he is a king's son, +and his mother is sister to King Arthur, and he is brother to the good +knight Sir Gawaine, and his name is Sir Gareth of Orkney. And now I +have told you his right name, I pray you, fair lady, let me go to my +lord again, for he will never out of this country until that he have me +again. And if he be angry he will do much harm or that he be stint, and +work you wrack in this country. As for that threatening, said Sir +Gringamore, be it as it be may, we will go to dinner. And so they +washed and went to meat, and made them merry and well at ease, and +because the Lady Lionesse of the castle was there, they made great joy. +Truly, madam, said Linet unto her sister, well may he be a king's son, +for he hath many good tatches on him, for he is courteous and mild, and +the most suffering man that ever I met withal. For I dare say there was +never gentlewoman reviled man in so foul a manner as I have rebuked +him; and at all times he gave me goodly and meek answers again. + +And as they sat thus talking, there came Sir Gareth in at the gate with +an angry countenance, and his sword drawn in his hand, and cried aloud +that all the castle might hear it, saying: Thou traitor, Sir +Gringamore, deliver me my dwarf again, or by the faith that I owe to +the order of knighthood, I shall do thee all the harm that I can. Then +Sir Gringamore looked out at a window and said, Sir Gareth of Orkney, +leave thy boasting words, for thou gettest not thy dwarf again. Thou +coward knight, said Sir Gareth, bring him with thee, and come and do +battle with me, and win him and take him. So will I do, said Sir +Gringamore, an me list, but for all thy great words thou gettest him +not. Ah! fair brother, said Dame Lionesse, I would he had his dwarf +again, for I would he were not wroth, for now he hath told me all my +desire I keep no more of the dwarf. And also, brother, he hath done +much for me, and delivered me from the Red Knight of the Red Launds, +and therefore, brother, I owe him my service afore all knights living. +And wit ye well that I love him before all other, and full fain I would +speak with him. But in nowise I would that he wist what I were, but +that I were another strange lady. + +Well, said Sir Gringamore, sithen I know now your will, I will obey now +unto him. And right therewithal he went down unto Sir Gareth, and said: +Sir, I cry you mercy, and all that I have misdone I will amend it at +your will. And therefore I pray you that ye would alight, and take such +cheer as I can make you in this castle. Shall I have my dwarf? said Sir +Gareth. Yea, sir, and all the pleasaunce that I can make you, for as +soon as your dwarf told me what ye were and of what blood ye are come, +and what noble deeds ye have done in these marches, then I repented of +my deeds. And then Sir Gareth alighted, and there came his dwarf and +took his horse. O my fellow, said Sir Gareth, I have had many +adventures for thy sake. And so Sir Gringamore took him by the hand and +led him into the hall where his own wife was. + + + +CHAPTER XXI. How Sir Gareth, otherwise called Beaumains, came to the +presence of his lady, and how they took acquaintance, and of their +love. + +And then came forth Dame Lionesse arrayed like a princess, and there +she made him passing good cheer, and he her again; and they had goodly +language and lovely countenance together. And Sir Gareth thought many +times, Jesu, would that the lady of the Castle Perilous were so fair as +she was. There were all manner of games and plays, of dancing and +singing. And ever the more Sir Gareth beheld that lady, the more he +loved her; and so he burned in love that he was past himself in his +reason; and forth toward night they yede unto supper, and Sir Gareth +might not eat, for his love was so hot that he wist not where he was. + +All these looks espied Sir Gringamore, and then at-after supper he +called his sister Dame Lionesse into a chamber, and said: Fair sister, +I have well espied your countenance betwixt you and this knight, and I +will, sister, that ye wit he is a full noble knight, and if ye can make +him to abide here I will do him all the pleasure that I can, for an ye +were better than ye are, ye were well bywaryd upon him. Fair brother, +said Dame Lionesse, I understand well that the knight is good, and come +he is of a noble house. Notwithstanding, I will assay him better, +howbeit I am most beholden to him of any earthly man; for he hath had +great labour for my love, and passed many a dangerous passage. + +Right so Sir Gringamore went unto Sir Gareth, and said, Sir, make ye +good cheer, for ye shall have none other cause, for this lady, my +sister, is yours at all times, her worship saved, for wit ye well she +loveth you as well as ye do her, and better if better may be. An I wist +that, said Sir Gareth, there lived not a gladder man than I would be. +Upon my worship, said Sir Gringamore, trust unto my promise; and as +long as it liketh you ye shall sojourn with me, and this lady shall be +with us daily and nightly to make you all the cheer that she can. I +will well, said Sir Gareth, for I have promised to be nigh this country +this twelvemonth. And well I am sure King Arthur and other noble +knights will find me where that I am within this twelvemonth. For I +shall be sought and found, if that I be alive. And then the noble +knight Sir Gareth went unto the Dame Lionesse, which he then much +loved, and kissed her many times, and either made great joy of other. +And there she promised him her love certainly, to love him and none +other the days of her life. Then this lady, Dame Lionesse, by the +assent of her brother, told Sir Gareth all the truth what she was, and +how she was the same lady that he did battle for, and how she was lady +of the Castle Perilous, and there she told him how she caused her +brother to take away his dwarf. + + + +CHAPTER XXII. How at night came an armed knight, and fought with Sir +Gareth, and he, sore hurt in the thigh, smote off the knight's head. + +For this cause, to know the certainty what was your name, and of what +kin ye were come. + +And then she let fetch to-fore him Linet, the damosel that had ridden +with him many wildsome ways. Then was Sir Gareth more gladder than he +was to-fore. And then they troth-plight each other to love, and never +to fail whiles their life lasteth. And so they burnt both in love, that +they were accorded to abate their lusts secretly. And there Dame +Lionesse counselled Sir Gareth to sleep in none other place but in the +hall. And there she promised him to come to his bed a little afore +midnight. + +This counsel was not so privily kept but it was understood; for they +were but young both, and tender of age, and had not used none such +crafts to-fore. Wherefore the damosel Linet was a little displeased, +and she thought her sister Dame Lionesse was a little over-hasty, that +she might not abide the time of her marriage; and for saving their +worship, she thought to abate their hot lusts. And so she let ordain by +her subtle crafts that they had not their intents neither with other, +as in their delights, until they were married. And so it passed on. +At-after supper was made clean avoidance, that every lord and lady +should go unto his rest. But Sir Gareth said plainly he would go no +farther than the hall, for in such places, he said, was convenient for +an errant-knight to take his rest in; and so there were ordained great +couches, and thereon feather beds, and there laid him down to sleep; +and within a while came Dame Lionesse, wrapped in a mantle furred with +ermine, and laid her down beside Sir Gareth. And therewithal he began +to kiss her. And then he looked afore him, and there he apperceived and +saw come an armed knight, with many lights about him; and this knight +had a long gisarm in his hand, and made grim countenance to smite him. +When Sir Gareth saw him come in that wise, he leapt out of his bed, and +gat in his hand his sword, and leapt straight toward that knight. And +when the knight saw Sir Gareth come so fiercely upon him, he smote him +with a foin through the thick of the thigh that the wound was a +shaftmon broad and had cut a-two many veins and sinews. And therewithal +Sir Gareth smote him upon the helm such a buffet that he fell +grovelling; and then he leapt over him and unlaced his helm, and smote +off his head from the body. And then he bled so fast that he might not +stand, but so he laid him down upon his bed, and there he swooned and +lay as he had been dead. + +Then Dame Lionesse cried aloud, that her brother Sir Gringamore heard, +and came down. And when he saw Sir Gareth so shamefully wounded he was +sore displeased, and said: I am shamed that this noble knight is thus +honoured. Sir, said Sir Gringamore, how may this be, that ye be here, +and this noble knight wounded? Brother, she said, I can not tell you, +for it was not done by me, nor by mine assent. For he is my lord and I +am his, and he must be mine husband; therefore, my brother, I will that +ye wit I shame me not to be with him, nor to do him all the pleasure +that I can. Sister, said Sir Gringamore, and I will that ye wit it, and +Sir Gareth both, that it was never done by me, nor by my assent that +this unhappy deed was done. And there they staunched his bleeding as +well as they might, and great sorrow made Sir Gringamore and Dame +Lionesse. + +And forthwithal came Dame Linet, and took up the head in the sight of +them all, and anointed it with an ointment thereas it was smitten off; +and in the same wise she did to the other part thereas the head stuck, +and then she set it together, and it stuck as fast as ever it did. And +the knight arose lightly up, and the damosel Linet put him in her +chamber. All this saw Sir Gringamore and Dame Lionesse, and so did Sir +Gareth; and well he espied that it was the damosel Linet, that rode +with him through the perilous passages. Ah well, damosel, said Sir +Gareth, I weened ye would not have done as ye have done. My lord +Gareth, said Linet, all that I have done I will avow, and all that I +have done shall be for your honour and worship, and to us all. And so +within a while Sir Gareth was nigh whole, and waxed light and jocund, +and sang, danced, and gamed; and he and Dame Lionesse were so hot in +burning love that they made their covenant at the tenth night after, +that she should come to his bed. And because he was wounded afore, he +laid his armour and his sword nigh his bed's side. + + + +CHAPTER XXIII. How the said knight came again the next night and was +beheaded again, and how at the feast of Pentecost all the knights that +Sir Gareth had overcome came and yielded them to King Arthur. + +Right as she promised she came; and she was not so soon in his bed but +she espied an armed knight coming toward the bed: therewithal she +warned Sir Gareth, and lightly through the good help of Dame Lionesse +he was armed; and they hurtled together with great ire and malice all +about the hall; and there was great light as it had been the number of +twenty torches both before and behind, so that Sir Gareth strained him, +so that his old wound brast again a-bleeding; but he was hot and +courageous and took no keep, but with his great force he struck down +that knight, and voided his helm, and struck off his head. Then he +hewed the head in an hundred pieces. And when he had done so he took up +all those pieces, and threw them out at a window into the ditches of +the castle; and by this done he was so faint that unnethes he might +stand for bleeding. And by when he was almost unarmed he fell in a +deadly swoon on the floor; and then Dame Lionesse cried so that Sir +Gringamore heard; and when he came and found Sir Gareth in that plight +he made great sorrow; and there he awaked Sir Gareth, and gave him a +drink that relieved him wonderly well; but the sorrow that Dame +Lionesse made there may no tongue tell, for she so fared with herself +as she would have died. + +Right so came this damosel Linet before them all, and she had fetched +all the gobbets of the head that Sir Gareth had thrown out at a window, +and there she anointed them as she had done to-fore, and set them +together again. Well, damosel Linet, said Sir Gareth, I have not +deserved all this despite that ye do unto me. Sir knight, she said, I +have nothing done but I will avow, and all that I have done shall be to +your worship, and to us all. And then was Sir Gareth staunched of his +bleeding. But the leeches said that there was no man that bare the life +should heal him throughout of his wound but if they healed him that +caused that stroke by enchantment. + +So leave we Sir Gareth there with Sir Gringamore and his sisters, and +turn we unto King Arthur, that at the next feast of Pentecost held his +feast; and there came the Green Knight with fifty knights, and yielded +them all unto King Arthur. And so there came the Red Knight his +brother, and yielded him to King Arthur, and three score knights with +him. Also there came the Blue Knight, brother to them, with an hundred +knights, and yielded them unto King Arthur; and the Green Knight's name +was Pertolepe, and the Red Knight's name was Perimones, and the Blue +Knight's name was Sir Persant of Inde. These three brethren told King +Arthur how they were overcome by a knight that a damosel had with her, +and called him Beaumains. Jesu, said the king, I marvel what knight he +is, and of what lineage he is come. He was with me a twelvemonth, and +poorly and shamefully he was fostered, and Sir Kay in scorn named him +Beaumains. So right as the king stood so talking with these three +brethren, there came Sir Launcelot du Lake, and told the king that +there was come a goodly lord with six hundred knights with him. + +Then the king went out of Carlion, for there was the feast, and there +came to him this lord, and saluted the king in a goodly manner. What +will ye, said King Arthur, and what is your errand? Sir, he said, my +name is the Red Knight of the Red Launds, but my name is Sir Ironside; +and sir, wit ye well, here I am sent to you of a knight that is called +Beaumains, for he won me in plain battle hand for hand, and so did +never no knight but he, that ever had the better of me this thirty +winter; the which commanded to yield me to you at your will. Ye are +welcome, said the king, for ye have been long a great foe to me and my +court, and now I trust to God I shall so entreat you that ye shall be +my friend. Sir, both I and these five hundred knights shall always be +at your summons to do you service as may lie in our powers. Jesu mercy, +said King Arthur, I am much beholden unto that knight that hath put so +his body in devoir to worship me and my court. And as to thee, +Ironside, that art called the Red Knight of the Red Launds, thou art +called a perilous knight; and if thou wilt hold of me I shall worship +thee and make thee knight of the Table Round; but then thou must be no +more a murderer. Sir, as to that, I have promised unto Sir Beaumains +never more to use such customs, for all the shameful customs that I +used I did at the request of a lady that I loved; and therefore I must +go unto Sir Launcelot, and unto Sir Gawaine, and ask them forgiveness +of the evil will I had unto them; for all that I put to death was all +only for the love of Sir Launcelot and of Sir Gawaine. They be here +now, said the king, afore thee, now may ye say to them what ye will. +And then he kneeled down unto Sir Launcelot, and to Sir Gawaine, and +prayed them of forgiveness of his enmity that ever he had against them. + + + +CHAPTER XXIV. How King Arthur pardoned them, and demanded of them where +Sir Gareth was. + +Then goodly they said all at once, God forgive you, and we do, and pray +you that ye will tell us where we may find Sir Beaumains. Fair lords, +said Sir Ironside, I cannot tell you, for it is full hard to find him; +for such young knights as he is one, when they be in their adventures +be never abiding in no place. But to say the worship that the Red +Knight of the Red Launds, and Sir Persant and his brother said of +Beaumains, it was marvel to hear. Well, my fair lords, said King +Arthur, wit you well I shall do you honour for the love of Sir +Beaumains, and as soon as ever I meet with him I shall make you all +upon one day knights of the Table Round. And as to thee, Sir Persant of +Inde, thou hast been ever called a full noble knight, and so have ever +been thy three brethren called. But I marvel, said the king, that I +hear not of the Black Knight your brother, he was a full noble knight. +Sir, said Pertolepe, the Green Knight, Sir Beaumains slew him in a +recounter with his spear, his name was Sir Percard. That was great +pity, said the king, and so said many knights. For these four brethren +were full well known in the court of King Arthur for noble knights, for +long time they had holden war against the knights of the Round Table. +Then said Pertolepe, the Green Knight, to the king: At a passage of the +water of Mortaise there encountered Sir Beaumains with two brethren +that ever for the most part kept that passage, and they were two deadly +knights, and there he slew the eldest brother in the water, and smote +him upon the head such a buffet that he fell down in the water, and +there he was drowned, and his name was Sir Gherard le Breusse; and +after he slew the other brother upon the land, his name was Sir Arnold +le Breusse. + + + +CHAPTER XXV. How the Queen of Orkney came to this feast of Pentecost, +and Sir Gawaine and his brethren came to ask her blessing. + +So then the king and they went to meat, and were served in the best +manner. And as they sat at the meat, there came in the Queen of Orkney, +with ladies and knights a great number. And then Sir Gawaine, Sir +Agravaine, and Gaheris arose, and went to her and saluted her upon +their knees, and asked her blessing; for in fifteen year they had not +seen her. Then she spake on high to her brother King Arthur: Where have +ye done my young son Sir Gareth? He was here amongst you a twelvemonth, +and ye made a kitchen knave of him, the which is shame to you all. +Alas, where have ye done my dear son that was my joy and bliss? O dear +mother, said Sir Gawaine, I knew him not. Nor I, said the king, that +now me repenteth, but thanked be God he is proved a worshipful knight +as any is now living of his years, and I shall never be glad till I may +find him. + +Ah, brother, said the Queen unto King Arthur, and unto Sir Gawaine, and +to all her sons, ye did yourself great shame when ye amongst you kept +my son in the kitchen and fed him like a poor hog. Fair sister, said +King Arthur, ye shall right well wit I knew him not, nor no more did +Sir Gawaine, nor his brethren; but sithen it is so, said the king, that +he is thus gone from us all, we must shape a remedy to find him. Also, +sister, meseemeth ye might have done me to wit of his coming, and then +an I had not done well to him ye might have blamed me. For when he came +to this court he came leaning upon two men's shoulders, as though he +might not have gone. And then he asked me three gifts; and one he asked +the same day, that was that I would give him meat enough that +twelvemonth; and the other two gifts he asked that day a twelvemonth, +and that was that he might have the adventure of the damosel Linet, and +the third was that Sir Launcelot should make him knight when he desired +him. And so I granted him all his desire, and many in this court +marvelled that he desired his sustenance for a twelvemonth. And +thereby, we deemed, many of us, that he was not come of a noble house. + +Sir, said the Queen of Orkney unto King Arthur her brother, wit ye well +that I sent him unto you right well armed and horsed, and worshipfully +beseen of his body, and gold and silver plenty to spend. It may be, +said the King, but thereof saw we none, save that same day as he +departed from us, knights told me that there came a dwarf hither +suddenly, and brought him armour and a good horse full well and richly +beseen; and thereat we all had marvel from whence that riches came, +that we deemed all that he was come of men of worship. Brother, said +the queen, all that ye say I believe, for ever sithen he was grown he +was marvellously witted, and ever he was faithful and true of his +promise. But I marvel, said she, that Sir Kay did mock him and scorn +him, and gave him that name Beaumains; yet, Sir Kay, said the queen, +named him more righteously than he weened; for I dare say an he be +alive, he is as fair an handed man and well disposed as any is living. +Sir, said Arthur, let this language be still, and by the grace of God +he shall be found an he be within this seven realms, and let all this +pass and be merry, for he is proved to be a man of worship, and that is +my joy. + + + +CHAPTER XXVI. How King Arthur sent for the Lady Lionesse, and how she +let cry a tourney at her castle, whereas came many knights. + +Then said Sir Gawaine and his brethren unto Arthur, Sir, an ye will +give us leave, we will go and seek our brother. Nay, said Sir +Launcelot, that shall ye not need; and so said Sir Baudwin of Britain: +for as by our advice the king shall send unto Dame Lionesse a +messenger, and pray her that she will come to the court in all the +haste that she may, and doubt ye not she will come; and then she may +give you best counsel where ye shall find him. This is well said of +you, said the king. So then goodly letters were made, and the messenger +sent forth, that night and day he went till he came unto the Castle +Perilous. And then the lady Dame Lionesse was sent for, thereas she was +with Sir Gringamore her brother and Sir Gareth. And when she understood +this message, she bade him ride on his way unto King Arthur, and she +would come after in all goodly haste. Then when she came to Sir +Gringamore and to Sir Gareth, she told them all how King Arthur had +sent for her. That is because of me, said Sir Gareth. Now advise me, +said Dame Lionesse, what shall I say, and in what manner I shall rule +me. My lady and my love, said Sir Gareth, I pray you in no wise be ye +aknowen where I am; but well I wot my mother is there and all my +brethren, and they will take upon them to seek me, I wot well that they +do. But this, madam, I would ye said and advised the king when he +questioned with you of me. Then may ye say, this is your advice that, +an it like his good grace, ye will do make a cry against the feast of +the Assumption of our Lady, that what knight there proveth him best he +shall wield you and all your land. And if so be that he be a wedded +man, that his wife shall have the degree, and a coronal of gold beset +with stones of virtue to the value of a thousand pound, and a white +gerfalcon. + +So Dame Lionesse departed and came to King Arthur, where she was nobly +received, and there she was sore questioned of the king and of the +Queen of Orkney. And she answered, where Sir Gareth was she could not +tell. But thus much she said unto Arthur: Sir, I will let cry a +tournament that shall be done before my castle at the Assumption of our +Lady, and the cry shall be this: that you, my lord Arthur, shall be +there, and your knights, and I will purvey that my knights shall be +against yours; and then I am sure ye shall hear of Sir Gareth. This is +well advised, said King Arthur; and so she departed. And the king and +she made great provision to that tournament. + +When Dame Lionesse was come to the Isle of Avilion, that was the same +isle thereas her brother Sir Gringamore dwelt, then she told them all +how she had done, and what promise she had made to King Arthur. Alas, +said Sir Gareth, I have been so wounded with unhappiness sithen I came +into this castle that I shall not be able to do at that tournament like +a knight; for I was never thoroughly whole since I was hurt. Be ye of +good cheer, said the damosel Linet, for I undertake within these +fifteen days to make ye whole, and as lusty as ever ye were. And then +she laid an ointment and a salve to him as it pleased to her, that he +was never so fresh nor so lusty. Then said the damosel Linet: Send you +unto Sir Persant of Inde, and assummon him and his knights to be here +with you as they have promised. Also, that ye send unto Sir Ironside, +that is the Red Knight of the Red Launds, and charge him that he be +ready with you with his whole sum of knights, and then shall ye be able +to match with King Arthur and his knights. So this was done, and all +knights were sent for unto the Castle Perilous; and then the Red Knight +answered and said unto Dame Lionesse, and to Sir Gareth, Madam, and my +lord Sir Gareth, ye shall understand that I have been at the court of +King Arthur, and Sir Persant of Inde and his brethren, and there we +have done our homage as ye commanded us. Also Sir Ironside said, I have +taken upon me with Sir Persant of Inde and his brethren to hold part +against my lord Sir Launcelot and the knights of that court. And this +have I done for the love of my lady Dame Lionesse, and you my lord Sir +Gareth. Ye have well done, said Sir Gareth; but wit you well ye shall +be full sore matched with the most noble knights of the world; +therefore we must purvey us of good knights, where we may get them. +That is well said, said Sir Persant, and worshipfully. + +And so the cry was made in England, Wales, and Scotland, Ireland, +Cornwall, and in all the Out Isles, and in Brittany and in many +countries; that at the feast of our Lady the Assumption next coming, +men should come to the Castle Perilous beside the Isle of Avilion; and +there all the knights that there came should have the choice whether +them list to be on the one party with the knights of the castle, or on +the other party with King Arthur. And two months was to the day that +the tournament should be. And so there came many good knights that were +at their large, and held them for the most part against King Arthur and +his knights of the Round Table and came in the side of them of the +castle. For Sir Epinogrus was the first, and he was the king's son of +Northumberland, and Sir Palamides the Saracen was another, and Sir +Safere his brother, and Sir Segwarides his brother, but they were +christened, and Sir Malegrine another, and Sir Brian de les Isles, a +noble knight, and Sir Grummore Grummursum, a good knight of Scotland, +and Sir Carados of the dolorous tower, a noble knight, and Sir Turquine +his brother, and Sir Arnold and Sir Gauter, two brethren, good knights +of Cornwall. There came Sir Tristram de Liones, and with him Sir Dinas, +the Seneschal, and Sir Sadok; but this Sir Tristram was not at that +time knight of the Table Round, but he was one of the best knights of +the world. And so all these noble knights accompanied them with the +lady of the castle, and with the Red Knight of the Red Launds; but as +for Sir Gareth, he would not take upon him more but as other mean +knights. + + + +CHAPTER XXVII. How King Arthur went to the tournament with his knights, +and how the lady received him worshipfully, and how the knights +encountered. + +And then there came with King Arthur Sir Gawaine, Agravaine, Gaheris, +his brethren. And then his nephews Sir Uwaine le Blanchemains, and Sir +Aglovale, Sir Tor, Sir Percivale de Galis, and Sir Lamorak de Galis. +Then came Sir Launcelot du Lake with his brethren, nephews, and +cousins, as Sir Lionel, Sir Ector de Maris, Sir Bors de Ganis, and Sir +Galihodin, Sir Galihud, and many more of Sir Launcelot's blood, and Sir +Dinadan, Sir La Cote Male Taile, his brother, a good knight, and Sir +Sagramore, a good knight; and all the most part of the Round Table. +Also there came with King Arthur these knights, the King of Ireland, +King Agwisance, and the King of Scotland, King Carados and King Uriens +of the land of Gore, and King Bagdemagus and his son Sir Meliaganus, +and Sir Galahault the noble prince. All these kings, princes, and +earls, barons, and other noble knights, as Sir Brandiles, Sir Uwaine +les Avoutres, and Sir Kay, Sir Bedivere, Sir Meliot de Logres, Sir +Petipase of Winchelsea, Sir Godelake: all these came with King Arthur, +and more that cannot be rehearsed. + +Now leave we of these kings and knights, and let us speak of the great +array that was made within the castle and about the castle for both +parties. The Lady Dame Lionesse ordained great array upon her part for +her noble knights, for all manner of lodging and victual that came by +land and by water, that there lacked nothing for her party, nor for the +other, but there was plenty to be had for gold and silver for King +Arthur and his knights. And then there came the harbingers from King +Arthur for to harbour him, and his kings, dukes, earls, barons, and +knights. And then Sir Gareth prayed Dame Lionesse and the Red Knight of +the Red Launds, and Sir Persant and his brother, and Sir Gringamore, +that in no wise there should none of them tell not his name, and make +no more of him than of the least knight that there was, For, he said, I +will not be known of neither more nor less, neither at the beginning +neither at the ending. Then Dame Lionesse said unto Sir Gareth: Sir, I +will lend you a ring, but I would pray you as you love me heartily let +me have it again when the tournament is done, for that ring increaseth +my beauty much more than it is of himself. And the virtue of my ring is +that, that is green it will turn to red, and that is red it will turn +in likeness to green, and that is blue it will turn to likeness of +white, and that is white it will turn in likeness to blue, and so it +will do of all manner of colours. Also who that beareth my ring shall +lose no blood, and for great love I will give you this ring. Gramercy, +said Sir Gareth, mine own lady, for this ring is passing meet for me, +for it will turn all manner of likeness that I am in, and that shall +cause me that I shall not be known. Then Sir Gringamore gave Sir Gareth +a bay courser that was a passing good horse; also he gave him good +armour and sure, and a noble sword that sometime Sir Gringamore's +father won upon an heathen tyrant. And so thus every knight made him +ready to that tournament. And King Arthur was come two days to-fore the +Assumption of our Lady. And there was all manner of royalty of all +minstrelsy that might be found. Also there came Queen Guenever and the +Queen of Orkney, Sir Gareth's mother. + +And upon the Assumption Day, when mass and matins were done, there were +heralds with trumpets commanded to blow to the field. And so there came +out Sir Epinogrus, the king's son of Northumberland, from the castle, +and there encountered with him Sir Sagramore le Desirous, and either of +them brake their spears to their hands. And then came in Sir Palamides +out of the castle, and there encountered with him Gawaine, and either +of them smote other so hard that both the good knights and their horses +fell to the earth. And then knights of either party rescued their +knights. And then came in Sir Safere and Sir Segwarides, brethren to +Sir Palamides; and there encountered Sir Agravaine with Sir Safere and +Sir Gaheris encountered with Sir Segwarides. So Sir Safere smote down +Agravaine, Sir Gawaine's brother; and Sir Segwarides, Sir Safere's +brother. And Sir Malegrine, a knight of the castle, encountered with +Sir Uwaine le Blanchemains, and there Sir Uwaine gave Sir Malegrine a +fall, that he had almost broke his neck. + + + +CHAPTER XXVIII. How the knights bare them in the battle. + +Then Sir Brian de les Isles and Grummore Grummursum, knights of the +castle, encountered with Sir Aglovale, and Sir Tor smote down Sir +Grummore Grummursum to the earth. Then came in Sir Carados of the +dolorous tower, and Sir Turquine, knights of the castle; and there +encountered with them Sir Percivale de Galis and Sir Lamorak de Galis, +that were two brethren. And there encountered Sir Percivale with Sir +Carados, and either brake their spears unto their hands, and then Sir +Turquine with Sir Lamorak, and either of them smote down other's horse +and all to the earth, and either parties rescued other, and horsed them +again. And Sir Arnold and Sir Gauter, knights of the castle, +encountered with Sir Brandiles and Sir Kay, and these four knights +encountered mightily, and brake their spears to their hands. Then came +in Sir Tristram, Sir Sadok, and Sir Dinas, knights of the castle, and +there encountered Sir Tristram with Sir Bedivere, and there Sir +Bedivere was smitten to the earth both horse and man. And Sir Sadok +encountered with Sir Petipase, and there Sir Sadok was overthrown. And +there Uwaine les Avoutres smote down Sir Dinas, the Seneschal. Then +came in Sir Persant of Inde, a knight of the castle, and there +encountered with him Sir Launcelot du Lake, and there he smote Sir +Persant, horse and man, to the earth. Then came Sir Pertolepe from the +castle, and there encountered with him Sir Lionel, and there Sir +Pertolepe, the Green Knight, smote down Sir Lionel, brother to Sir +Launcelot. All this was marked by noble heralds, who bare him best, and +their names. + +And then came into the field Sir Perimones, the Red Knight, Sir +Persant's brother, that was a knight of the castle, and he encountered +with Sir Ector de Maris, and either smote other so hard that both their +horses and they fell to the earth. And then came in the Red Knight of +the Red Launds, and Sir Gareth, from the castle, and there encountered +with them Sir Bors de Ganis and Sir Bleoberis, and there the Red Knight +and Sir Bors [either] smote other so hard that their spears brast, and +their horses fell grovelling to the earth. Then Sir Bleoberis brake his +spear upon Sir Gareth, but of that stroke Sir Bleoberis fell to the +earth. When Sir Galihodin saw that he bade Sir Gareth keep him, and Sir +Gareth smote him to the earth. Then Sir Galihud gat a spear to avenge +his brother, and in the same wise Sir Gareth served him, and Sir +Dinadan and his brother, La Cote Male Taile, and Sir Sagramore le +Desirous, and Sir Dodinas le Savage. All these he bare down with one +spear. + +When King Agwisance of Ireland saw Sir Gareth fare so, he marvelled +what he might be that one time seemed green, and another time, at his +again coming, he seemed blue. And thus at every course that he rode to +and fro he changed his colour, so that there might neither king nor +knight have ready cognisance of him. Then Sir Agwisance, the King of +Ireland, encountered with Sir Gareth, and there Sir Gareth smote him +from his horse, saddle and all. And then came King Carados of Scotland, +and Sir Gareth smote him down horse and man. And in the same wise he +served King Uriens of the land of Gore. And then came in Sir +Bagdemagus, and Sir Gareth smote him down, horse and man, to the earth. +And Bagdemagus' son, Meliganus, brake a spear upon Sir Gareth mightily +and knightly. And then Sir Galahault, the noble prince, cried on high: +Knight with the many colours, well hast thou jousted; now make thee +ready that I may joust with thee. Sir Gareth heard him, and he gat a +great spear, and so they encountered together, and there the prince +brake his spear; but Sir Gareth smote him upon the left side of the +helm that he reeled here and there, and he had fallen down had not his +men recovered him. + +So God me help, said King Arthur, that same knight with the many +colours is a good knight. Wherefore the king called unto him Sir +Launcelot, and prayed him to encounter with that knight. Sir, said +Launcelot, I may well find in my heart for to forbear him as at this +time, for he hath had travail enough this day; and when a good knight +doth so well upon some day, it is no good knight's part to let him of +his worship, and namely, when he seeth a knight hath done so great +labour; for peradventure, said Sir Launcelot, his quarrel is here this +day, and peradventure he is best beloved with this lady of all that be +here; for I see well he paineth him and enforceth him to do great +deeds, and therefore, said Sir Launcelot, as for me, this day he shall +have the honour; though it lay in my power to put him from it I would +not. + + + +CHAPTER XXIX. Yet of the said tournament. + +Then when this was done there was drawing of swords, and then there +began a sore tournament. And there did Sir Lamorak marvellous deeds of +arms; and betwixt Sir Lamorak and Sir Ironside, that was the Red Knight +of the Red Launds, there was strong battle; and betwixt Sir Palamides +and Bleoberis there was a strong battle; and Sir Gawaine and Sir +Tristram met, and there Sir Gawaine had the worse, for he pulled Sir +Gawaine from his horse, and there he was long upon foot, and defouled. +Then came in Sir Launcelot, and he smote Sir Turquine, and he him; and +then came Sir Carados his brother, and both at once they assailed him, +and he as the most noblest knight of the world worshipfully fought with +them both, that all men wondered of the noblesse of Sir Launcelot. And +then came in Sir Gareth, and knew that it was Sir Launcelot that fought +with the two perilous knights. And then Sir Gareth came with his good +horse and hurtled them in-sunder, and no stroke would he smite to Sir +Launcelot. That espied Sir Launcelot, and deemed it should be the good +knight Sir Gareth: and then Sir Gareth rode here and there, and smote +on the right hand and on the left hand, and all the folk might well +espy where that he rode. And by fortune he met with his brother Sir +Gawaine, and there he put Sir Gawaine to the worse, for he put off his +helm, and so he served five or six knights of the Round Table, that all +men said he put him in the most pain, and best he did his devoir. For +when Sir Tristram beheld him how he first jousted and after fought so +well with a sword, then he rode unto Sir Ironside and to Sir Persant of +Inde, and asked them, by their faith, What manner a knight is yonder +knight that seemeth in so many divers colours? Truly, meseemeth, said +Tristram, that he putteth himself in great pain, for he never ceaseth. +Wot ye not what he is? said Sir Ironside. No, said Sir Tristram. Then +shall ye know that this is he that loveth the lady of the castle, and +she him again; and this is he that won me when I besieged the lady of +this castle, and this is he that won Sir Persant of Inde, and his three +brethren. What is his name, said Sir Tristram, and of what blood is he +come? He was called in the court of King Arthur, Beaumains, but his +right name is Sir Gareth of Orkney, brother to Sir Gawaine. By my head, +said Sir Tristram, he is a good knight, and a big man of arms, and if +he be young he shall prove a full noble knight. He is but a child, they +all said, and of Sir Launcelot he was made knight. Therefore he is +mickle the better, said Tristram. And then Sir Tristram, Sir Ironside, +Sir Persant, and his brother, rode together for to help Sir Gareth; and +then there were given many strong strokes. + +And then Sir Gareth rode out on the one side to amend his helm; and +then said his dwarf: Take me your ring, that ye lose it not while that +ye drink. And so when he had drunk he gat on his helm, and eagerly took +his horse and rode into the field, and left his ring with his dwarf; +and the dwarf was glad the ring was from him, for then he wist well he +should be known. And then when Sir Gareth was in the field all folks +saw him well and plainly that he was in yellow colours; and there he +rased off helms and pulled down knights, that King Arthur had marvel +what knight he was, for the king saw by his hair that it was the same +knight. + + + +CHAPTER XXX. How Sir Gareth was espied by the heralds, and how he +escaped out of the field. + +But before he was in so many colours, and now he is but in one colour; +that is yellow. Now go, said King Arthur unto divers heralds, and ride +about him, and espy what manner knight he is, for I have spered of many +knights this day that be upon his party, and all say they know him not. + +And so an herald rode nigh Gareth as he could; and there he saw written +about his helm in gold, This helm is Sir Gareth of Orkney. + +Then the herald cried as he were wood, and many heralds with him:—This +is Sir Gareth of Orkney in the yellow arms; that by all kings and +knights of Arthur's beheld him and awaited; and then they pressed all +to behold him, and ever the heralds cried: This is Sir Gareth of +Orkney, King Lot's son. + +And when Sir Gareth espied that he was discovered, then he doubled his +strokes, and smote down Sir Sagramore, and his brother Sir Gawaine. + +O brother, said Sir Gawaine, I weened ye would not have stricken me. + +So when he heard him say so he thrang here and there, and so with great +pain he gat out of the press, and there he met with his dwarf. O boy, +said Sir Gareth, thou hast beguiled me foul this day that thou kept my +ring; give it me anon again, that I may hide my body withal; and so he +took it him. And then they all wist not where he was become; and Sir +Gawaine had in manner espied where Sir Gareth rode, and then he rode +after with all his might. That espied Sir Gareth, and rode lightly into +the forest, that Sir Gawaine wist not where he was become. And when Sir +Gareth wist that Sir Gawaine was passed, he asked the dwarf of best +counsel. Sir, said the dwarf, meseemeth it were best, now that ye are +escaped from spying, that ye send my lady Dame Lionesse her ring. It is +well advised, said Sir Gareth; now have it here and bear it to her, and +say that I recommend me unto her good grace, and say her I will come +when I may, and I pray her to be true and faithful to me as I will be +to her. Sir, said the dwarf, it shall be done as ye command: and so he +rode his way, and did his errand unto the lady. Then she said, Where is +my knight, Sir Gareth? Madam, said the dwarf, he bade me say that he +would not be long from you. And so lightly the dwarf came again unto +Sir Gareth, that would full fain have had a lodging, for he had need to +be reposed. And then fell there a thunder and a rain, as heaven and +earth should go together. And Sir Gareth was not a little weary, for of +all that day he had but little rest, neither his horse nor he. So this +Sir Gareth rode so long in that forest until the night came. And ever +it lightened and thundered, as it had been wood. At the last by fortune +he came to a castle, and there he heard the waits upon the walls. + + + +CHAPTER XXXI. How Sir Gareth came to a castle where he was well lodged, +and he jousted with a knight and slew him. + +Then Sir Gareth rode unto the barbican of the castle, and prayed the +porter fair to let him into the castle. The porter answered ungoodly +again, and said, Thou gettest no lodging here. Fair sir, say not so, +for I am a knight of King Arthur's, and pray the lord or the lady of +this castle to give me harbour for the love of King Arthur. Then the +porter went unto the duchess, and told her how there was a knight of +King Arthur's would have harbour. Let him in, said the duchess, for I +will see that knight, and for King Arthur's sake he shall not be +harbourless. Then she yode up into a tower over the gate, with great +torchlight. + +When Sir Gareth saw that torch-light he cried on high: Whether thou be +lord or lady, giant or champion, I take no force so that I may have +harbour this night; and if it so be that I must needs fight, spare me +not to-morn when I have rested me, for both I and mine horse be weary. +Sir knight, said the lady, thou speakest knightly and boldly; but wit +thou well the lord of this castle loveth not King Arthur, nor none of +his court, for my lord hath ever been against him; and therefore thou +were better not to come within this castle; for an thou come in this +night, thou must come in under such form, that wheresomever thou meet +my lord, by stigh or by street, thou must yield thee to him as +prisoner. Madam, said Sir Gareth, what is your lord, and what is his +name? Sir, my lord's name is the Duke de la Rowse. Well madam, said Sir +Gareth, I shall promise you in what place I meet your lord I shall +yield me unto him and to his good grace; with that I understand he will +do me no harm: and if I understand that he will, I will release myself +an I can with my spear and my sword. Ye say well, said the duchess; and +then she let the drawbridge down, and so he rode into the hall, and +there he alighted, and his horse was led into a stable; and in the hall +he unarmed him and said, Madam, I will not out of this hall this night; +and when it is daylight, let see who will have ado with me, he shall +find me ready. Then was he set unto supper, and had many good dishes. +Then Sir Gareth list well to eat, and knightly he ate his meat, and +eagerly; there was many a fair lady by him, and some said they never +saw a goodlier man nor so well of eating. Then they made him passing +good cheer, and shortly when he had supped his bed was made there; so +he rested him all night. + +And on the morn he heard mass, and brake his fast and took his leave at +the duchess, and at them all; and thanked her goodly of her lodging, +and of his good cheer; and then she asked him his name. Madam, he said, +truly my name is Gareth of Orkney, and some men call me Beaumains. Then +knew she well it was the same knight that fought for Dame Lionesse. So +Sir Gareth departed and rode up into a mountain, and there met him a +knight, his name was Sir Bendelaine, and said to Sir Gareth: Thou shalt +not pass this way, for either thou shalt joust with me, or else be my +prisoner. Then will I joust, said Sir Gareth. And so they let their +horses run, and there Sir Gareth smote him throughout the body; and Sir +Bendelaine rode forth to his castle there beside, and there died. So +Sir Gareth would have rested him, and he came riding to Bendelaine's +castle. Then his knights and servants espied that it was he that had +slain their lord. Then they armed twenty good men, and came out and +assailed Sir Gareth; and so he had no spear, but his sword, and put his +shield afore him; and there they brake their spears upon him, and they +assailed him passingly sore. But ever Sir Gareth defended him as a +knight. + + + +CHAPTER XXXII. How Sir Gareth fought with a knight that held within his +castle thirty ladies, and how he slew him. + +So when they saw that they might not overcome him, they rode from him, +and took their counsel to slay his horse; and so they came in upon Sir +Gareth, and with spears they slew his horse, and then they assailed him +hard. But when he was on foot, there was none that he fought but he +gave him such a buffet that he did never recover. So he slew them by +one and one till they were but four, and there they fled; and Sir +Gareth took a good horse that was one of theirs, and rode his way. + +Then he rode a great pace till that he came to a castle, and there he +heard much mourning of ladies and gentlewomen. So there came by him a +page. What noise is this, said Sir Gareth, that I hear within this +castle? Sir knight, said the page, here be within this castle thirty +ladies, and all they be widows; for here is a knight that waiteth daily +upon this castle, and his name is the Brown Knight without Pity, and he +is the periloust knight that now liveth; and therefore sir, said the +page, I rede you flee. Nay, said Sir Gareth, I will not flee though +thou be afeard of him. And then the page saw where came the Brown +Knight: Lo, said the page, yonder he cometh. Let me deal with him, said +Sir Gareth. And when either of other had a sight they let their horses +run, and the Brown Knight brake his spear, and Sir Gareth smote him +throughout the body, that he overthrew him to the ground stark dead. So +Sir Gareth rode into the castle, and prayed the ladies that he might +repose him. Alas, said the ladies, ye may not be lodged here. Make him +good cheer, said the page, for this knight hath slain your enemy. Then +they all made him good cheer as lay in their power. But wit ye well +they made him good cheer, for they might none otherwise do, for they +were but poor. + +And so on the morn he went to mass, and there he saw the thirty ladies +kneel, and lay grovelling upon divers tombs, making great dole and +sorrow. Then Sir Gareth wist well that in the tombs lay their lords. +Fair ladies, said Sir Gareth, ye must at the next feast of Pentecost be +at the court of King Arthur, and say that I, Sir Gareth, sent you +thither. We shall do this, said the ladies. So he departed, and by +fortune he came to a mountain, and there he found a goodly knight that +bade him, Abide sir knight, and joust with me. What are ye? said Sir +Gareth. My name is, said he, the Duke de la Rowse. Ah sir, ye are the +same knight that I lodged once in your castle; and there I made promise +unto your lady that I should yield me unto you. Ah, said the duke, art +thou that proud knight that profferest to fight with my knights; +therefore make thee ready, for I will have ado with you. So they let +their horses run, and there Sir Gareth smote the duke down from his +horse. But the duke lightly avoided his horse, and dressed his shield +and drew his sword, and bade Sir Gareth alight and fight with him. So +he did alight, and they did great battle together more than an hour, +and either hurt other full sore. At the last Sir Gareth gat the duke to +the earth, and would have slain him, and then he yield him to him. Then +must ye go, said Sir Gareth, unto Sir Arthur my lord at the next feast, +and say that I, Sir Gareth of Orkney, sent you unto him. It shall be +done, said the duke, and I will do to you homage and fealty with an +hundred knights with me; and all the days of my life to do you service +where ye will command me. + + + +CHAPTER XXXIII. How Sir Gareth and Sir Gawaine fought each against +other, and how they knew each other by the damosel Linet. + +So the duke departed, and Sir Gareth stood there alone; and there he +saw an armed knight coming toward him. Then Sir Gareth took the duke's +shield, and mounted upon horseback, and so without biding they ran +together as it had been the thunder. And there that knight hurt Sir +Gareth under the side with his spear. And then they alighted and drew +their swords, and gave great strokes that the blood trailed to the +ground. And so they fought two hours. + +At the last there came the damosel Linet, that some men called the +damosel Savage, and she came riding upon an ambling mule; and there she +cried all on high, Sir Gawaine, Sir Gawaine, leave thy fighting with +thy brother Sir Gareth. + +And when he heard her say so he threw away his shield and his sword, +and ran to Sir Gareth, and took him in his arms, and sithen kneeled +down and asked him mercy. + +What are ye, said Sir Gareth, that right now were so strong and so +mighty, and now so suddenly yield you to me? O Gareth, I am your +brother Sir Gawaine, that for your sake have had great sorrow and +labour. + +Then Sir Gareth unlaced his helm, and kneeled down to him, and asked +him mercy. Then they rose both, and embraced either other in their +arms, and wept a great while or they might speak, and either of them +gave other the prize of the battle. And there were many kind words +between them. + +Alas, my fair brother, said Sir Gawaine, perdy I owe of right to +worship you an ye were not my brother, for ye have worshipped King +Arthur and all his court, for ye have sent me more worshipful knights +this twelvemonth than six the best of the Round Table have done, except +Sir Launcelot. + +Then came the damosel Savage that was the Lady Linet, that rode with +Sir Gareth so long, and there she did staunch Sir Gareth's wounds and +Sir Gawaine's. Now what will ye do? said the damosel Savage; meseemeth +that it were well done that Arthur had witting of you both, for your +horses are so bruised that they may not bear. Now, fair damosel, said +Sir Gawaine, I pray you ride unto my lord mine uncle, King Arthur, and +tell him what adventure is to me betid here, and I suppose he will not +tarry long. Then she took her mule, and lightly she came to King Arthur +that was but two mile thence. And when she had told him tidings the +king bade get him a palfrey. And when he was upon his back he bade the +lords and ladies come after, who that would; and there was saddling and +bridling of queens' horses and princes' horses, and well was him that +soonest might be ready. + +So when the king came thereas they were, he saw Sir Gawaine and Sir +Gareth sit upon a little hill-side, and then the king avoided his +horse. And when he came nigh Sir Gareth he would have spoken but he +might not; and therewith he sank down in a swoon for gladness. And so +they stert unto their uncle, and required him of his good grace to be +of good comfort. Wit ye well the king made great joy, and many a +piteous complaint he made to Sir Gareth, and ever he wept as he had +been a child. With that came his mother, the Queen of Orkney, Dame +Morgawse, and when she saw Sir Gareth readily in the visage she might +not weep, but suddenly fell down in a swoon, and lay there a great +while like as she had been dead. And then Sir Gareth recomforted his +mother in such wise that she recovered and made good cheer. Then the +king commanded that all manner of knights that were under his +obeissance should make their lodging right there for the love of his +nephews. And so it was done, and all manner of purveyance purveyed, +that there lacked nothing that might be gotten of tame nor wild for +gold or silver. And then by the means of the damosel Savage Sir Gawaine +and Sir Gareth were healed of their wounds; and there they sojourned +eight days. + +Then said King Arthur unto the damosel Savage: I marvel that your +sister, Dame Lionesse, cometh not here to me, and in especial that she +cometh not to visit her knight, my nephew Sir Gareth, that hath had so +much travail for her love. My lord, said the damosel Linet, ye must of +your good grace hold her excused, for she knoweth not that my lord, Sir +Gareth, is here. Go then for her, said King Arthur, that we may be +appointed what is best to be done, according to the pleasure of my +nephew. Sir, said the damosel, that shall be done, and so she rode unto +her sister. And as lightly as she might she made her ready; and she +came on the morn with her brother Sir Gringamore, and with her forty +knights. And so when she was come she had all the cheer that might be +done, both of the king, and of many other kings and queens. + + + +CHAPTER XXXIV. How Sir Gareth acknowledged that they loved each other +to King Arthur, and of the appointment of their wedding. + +And among all these ladies she was named the fairest, and peerless. +Then when Sir Gawaine saw her there was many a goodly look and goodly +words, that all men of worship had joy to behold them. Then came King +Arthur and many other kings, and Dame Guenever, and the Queen of +Orkney. And there the king asked his nephew, Sir Gareth, whether he +would have that lady as paramour, or to have her to his wife. My lord, +wit you well that I love her above all ladies living. Now, fair lady, +said King Arthur, what say ye? Most noble King, said Dame Lionesse, wit +you well that my lord, Sir Gareth, is to me more liefer to have and +wield as my husband, than any king or prince that is christened; and if +I may not have him I promise you I will never have none. For, my lord +Arthur, said Dame Lionesse, wit ye well he is my first love, and he +shall be the last; and if ye will suffer him to have his will and free +choice I dare say he will have me. That is truth, said Sir Gareth; an I +have not you and wield not you as my wife, there shall never lady nor +gentlewoman rejoice me. What, nephew, said the king, is the wind in +that door? for wit ye well I would not for the stint of my crown to be +causer to withdraw your hearts; and wit ye well ye cannot love so well +but I shall rather increase it than distress it. And also ye shall have +my love and my lordship in the uttermost wise that may lie in my power. +And in the same wise said Sir Gareth's mother. + +Then there was made a provision for the day of marriage; and by the +king's advice it was provided that it should be at Michaelmas +following, at Kink Kenadon by the seaside, for there is a plentiful +country. And so it was cried in all the places through the realm. And +then Sir Gareth sent his summons to all these knights and ladies that +he had won in battle to-fore, that they should be at his day of +marriage at Kink Kenadon by the sands. + +And then Dame Lionesse, and the damosel Linet with Sir Gringamore, rode +to their castle; and a goodly and a rich ring she gave to Sir Gareth, +and he gave her another. And King Arthur gave her a rich pair of bee of +gold; and so she departed. + +And King Arthur and his fellowship rode toward Kink Kenadon, and Sir +Gareth brought his lady on the way, and so came to the king again and +rode with him. + +Lord! the great cheer that Sir Launcelot made of Sir Gareth and he of +him, for there was never no knight that Sir Gareth loved so well as he +did Sir Launcelot; and ever for the most part he would be in Sir +Launcelot's company; for after Sir Gareth had espied Sir Gawaine's +conditions, he withdrew himself from his brother, Sir Gawaine's, +fellowship, for he was vengeable, and where he hated he would be +avenged with murder, and that hated Sir Gareth. + + + +CHAPTER XXXV. Of the Great Royalty, and what officers were made at the +feast of the wedding, and of the jousts at the feast. + +So it drew fast to Michaelmas; and thither came Dame Lionesse, the lady +of the Castle Perilous, and her sister, Dame Linet, with Sir +Gringamore, her brother, with them for he had the conduct of these +ladies. And there they were lodged at the device of King Arthur. And +upon Michaelmas Day the Bishop of Canterbury made the wedding betwixt +Sir Gareth and the Lady Lionesse with great solemnity. And King Arthur +made Gaheris to wed the Damosel Savage, that was Dame Linet; and King +Arthur made Sir Agravaine to wed Dame Lionesse's niece, a fair lady, +her name was Dame Laurel. + +And so when this solemnization was done, then came in the Green Knight, +Sir Pertolepe, with thirty knights, and there he did homage and fealty +to Sir Gareth, and these knights to hold of him for evermore. Also Sir +Pertolepe said: I pray you that at this feast I may be your +chamberlain. With a good will, said Sir Gareth sith it liketh you to +take so simple an office. Then came in the Red Knight, with three score +knights with him, and did to Sir Gareth homage and fealty, and all +those knights to hold of him for evermore. And then this Sir Perimones +prayed Sir Gareth to grant him to be his chief butler at that high +feast. I will well, said Sir Gareth, that ye have this office, and it +were better. Then came in Sir Persant of Inde, with an hundred knights +with him, and there he did homage and fealty, and all his knights +should do him service, and hold their lands of him for ever; and there +he prayed Sir Gareth to make him his sewer-chief at the feast. I will +well, said Sir Gareth, that ye have it and it were better. Then came +the Duke de la Rowse with an hundred knights with him, and there he did +homage and fealty to Sir Gareth, and so to hold their lands of him for +ever. And he required Sir Gareth that he might serve him of the wine +that day of that feast. I will well, said Sir Gareth, and it were +better. Then came in the Red Knight of the Red Launds, that was Sir +Ironside, and he brought with him three hundred knights, and there he +did homage and fealty, and all these knights to hold their lands of him +for ever. And then he asked Sir Gareth to be his carver. I will well, +said Sir Gareth, an it please you. + +Then came into the court thirty ladies, and all they seemed widows, and +those thirty ladies brought with them many fair gentlewomen. And all +they kneeled down at once unto King Arthur and unto Sir Gareth, and +there all those ladies told the king how Sir Gareth delivered them from +the dolorous tower, and slew the Brown Knight without Pity: And +therefore we, and our heirs for evermore, will do homage unto Sir +Gareth of Orkney. So then the kings and queens, princes and earls, +barons and many bold knights, went unto meat; and well may ye wit there +were all manner of meat plenteously, all manner revels and games, with +all manner of minstrelsy that was used in those days. Also there was +great jousts three days. But the king would not suffer Sir Gareth to +joust, because of his new bride; for, as the French book saith, that +Dame Lionesse desired of the king that none that were wedded should +joust at that feast. + +So the first day there jousted Sir Lamorak de Galis, for he overthrew +thirty knights, and did passing marvellously deeds of arms; and then +King Arthur made Sir Persant and his two brethren Knights of the Round +Table to their lives' end, and gave them great lands. Also the second +day there jousted Tristram best, and he overthrew forty knights, and +did there marvellous deeds of arms. And there King Arthur made +Ironside, that was the Red Knight of the Red Launds, a Knight of the +Table Round to his life's end, and gave him great lands. The third day +there jousted Sir Launcelot du Lake, and he overthrew fifty knights, +and did many marvellous deeds of arms, that all men wondered on him. +And there King Arthur made the Duke de la Rowse a Knight of the Round +Table to his life's end, and gave him great lands to spend. But when +these jousts were done, Sir Lamorak and Sir Tristram departed suddenly, +and would not be known, for the which King Arthur and all the court +were sore displeased. And so they held the court forty days with great +solemnity. And this Sir Gareth was a noble knight, and a well-ruled, +and fair-languaged. + +Thus endeth this tale of Sir Gareth of Orkney that wedded Dame Lionesse +of the Castle Perilous. And also Sir Gaheris wedded her sister, Dame +Linet, that was called the Damosel Sabage. And Sir Agrabaine wedded +Dame Laurel, a fair lady and great, and mighty lands with great riches +gave with them King Arthur, that royally they might live till their +lives' end. + + Here followeth the viii. book, the which is the first book of Sir + Tristram de Liones, and who was his father and his mother, and how he + was born and fostered, and how he was made knight. + + + +BOOK VIII. + + + +CHAPTER I. How Sir Tristram de Liones was born, and how his mother died +at his birth, wherefore she named him Tristram. + +It was a king that hight Meliodas, and he was lord and king of the +country of Liones, and this Meliodas was a likely knight as any was +that time living. And by fortune he wedded King Mark's sister of +Cornwall, and she was called Elizabeth, that was called both good and +fair. And at that time King Arthur reigned, and he was whole king of +England, Wales, and Scotland, and of many other realms: howbeit there +were many kings that were lords of many countries, but all they held +their lands of King Arthur; for in Wales were two kings, and in the +north were many kings; and in Cornwall and in the west were two kings; +also in Ireland were two or three kings, and all were under the +obeissance of King Arthur. So was the King of France, and the King of +Brittany, and all the lordships unto Rome. + +So when this King Meliodas had been with his wife, within a while she +waxed great with child, and she was a full meek lady, and well she +loved her lord, and he her again, so there was great joy betwixt them. +Then there was a lady in that country that had loved King Meliodas +long, and by no mean she never could get his love; therefore she let +ordain upon a day, as King Meliodas rode a-hunting, for he was a great +chaser, and there by an enchantment she made him chase an hart by +himself alone till that he came to an old castle, and there anon he was +taken prisoner by the lady that him loved. When Elizabeth, King +Meliodas' wife, missed her lord, and she was nigh out of her wit, and +also as great with child as she was, she took a gentlewoman with her, +and ran into the forest to seek her lord. And when she was far in the +forest she might no farther, for she began to travail fast of her +child. And she had many grimly throes; her gentlewoman helped her all +that she might, and so by miracle of Our Lady of Heaven she was +delivered with great pains. But she had taken such cold for the default +of help that deep draughts of death took her, that needs she must die +and depart out of this world; there was none other bote. + +And when this Queen Elizabeth saw that there was none other bote, then +she made great dole, and said unto her gentlewoman: When ye see my +lord, King Meliodas, recommend me unto him, and tell him what pains I +endure here for his love, and how I must die here for his sake for +default of good help; and let him wit that I am full sorry to depart +out of this world from him, therefore pray him to be friend to my soul. +Now let me see my little child, for whom I have had all this sorrow. +And when she saw him she said thus: Ah, my little son, thou hast +murdered thy mother, and therefore I suppose, thou that art a murderer +so young, thou art full likely to be a manly man in thine age. And +because I shall die of the birth of thee, I charge thee, gentlewoman, +that thou pray my lord, King Meliodas, that when he is christened let +call him Tristram, that is as much to say as a sorrowful birth. And +therewith this queen gave up the ghost and died. Then the gentlewoman +laid her under an umbre of a great tree, and then she lapped the child +as well as she might for cold. Right so there came the barons, +following after the queen, and when they saw that she was dead, and +understood none other but the king was destroyed. + + + +CHAPTER II. How the stepmother of Sir Tristram had ordained poison for +to have poisoned Sir Tristram. + +Then certain of them would have slain the child, because they would +have been lords of the country of Liones. But then through the fair +speech of the gentlewoman, and by the means that she made, the most +part of the barons would not assent thereto. And then they let carry +home the dead queen, and much dole was made for her. + +Then this meanwhile Merlin delivered King Meliodas out of prison on the +morn after his queen was dead. And so when the king was come home the +most part of the barons made great joy. But the sorrow that the king +made for his queen that might no tongue tell. So then the king let +inter her richly, and after he let christen his child as his wife had +commanded afore her death. And then he let call him Tristram, the +sorrowful born child. Then the King Meliodas endured seven years +without a wife, and all this time Tristram was nourished well. Then it +befell that King Meliodas wedded King Howell's daughter of Brittany, +and anon she had children of King Meliodas: then was she heavy and +wroth that her children should not rejoice the country of Liones, +wherefore this queen ordained for to poison young Tristram. So she let +poison be put in a piece of silver in the chamber whereas Tristram and +her children were together, unto that intent that when Tristram were +thirsty he should drink that drink. And so it fell upon a day, the +queen's son, as he was in that chamber, espied the piece with poison, +and he weened it had been good drink, and because the child was thirsty +he took the piece with poison and drank freely; and therewithal +suddenly the child brast and was dead. + +When the queen of Meliodas wist of the death of her son, wit ye well +that she was heavy. But yet the king understood nothing of her treason. +Notwithstanding the queen would not leave this, but eft she let ordain +more poison, and put it in a piece. And by fortune King Meliodas, her +husband, found the piece with wine where was the poison, and he that +was much thirsty took the piece for to drink thereout. And as he would +have drunken thereof the queen espied him, and then she ran unto him, +and pulled the piece from him suddenly. The king marvelled why she did +so, and remembered him how her son was suddenly slain with poison. And +then he took her by the hand, and said: Thou false traitress, thou +shalt tell me what manner of drink this is, or else I shall slay thee. +And therewith he pulled out his sword, and sware a great oath that he +should slay her but if she told him truth. Ah! mercy, my lord, said +she, and I shall tell you all. And then she told him why she would have +slain Tristram, because her children should rejoice his land. Well, +said King Meliodas, and therefore shall ye have the law. And so she was +condemned by the assent of the barons to be burnt; and then was there +made a great fire, and right as she was at the fire to take her +execution, young Tristram kneeled afore King Meliodas, and besought him +to give him a boon. I will well, said the king again. Then said young +Tristram, Give me the life of thy queen, my stepmother. That is +unrightfully asked, said King Meliodas, for thou ought of right to hate +her, for she would have slain thee with that poison an she might have +had her will; and for thy sake most is my cause that she should die. + +Sir, said Tristram, as for that, I beseech you of your mercy that you +will forgive it her, and as for my part, God forgive it her, and I do; +and so much it liked your highness to grant me my boon, for God's love +I require you hold your promise. Sithen it is so, said the king, I will +that ye have her life. Then, said the king, I give her to you, and go +ye to the fire and take her, and do with her what ye will. So Sir +Tristram went to the fire, and by the commandment of the king delivered +her from the death. But after that King Meliodas would never have ado +with her, as at bed and board. But by the good means of young Tristram +he made the king and her accorded. But then the king would not suffer +young Tristram to abide no longer in his court. + + + +CHAPTER III. How Sir Tristram was sent into France, and had one to +govern him named Gouvernail, and how he learned to harp, hawk, and +hunt. + +And then he let ordain a gentleman that was well learned and taught, +his name was Gouvernail; and then he sent young Tristram with +Gouvernail into France to learn the language, and nurture, and deeds of +arms. And there was Tristram more than seven years. And then when he +well could speak the language, and had learned all that he might learn +in that country, then he came home to his father, King Meliodas, again. +And so Tristram learned to be an harper passing all other, that there +was none such called in no country, and so on harping and on +instruments of music he applied him in his youth for to learn. + +And after, as he grew in might and strength, he laboured ever in +hunting and in hawking, so that never gentleman more, that ever we +heard read of. And as the book saith, he began good measures of blowing +of beasts of venery, and beasts of chase, and all manner of vermin, and +all these terms we have yet of hawking and hunting. And therefore the +book of venery, of hawking, and hunting, is called the book of Sir +Tristram. Wherefore, as meseemeth, all gentlemen that bear old arms +ought of right to honour Sir Tristram for the goodly terms that +gentlemen have and use, and shall to the day of doom, that thereby in a +manner all men of worship may dissever a gentleman from a yeoman, and +from a yeoman a villain. For he that gentle is will draw him unto +gentle tatches, and to follow the customs of noble gentlemen. + +Thus Sir Tristram endured in Cornwall until he was big and strong, of +the age of eighteen years. And then the King Meliodas had great joy of +Sir Tristram, and so had the queen, his wife. For ever after in her +life, because Sir Tristram saved her from the fire, she did never hate +him more after, but loved him ever after, and gave Tristram many great +gifts; for every estate loved him, where that he went. + + + +CHAPTER IV. How Sir Marhaus came out of Ireland for to ask truage of +Cornwall, or else he would fight therefore. + +Then it befell that King Anguish of Ireland sent unto King Mark of +Cornwall for his truage, that Cornwall had paid many winters. And all +that time King Mark was behind of the truage for seven years. And King +Mark and his barons gave unto the messenger of Ireland these words and +answer, that they would none pay; and bade the messenger go unto his +King Anguish, and tell him we will pay him no truage, but tell your +lord, an he will always have truage of us of Cornwall, bid him send a +trusty knight of his land, that will fight for his right, and we shall +find another for to defend our right. With this answer the messengers +departed into Ireland. And when King Anguish understood the answer of +the messengers he was wonderly wroth. And then he called unto him Sir +Marhaus, the good knight, that was nobly proved, and a Knight of the +Table Round. And this Marhaus was brother unto the queen of Ireland. +Then the king said thus: Fair brother, Sir Marhaus, I pray you go into +Cornwall for my sake, and do battle for our truage that of right we +ought to have; and whatsomever ye spend ye shall have sufficiently, +more than ye shall need. Sir, said Marhaus, wit ye well that I shall +not be loath to do battle in the right of you and your land with the +best knight of the Table Round; for I know them, for the most part, +what be their deeds; and for to advance my deeds and to increase my +worship I will right gladly go unto this journey for our right. + +So in all haste there was made purveyance for Sir Marhaus, and he had +all things that to him needed; and so he departed out of Ireland, and +arrived up in Cornwall even fast by the Castle of Tintagil. And when +King Mark understood that he was there arrived to fight for Ireland, +then made King Mark great sorrow when he understood that the good and +noble knight Sir Marhaus was come. For they knew no knight that durst +have ado with him. For at that time Sir Marhaus was called one of the +famousest and renowned knights of the world. And thus Sir Marhaus abode +in the sea, and every day he sent unto King Mark for to pay the truage +that was behind of seven year, other else to find a knight to fight +with him for the truage. This manner of message Sir Marhaus sent daily +unto King Mark. + +Then they of Cornwall let make cries in every place, that what knight +would fight for to save the truage of Cornwall, he should be rewarded +so that he should fare the better, term of his life. Then some of the +barons said to King Mark, and counselled him to send to the court of +King Arthur for to seek Sir Launcelot du Lake, that was that time named +for the marvelloust knight of all the world. Then there were some other +barons that counselled the king not to do so, and said that it was +labour in vain, because Sir Marhaus was a knight of the Round Table, +therefore any of them will be loath to have ado with other, but if it +were any knight at his own request would fight disguised and unknown. +So the king and all his barons assented that it was no bote to seek any +knight of the Round Table. This mean while came the language and the +noise unto King Meliodas, how that Sir Marhaus abode battle fast by +Tintagil, and how King Mark could find no manner knight to fight for +him. When young Tristram heard of this he was wroth, and sore ashamed +that there durst no knight in Cornwall have ado with Sir Marhaus of +Ireland. + + + +CHAPTER V. How Tristram enterprized the battle to fight for the truage +of Cornwall, and how he was made knight. + +Therewithal Tristram went unto his father, King Meliodas, and asked him +counsel what was best to do for to recover Cornwall from truage. For, +as meseemeth, said Sir Tristram, it were shame that Sir Marhaus, the +queen's brother of Ireland, should go away unless that he were foughten +withal. As for that, said King Meliodas, wit you well, son Tristram, +that Sir Marhaus is called one of the best knights of the world, and +Knight of the Table Round; and therefore I know no knight in this +country that is able to match with him. Alas, said Sir Tristram, that I +am not made knight; and if Sir Marhaus should thus depart into Ireland, +God let me never have worship: an I were made knight I should match +him. And sir, said Tristram, I pray you give me leave to ride to King +Mark; and, so ye be not displeased, of King Mark will I be made knight. +I will well, said King Meliodas, that ye be ruled as your courage will +rule you. Then Sir Tristram thanked his father much. And then he made +him ready to ride into Cornwall. + +In the meanwhile there came a messenger with letters of love from King +Faramon of France's daughter unto Sir Tristram, that were full piteous +letters, and in them were written many complaints of love; but Sir +Tristram had no joy of her letters nor regard unto her. Also she sent +him a little brachet that was passing fair. But when the king's +daughter understood that Sir Tristram would not love her, as the book +saith, she died for sorrow. And then the same squire that brought the +letter and the brachet came again unto Sir Tristram, as after ye shall +hear in the tale. + +So this young Sir Tristram rode unto his eme, King Mark of Cornwall. +And when he came there he heard say that there would no knight fight +with Sir Marhaus. Then yede Sir Tristram unto his eme and said: Sir, if +ye will give me the order of knighthood, I will do battle with Sir +Marhaus. What are ye, said the king, and from whence be ye come? Sir, +said Tristram, I come from King Meliodas that wedded your sister, and a +gentleman wit ye well I am. King Mark beheld Sir Tristram and saw that +he was but a young man of age, but he was passingly well made and big. +Fair sir, said the king, what is your name, and where were ye born? +Sir, said he again, my name is Tristram, and in the country of Liones +was I born. Ye say well, said the king; and if ye will do this battle I +shall make you knight. Therefore I come to you, said Sir Tristram, and +for none other cause. But then King Mark made him knight. And +therewithal, anon as he had made him knight, he sent a messenger unto +Sir Marhaus with letters that said that he had found a young knight +ready for to take the battle to the uttermost. It may well be, said Sir +Marhaus; but tell King Mark I will not fight with no knight but he be +of blood royal, that is to say, other king's son, other queen's son, +born of a prince or princess. + +When King Mark understood that, he sent for Sir Tristram de Liones and +told him what was the answer of Sir Marhaus. Then said Sir Tristram: +Sithen that he saith so, let him wit that I am come of father side and +mother side of as noble blood as he is: for, sir, now shall ye know +that I am King Meliodas' son, born of your own sister, Dame Elizabeth, +that died in the forest in the birth of me. O Jesu, said King Mark, ye +are welcome fair nephew to me. Then in all the haste the king let horse +Sir Tristram, and armed him in the best manner that might be had or +gotten for gold or silver. And then King Mark sent unto Sir Marhaus, +and did him to wit that a better born man than he was himself should +fight with him, and his name is Sir Tristram de Liones, gotten of King +Meliodas, and born of King Mark's sister. Then was Sir Marhaus glad and +blithe that he should fight with such a gentleman. And so by the assent +of King Mark and of Sir Marhaus they let ordain that they should fight +within an island nigh Sir Marhaus' ships; and so was Sir Tristram put +into a vessel both his horse and he, and all that to him longed both +for his body and for his horse. Sir Tristram lacked nothing. And when +King Mark and his barons of Cornwall beheld how young Sir Tristram +departed with such a carriage to fight for the right of Cornwall, there +was neither man nor woman of worship but they wept to see and +understand so young a knight to jeopardy himself for their right. + + + +CHAPTER VI. How Sir Tristram arrived into the Island for to furnish the +battle with Sir Marhaus. + +So to shorten this tale, when Sir Tristram was arrived within the +island he looked to the farther side, and there he saw at an anchor six +ships nigh to the land; and under the shadow of the ships upon the +land, there hoved the noble knight, Sir Marhaus of Ireland. Then Sir +Tristram commanded his servant Gouvernail to bring his horse to the +land, and dress his harness at all manner of rights. And then when he +had so done he mounted upon his horse; and when he was in his saddle +well apparelled, and his shield dressed upon his shoulder, Tristram +asked Gouvernail, Where is this knight that I shall have ado withal? +Sir, said Gouvernail, see ye him not? I weened ye had seen him; yonder +he hoveth under the umbre of his ships on horseback, with his spear in +his hand and his shield upon his shoulder. That is truth, said the +noble knight, Sir Tristram, now I see him well enough. + +Then he commanded his servant Gouvernail to go to his vessel again: And +commend me unto mine eme King Mark, and pray him, if that I be slain in +this battle, for to inter my body as him seemed best; and as for me, +let him wit that I will never yield me for cowardice; and if I be slain +and flee not, then they have lost no truage for me; and if so be that I +flee or yield me as recreant, bid mine eme never bury me in Christian +burials. And upon thy life, said Sir Tristram to Gouvernail, come thou +not nigh this island till that thou see me overcome or slain, or else +that I win yonder knight. So either departed from other sore weeping. + + + +CHAPTER VII. How Sir Tristram fought against Sir Marhaus and achieved +his battle, and how Sir Marhaus fled to his ship. + +And then Sir Marhaus avised Sir Tristram, and said thus: Young knight, +Sir Tristram, what dost thou here? me sore repenteth of thy courage, +for wit thou well I have been assayed, and the best knights of this +land have been assayed of my hand; and also I have matched with the +best knights of the world, and therefore by my counsel return again +unto thy vessel. And fair knight, and well-proved knight, said Sir +Tristram, thou shalt well wit I may not forsake thee in this quarrel, +for I am for thy sake made knight. And thou shalt well wit that I am a +king's son born, and gotten upon a queen; and such promise I have made +at my uncle's request and mine own seeking, that I shall fight with +thee unto the uttermost, and deliver Cornwall from the old truage. And +also wit thou well, Sir Marhaus, that this is the greatest cause that +thou couragest me to have ado with thee, for thou art called one of the +most renowned knights of the world, and because of that noise and fame +that thou hast thou givest me courage to have ado with thee, for never +yet was I proved with good knight; and sithen I took the order of +knighthood this day, I am well pleased that I may have ado with so good +a knight as thou art. And now wit thou well, Sir Marhaus, that I cast +me to get worship on thy body; and if that I be not proved, I trust to +God that I shall be worshipfully proved upon thy body, and to deliver +the country of Cornwall for ever from all manner of truage from Ireland +for ever. + +When Sir Marhaus had heard him say what he would, he said then thus +again: Fair knight, sithen it is so that thou castest to win worship of +me, I let thee wit worship may thou none lose by me if thou mayest +stand me three strokes; for I let thee wit for my noble deeds, proved +and seen, King Arthur made me Knight of the Table Round. + +Then they began to feutre their spears, and they met so fiercely +together that they smote either other down, both horse and all. But Sir +Marhaus smote Sir Tristram a great wound in the side with his spear, +and then they avoided their horses, and pulled out their swords, and +threw their shields afore them. And then they lashed together as men +that were wild and courageous. And when they had stricken so together +long, then they left their strokes, and foined at their breaths and +visors; and when they saw that that might not prevail them, then they +hurtled together like rams to bear either other down. Thus they fought +still more than half a day, and either were wounded passing sore, that +the blood ran down freshly from them upon the ground. By then Sir +Tristram waxed more fresher than Sir Marhaus, and better winded and +bigger; and with a mighty stroke he smote Sir Marhaus upon the helm +such a buffet that it went through his helm, and through the coif of +steel, and through the brain-pan, and the sword stuck so fast in the +helm and in his brain-pan that Sir Tristram pulled thrice at his sword +or ever he might pull it out from his head; and there Marhaus fell down +on his knees, the edge of Tristram's sword left in his brain-pan. And +suddenly Sir Marhaus rose grovelling, and threw his sword and his +shield from him, and so ran to his ships and fled his way, and Sir +Tristram had ever his shield and his sword. + +And when Sir Tristram saw Sir Marhaus withdraw him, he said: Ah! Sir +Knight of the Round Table, why withdrawest thou thee? thou dost thyself +and thy kin great shame, for I am but a young knight, or now I was +never proved, and rather than I should withdraw me from thee, I had +rather be hewn in an hundred pieces. Sir Marhaus answered no word but +yede his way sore groaning. Well, Sir Knight, said Sir Tristram, I +promise thee thy sword and thy shield shall be mine; and thy shield +shall I wear in all places where I ride on mine adventures, and in the +sight of King Arthur and all the Round Table. + + + +CHAPTER VIII. How Sir Marhaus after that he was arrived in Ireland died +of the stroke that Sir Tristram had given him, and how Tristram was +hurt. + +Anon Sir Marhaus and his fellowship departed into Ireland. And as soon +as he came to the king, his brother, he let search his wounds. And when +his head was searched a piece of Sir Tristram's sword was found +therein, and might never be had out of his head for no surgeons, and so +he died of Sir Tristram's sword; and that piece of the sword the queen, +his sister, kept it for ever with her, for she thought to be revenged +an she might. + +Now turn we again unto Sir Tristram, that was sore wounded, and full +sore bled that he might not within a little while, when he had taken +cold, unnethe stir him of his limbs. And then he set him down softly +upon a little hill, and bled fast. Then anon came Gouvernail, his man, +with his vessel; and the king and his barons came with procession +against him. And when he was come unto the land, King Mark took him in +his arms, and the king and Sir Dinas, the seneschal, led Sir Tristram +into the castle of Tintagil. And then was he searched in the best +manner, and laid in his bed. And when King Mark saw his wounds he wept +heartily, and so did all his lords. So God me help, said King Mark, I +would not for all my lands that my nephew died. So Sir Tristram lay +there a month and more, and ever he was like to die of that stroke that +Sir Marhaus smote him first with the spear. For, as the French book +saith, the spear's head was envenomed, that Sir Tristram might not be +whole. Then was King Mark and all his barons passing heavy, for they +deemed none other but that Sir Tristram should not recover. Then the +king let send after all manner of leeches and surgeons, both unto men +and women, and there was none that would behote him the life. Then came +there a lady that was a right wise lady, and she said plainly unto King +Mark, and to Sir Tristram, and to all his barons, that he should never +be whole but if Sir Tristram went in the same country that the venom +came from, and in that country should he be holpen or else never. Thus +said the lady unto the king. + +When King Mark understood that, he let purvey for Sir Tristram a fair +vessel, well victualled, and therein was put Sir Tristram, and +Gouvernail with him, and Sir Tristram took his harp with him, and so he +was put into the sea to sail into Ireland; and so by good fortune he +arrived up in Ireland, even fast by a castle where the king and the +queen was; and at his arrival he sat and harped in his bed a merry lay, +such one heard they never none in Ireland before that time. + +And when it was told the king and the queen of such a knight that was +such an harper, anon the king sent for him, and let search his wounds, +and then asked him his name. Then he answered, I am of the country of +Liones, and my name is Tramtrist, that thus was wounded in a battle as +I fought for a lady's right. So God me help, said King Anguish, ye +shall have all the help in this land that ye may have here; but I let +you wit, in Cornwall I had a great loss as ever had king, for there I +lost the best knight of the world; his name was Marhaus, a full noble +knight, and Knight of the Table Round; and there he told Sir Tristram +wherefore Sir Marhaus was slain. Sir Tristram made semblant as he had +been sorry, and better knew he how it was than the king. + + + +CHAPTER IX. How Sir Tristram was put to the keeping of La Beale Isoud +first for to be healed of his wound. + +Then the king for great favour made Tramtrist to be put in his +daughter's ward and keeping, because she was a noble surgeon. And when +she had searched him she found in the bottom of his wound that therein +was poison, and so she healed him within a while; and therefore +Tramtrist cast great love to La Beale Isoud, for she was at that time +the fairest maid and lady of the world. And there Tramtrist learned her +to harp, and she began to have a great fantasy unto him. And at that +time Sir Palamides, the Saracen, was in that country, and well +cherished with the king and the queen. And every day Sir Palamides drew +unto La Beale Isoud and proffered her many gifts, for he loved her +passingly well. All that espied Tramtrist, and full well knew he Sir +Palamides for a noble knight and a mighty man. And wit you well Sir +Tramtrist had great despite at Sir Palamides, for La Beale Isoud told +Tramtrist that Palamides was in will to be christened for her sake. +Thus was there great envy betwixt Tramtrist and Sir Palamides. + +Then it befell that King Anguish let cry a great jousts and a great +tournament for a lady that was called the Lady of the Launds, and she +was nigh cousin unto the king. And what man won her, three days after +he should wed her and have all her lands. This cry was made in England, +Wales, Scotland, and also in France and in Brittany. It befell upon a +day La Beale Isoud came unto Sir Tramtrist, and told him of this +tournament. He answered and said: Fair lady, I am but a feeble knight, +and but late I had been dead had not your good ladyship been. Now, fair +lady, what would ye I should do in this matter? well ye wot, my lady, +that I may not joust. Ah, Tramtrist, said La Beale Isoud, why will ye +not have ado at that tournament? well I wot Sir Palamides shall be +there, and to do what he may; and therefore Tramtrist, I pray you for +to be there, for else Sir Palamides is like to win the degree. Madam, +said Tramtrist, as for that, it may be so, for he is a proved knight, +and I am but a young knight and late made; and the first battle that I +did it mishapped me to be sore wounded as ye see. But an I wist ye +would be my better lady, at that tournament I will be, so that ye will +keep my counsel and let no creature have knowledge that I shall joust +but yourself, and such as ye will to keep your counsel, my poor person +shall I jeopard there for your sake, that, peradventure, Sir Palamides +shall know when that I come. Thereto, said La Beale Isoud, do your +best, and as I can, said La Beale Isoud, I shall purvey horse and +armour for you at my device. As ye will so be it, said Sir Tramtrist, I +will be at your commandment. + +So at the day of jousts there came Sir Palamides with a black shield, +and he overthrew many knights, that all the people had marvel of him. +For he put to the worse Sir Gawaine, Gaheris, Agravaine, Bagdemagus, +Kay, Dodinas le Savage, Sagramore le Desirous, Gumret le Petit, and +Griflet le Fise de Dieu. All these the first day Sir Palamides struck +down to the earth. And then all manner of knights were adread of Sir +Palamides, and many called him the Knight with the Black Shield. So +that day Sir Palamides had great worship. + +Then came King Anguish unto Tramtrist, and asked him why he would not +joust. Sir, he said, I was but late hurt, and as yet I dare not +adventure me. Then came there the same squire that was sent from the +king's daughter of France unto Sir Tristram. And when he had espied Sir +Tristram he fell flat to his feet. All that espied La Beale Isoud, what +courtesy the squire made unto Sir Tristram. And therewithal suddenly +Sir Tristram ran unto his squire, whose name was Hebes le Renoumes, and +prayed him heartily in no wise to tell his name. Sir, said Hebes, I +will not discover your name but if ye command me. + + + +CHAPTER X. How Sir Tristram won the degree at a tournament in Ireland, +and there made Palamides to bear no more harness in a year. + +Then Sir Tristram asked him what he did in those countries. Sir, he +said, I came hither with Sir Gawaine for to be made knight, and if it +please you, of your hands that I may be made knight. Await upon me as +to-morn secretly, and in the field I shall make you a knight. + +Then had La Beale Isoud great suspicion unto Tramtrist, that he was +some man of worship proved, and therewith she comforted herself, and +cast more love unto him than she had done to-fore. And so on the morn +Sir Palamides made him ready to come into the field as he did the first +day. And there he smote down the King with the Hundred Knights, and the +King of Scots. Then had La Beale Isoud ordained and well arrayed Sir +Tristram in white horse and harness. And right so she let put him out +at a privy postern, and so he came into the field as it had been a +bright angel. And anon Sir Palamides espied him, and therewith he +feutred a spear unto Sir Tramtrist, and he again unto him. And there +Sir Tristram smote down Sir Palamides unto the earth. And then there +was a great noise of people: some said Sir Palamides had a fall, some +said the Knight with the Black Shield had a fall. And wit you well La +Beale Isoud was passing glad. And then Sir Gawaine and his fellows nine +had marvel what knight it might be that had smitten down Sir Palamides. +Then would there none joust with Tramtrist, but all that there were +forsook him, most and least. Then Sir Tristram made Hebes a knight, and +caused him to put himself forth, and did right well that day. So after +Sir Hebes held him with Sir Tristram. + +And when Sir Palamides had received this fall, wit ye well that he was +sore ashamed, and as privily as he might he withdrew him out of the +field. All that espied Sir Tristram, and lightly he rode after Sir +Palamides and overtook him, and bade him turn, for better he would +assay him or ever he departed. Then Sir Palamides turned him, and +either lashed at other with their swords. But at the first stroke Sir +Tristram smote down Palamides, and gave him such a stroke upon the head +that he fell to the earth. So then Tristram bade yield him, and do his +commandment, or else he would slay him. When Sir Palamides beheld his +countenance, he dread his buffets so, that he granted all his askings. +Well said, said Sir Tristram, this shall be your charge. First, upon +pain of your life that ye forsake my lady La Beale Isoud, and in no +manner wise that ye draw not to her. Also this twelvemonth and a day +that ye bear none armour nor none harness of war. Now promise me this, +or here shalt thou die. Alas, said Palamides, for ever am I ashamed. +Then he sware as Sir Tristram had commanded him. Then for despite and +anger Sir Palamides cut off his harness, and threw them away. + +And so Sir Tristram turned again to the castle where was La Beale +Isoud; and by the way he met with a damosel that asked after Sir +Launcelot, that won the Dolorous Guard worshipfully; and this damosel +asked Sir Tristram what he was. For it was told her that it was he that +smote down Sir Palamides, by whom the ten knights of King Arthur's were +smitten down. Then the damosel prayed Sir Tristram to tell her what he +was, and whether that he were Sir Launcelot du Lake, for she deemed +that there was no knight in the world might do such deeds of arms but +if it were Launcelot. Fair damosel, said Sir Tristram, wit ye well that +I am not Sir Launcelot, for I was never of such prowess, but in God is +all that he may make me as good a knight as the good knight Sir +Launcelot. Now, gentle knight, said she, put up thy visor; and when she +beheld his visage she thought she saw never a better man's visage, nor +a better faring knight. And then when the damosel knew certainly that +he was not Sir Launcelot, then she took her leave, and departed from +him. And then Sir Tristram rode privily unto the postern, where kept +him La Beale Isoud, and there she made him good cheer, and thanked God +of his good speed. So anon, within a while the king and the queen +understood that it was Tramtrist that smote down Sir Palamides; then +was he much made of, more than he was before. + + + +CHAPTER XI. How the queen espied that Sir Tristram had slain her +brother Sir Marhaus by his sword, and in what jeopardy he was. + +Thus was Sir Tramtrist long there well cherished with the king and the +queen, and namely with La Beale Isoud. So upon a day the queen and La +Beale Isoud made a bain for Sir Tramtrist. And when he was in his bain +the queen and Isoud, her daughter, roamed up and down in the chamber; +and therewhiles Gouvernail and Hebes attended upon Tramtrist, and the +queen beheld his sword thereas it lay upon his bed. And then by unhap +the queen drew out his sword and beheld it a long while, and both they +thought it a passing fair sword; but within a foot and an half of the +point there was a great piece thereof out-broken of the edge. And when +the queen espied that gap in the sword, she remembered her of a piece +of a sword that was found in the brain-pan of Sir Marhaus, the good +knight that was her brother. Alas then, said she unto her daughter, La +Beale Isoud, this is the same traitor knight that slew my brother, +thine eme. When Isoud heard her say so she was passing sore abashed, +for passing well she loved Tramtrist, and full well she knew the +cruelness of her mother the queen. + +Anon therewithal the queen went unto her own chamber, and sought her +coffer, and there she took out the piece or the sword that was pulled +out of Sir Marhaus' head after that he was dead. And then she ran with +that piece of iron to the sword that lay upon the bed. And when she put +that piece of steel and iron unto the sword, it was as meet as it might +be when it was new broken. And then the queen gripped that sword in her +hand fiercely, and with all her might she ran straight upon Tramtrist +where he sat in his bain, and there she had rived him through had not +Sir Hebes gotten her in his arms, and pulled the sword from her, and +else she had thrust him through. + +Then when she was let of her evil will she ran to the King Anguish, her +husband, and said on her knees: O my lord, here have ye in your house +that traitor knight that slew my brother and your servant, that noble +knight, Sir Marhaus. Who is that, said King Anguish, and where is he? +Sir, she said, it is Sir Tramtrist, the same knight that my daughter +healed. Alas, said the king, therefore am I right heavy, for he is a +full noble knight as ever I saw in field. But I charge you, said the +king to the queen, that ye have not ado with that knight, but let me +deal with him. + +Then the king went into the chamber unto Sir Tramtrist, and then was he +gone unto his chamber, and the king found him all ready armed to mount +upon his horse. When the king saw him all ready armed to go unto +horseback, the king said: Nay, Tramtrist, it will not avail to compare +thee against me; but thus much I shall do for my worship and for thy +love; in so much as thou art within my court it were no worship for me +to slay thee: therefore upon this condition I will give thee leave for +to depart from this court in safety, so thou wilt tell me who was thy +father, and what is thy name, and if thou slew Sir Marhaus, my brother. + + + +CHAPTER XII. How Sir Tristram departed from the king and La Beale Isoud +out of Ireland for to come into Cornwall. + +Sir, said Tristram, now I shall tell you all the truth: my father's +name is Sir Meliodas, King of Liones, and my mother hight Elizabeth, +that was sister unto King Mark of Cornwall; and my mother died of me in +the forest, and because thereof she commanded, or she died, that when I +were christened they should christen me Tristram; and because I would +not be known in this country I turned my name and let me call +Tramtrist; and for the truage of Cornwall I fought for my eme's sake, +and for the right of Cornwall that ye had posseded many years. And wit +ye well, said Tristram unto the king, I did the battle for the love of +mine uncle, King Mark, and for the love of the country of Cornwall, and +for to increase mine honour; for that same day that I fought with Sir +Marhaus I was made knight, and never or then did I battle with no +knight, and from me he went alive, and left his shield and his sword +behind. + +So God me help, said the king, I may not say but ye did as a knight +should, and it was your part to do for your quarrel, and to increase +your worship as a knight should; howbeit I may not maintain you in this +country with my worship, unless that I should displease my barons, and +my wife and her kin. Sir, said Tristram, I thank you of your good +lordship that I have had with you here, and the great goodness my lady, +your daughter, hath shewed me, and therefore, said Sir Tristram, it may +so happen that ye shall win more by my life than by my death, for in +the parts of England it may happen I may do you service at some season, +that ye shall be glad that ever ye shewed me your good lordship. With +more I promise you as I am true knight, that in all places I shall be +my lady your daughter's servant and knight in right and in wrong, and I +shall never fail her, to do as much as a knight may do. Also I beseech +your good grace that I may take my leave at my lady, your daughter, and +at all the barons and knights. I will well, said the king. + +Then Sir Tristram went unto La Beale Isoud and took his leave of her. +And then he told her all, what he was, and how he had changed his name +because he would not be known, and how a lady told him that he should +never be whole till he came into this country where the poison was +made, wherethrough I was near my death had not your ladyship been. O +gentle knight, said La Beale Isoud, full woe am I of thy departing, for +I saw never man that I owed so good will to. And therewithal she wept +heartily. Madam, said Sir Tristram, ye shall understand that my name is +Sir Tristram de Liones, gotten of King Meliodas, and born of his queen. +And I promise you faithfully that I shall be all the days of my life +your knight. Gramercy, said La Beale Isoud, and I promise you +there-against that I shall not be married this seven years but by your +assent; and to whom that ye will I shall be married to him will I have, +and he will have me if ye will consent. + +And then Sir Tristram gave her a ring, and she gave him another; and +therewith he departed from her, leaving her making great dole and +lamentation; and he straight went unto the court among all the barons, +and there he took his leave at most and least, and openly he said among +them all: Fair lords, now it is so that I must depart: if there be any +man here that I have offended unto, or that any man be with me grieved, +let complain him here afore me or that ever I depart, and I shall amend +it unto my power. And if there be any that will proffer me wrong, or +say of me wrong or shame behind my back, say it now or never, and here +is my body to make it good, body against body. And all they stood +still, there was not one that would say one word; yet were there some +knights that were of the queen's blood, and of Sir Marhaus' blood, but +they would not meddle with him. + + + +CHAPTER XIII. How Sir Tristram and King Mark hurted each other for the +love of a knight's wife. + +So Sir Tristram departed, and took the sea, and with good wind he +arrived up at Tintagil in Cornwall; and when King Mark was whole in his +prosperity there came tidings that Sir Tristram was arrived, and whole +of his wounds: thereof was King Mark passing glad, and so were all the +barons; and when he saw his time he rode unto his father, King +Meliodas, and there he had all the cheer that the king and the queen +could make him. And then largely King Meliodas and his queen departed +of their lands and goods to Sir Tristram. + +Then by the license of King Meliodas, his father, he returned again +unto the court of King Mark, and there he lived in great joy long time, +until at the last there befell a jealousy and an unkindness betwixt +King Mark and Sir Tristram, for they loved both one lady. And she was +an earl's wife that hight Sir Segwarides. And this lady loved Sir +Tristram passingly well. And he loved her again, for she was a passing +fair lady, and that espied Sir Tristram well. Then King Mark understood +that and was jealous, for King Mark loved her passingly well. + +So it fell upon a day this lady sent a dwarf unto Sir Tristram, and +bade him, as he loved her, that he would be with her the night next +following. Also she charged you that ye come not to her but if ye be +well armed, for her lover was called a good knight. Sir Tristram +answered to the dwarf: Recommend me unto my lady, and tell her I will +not fail but I will be with her the term that she hath set me. And with +this answer the dwarf departed. And King Mark espied that the dwarf was +with Sir Tristram upon message from Segwarides' wife; then King Mark +sent for the dwarf, and when he was come he made the dwarf by force to +tell him all, why and wherefore that he came on message from Sir +Tristram. Now, said King Mark, go where thou wilt, and upon pain of +death that thou say no word that thou spakest with me; so the dwarf +departed from the king. + +And that same night that the steven was set betwixt Segwarides' wife +and Sir Tristram, King Mark armed him, and made him ready, and took two +knights of his counsel with him; and so he rode afore for to abide by +the way for to wait upon Sir Tristram. And as Sir Tristram came riding +upon his way with his spear in his hand, King Mark came hurtling upon +him with his two knights suddenly. And all three smote him with their +spears, and King Mark hurt Sir Tristram on the breast right sore. And +then Sir Tristram feutred his spear, and smote his uncle, King Mark, so +sore, that he rashed him to the earth, and bruised him that he lay +still in a swoon, and long it was or ever he might wield himself. And +then he ran to the one knight, and eft to the other, and smote them to +the cold earth, that they lay still. And therewithal Sir Tristram rode +forth sore wounded to the lady, and found her abiding him at a postern. + + + +CHAPTER XIV. How Sir Tristram lay with the lady, and how her husband +fought with Sir Tristram. + +And there she welcomed him fair, and either halsed other in arms, and +so she let put up his horse in the best wise, and then she unarmed him. +And so they supped lightly, and went to bed with great joy and +pleasaunce; and so in his raging he took no keep of his green wound +that King Mark had given him. And so Sir Tristram be-bled both the over +sheet and the nether, and pillows, and head sheet. And within a while +there came one afore, that warned her that her lord was near-hand +within a bow-draught. So she made Sir Tristram to arise, and so he +armed him, and took his horse, and so departed. By then was come +Segwarides, her lord, and when he found her bed troubled and broken, +and went near and beheld it by candle light, then he saw that there had +lain a wounded knight. Ah, false traitress, then he said, why hast thou +betrayed me? And therewithal he swang out a sword, and said: But if +thou tell me who hath been here, here thou shalt die. Ah, my lord, +mercy, said the lady, and held up her hands, saying: Slay me not, and I +shall tell you all who hath been here. Tell anon, said Segwarides, to +me all the truth. Anon for dread she said: Here was Sir Tristram with +me, and by the way as he came to me ward, he was sore wounded. Ah, +false traitress, said Segwarides, where is he become? Sir, she said, he +is armed, and departed on horseback, not yet hence half a mile. Ye say +well, said Segwarides. + +Then he armed him lightly, and gat his horse, and rode after Sir +Tristram that rode straightway unto Tintagil. And within a while he +overtook Sir Tristram, and then he bade him, Turn, false traitor +knight. And Sir Tristram anon turned him against him. And therewithal +Segwarides smote Sir Tristram with a spear that it all to-brast; and +then he swang out his sword and smote fast at Sir Tristram. Sir knight, +said Sir Tristram, I counsel you that ye smite no more, howbeit for the +wrongs that I have done you I will forbear you as long as I may. Nay, +said Segwarides, that shall not be, for either thou shalt die or I. + +Then Sir Tristram drew out his sword, and hurtled his horse unto him +fiercely, and through the waist of the body he smote Sir Segwarides +that he fell to the earth in a swoon. And so Sir Tristram departed and +left him there. And so he rode unto Tintagil and took his lodging +secretly, for he would not be known that he was hurt. Also Sir +Segwarides' men rode after their master, whom they found lying in the +field sore wounded, and brought him home on his shield, and there he +lay long or that he were whole, but at the last he recovered. Also King +Mark would not be aknown of that Sir Tristram and he had met that +night. And as for Sir Tristram, he knew not that King Mark had met with +him. And so the king askance came to Sir Tristram, to comfort him as he +lay sick in his bed. But as long as King Mark lived he loved never Sir +Tristram after that; though there was fair speech, love was there none. +And thus it passed many weeks and days, and all was forgiven and +forgotten; for Sir Segwarides durst not have ado with Sir Tristram, +because of his noble prowess, and also because he was nephew unto King +Mark; therefore he let it overslip: for he that hath a privy hurt is +loath to have a shame outward. + + + +CHAPTER XV. How Sir Bleoberis demanded the fairest lady in King Mark's +court, whom he took away, and how he was fought with. + +Then it befell upon a day that the good knight Bleoberis de Ganis, +brother to Blamore de Ganis, and nigh cousin unto the good knight Sir +Launcelot du Lake, this Bleoberis came unto the court of King Mark, and +there he asked of King Mark a boon, to give him what gift that he would +ask in his court. When the king heard him ask so, he marvelled of his +asking, but because he was a knight of the Round Table, and of a great +renown, King Mark granted him his whole asking. Then, said Sir +Bleoberis, I will have the fairest lady in your court that me list to +choose. I may not say nay, said King Mark; now choose at your +adventure. And so Sir Bleoberis did choose Sir Segwarides' wife, and +took her by the hand, and so went his way with her; and so he took his +horse and gart set her behind his squire, and rode upon his way. + +When Sir Segwarides heard tell that his lady was gone with a knight of +King Arthur's court, then he armed him and rode after that knight for +to rescue his lady. So when Bleoberis was gone with this lady, King +Mark and all the court was wroth that she was away. Then were there +certain ladies that knew that there were great love between Sir +Tristram and her, and also that lady loved Sir Tristram above all other +knights. Then there was one lady that rebuked Sir Tristram in the +horriblest wise, and called him coward knight, that he would for shame +of his knighthood see a lady so shamefully be taken away from his +uncle's court. But she meant that either of them had loved other with +entire heart. But Sir Tristram answered her thus: Fair lady, it is not +my part to have ado in such matters while her lord and husband is +present here; and if it had been that her lord had not been here in +this court, then for the worship of this court peradventure I would +have been her champion, and if so be Sir Segwarides speed not well, it +may happen that I will speak with that good knight or ever he pass from +this country. + +Then within a while came one of Sir Segwarides' squires, and told in +the court that Sir Segwarides was beaten sore and wounded to the point +of death; as he would have rescued his lady Sir Bleoberis overthrew him +and sore hath wounded him. Then was King Mark heavy thereof, and all +the court. When Sir Tristram heard of this he was ashamed and sore +grieved; and then was he soon armed and on horseback, and Gouvernail, +his servant, bare his shield and spear. And so as Sir Tristram rode +fast he met with Sir Andred his cousin, that by the commandment of King +Mark was sent to bring forth, an ever it lay in his power, two knights +of Arthur's court, that rode by the country to seek their adventures. +When Sir Tristram saw Sir Andred he asked him what tidings. So God me +help, said Sir Andred, there was never worse with me, for here by the +commandment of King Mark I was sent to fetch two knights of King +Arthur's court, and that one beat me and wounded me, and set nought by +my message. Fair cousin, said Sir Tristram, ride on your way, and if I +may meet them it may happen I shall revenge you. So Sir Andred rode +into Cornwall, and Sir Tristram rode after the two knights, the which +one hight Sagramore le Desirous, and the other hight Dodinas le Savage. + + + +CHAPTER XVI. How Sir Tristram fought with two knights of the Round +Table. + +Then within a while Sir Tristram saw them afore him, two likely +knights. Sir, said Gouvernail unto his master, Sir, I would counsel you +not to have ado with them, for they be two proved knights of Arthur's +court. As for that, said Sir Tristram, have ye no doubt but I will have +ado with them to increase my worship, for it is many day sithen I did +any deeds of arms. Do as ye list, said Gouvernail. And therewithal anon +Sir Tristram asked them from whence they came, and whither they would, +and what they did in those marches. Sir Sagramore looked upon Sir +Tristram, and had scorn of his words, and asked him again, Fair knight, +be ye a knight of Cornwall? Whereby ask ye it? said Sir Tristram. For +it is seldom seen, said Sir Sagramore, that ye Cornish knights be +valiant men of arms; for within these two hours there met us one of +your Cornish knights, and great words he spake, and anon with little +might he was laid to the earth. And, as I trow, said Sir Sagramore, ye +shall have the same handsel that he had. Fair lords, said Sir Tristram, +it may so happen that I may better withstand than he did, and whether +ye will or nill I will have ado with you, because he was my cousin that +ye beat. And therefore here do your best, and wit ye well but if ye +quit you the better here upon this ground, one knight of Cornwall shall +beat you both. + +When Sir Dodinas le Savage heard him say so he gat a spear in his hand, +and said, Sir knight, keep well thyself: And then they departed and +came together as it had been thunder. And Sir Dodinas' spear brast +in-sunder, but Sir Tristram smote him with a more might, that he smote +him clean over the horse-croup, that nigh he had broken his neck. When +Sir Sagramore saw his fellow have such a fall he marvelled what knight +he might be. And he dressed his spear with all his might, and Sir +Tristram against him, and they came together as the thunder, and there +Sir Tristram smote Sir Sagramore a strong buffet, that he bare his +horse and him to the earth, and in the falling he brake his thigh. + +When this was done Sir Tristram asked them: Fair knights, will ye any +more? Be there no bigger knights in the court of King Arthur? it is to +you shame to say of us knights of Cornwall dishonour, for it may happen +a Cornish knight may match you. That is truth, said Sir Sagramore, that +have we well proved; but I require thee, said Sir Sagramore, tell us +your right name, by the faith and troth that ye owe to the high order +of knighthood. Ye charge me with a great thing, said Sir Tristram, and +sithen ye list to wit it, ye shall know and understand that my name is +Sir Tristram de Liones, King Meliodas' son, and nephew unto King Mark. +Then were they two knights fain that they had met with Tristram, and so +they prayed him to abide in their fellowship. Nay, said Sir Tristram, +for I must have ado with one of your fellows, his name is Sir Bleoberis +de Ganis. God speed you well, said Sir Sagramore and Dodinas. Sir +Tristram departed and rode onward on his way. And then was he ware +before him in a valley where rode Sir Bleoberis, with Sir Segwarides' +lady, that rode behind his squire upon a palfrey. + + + +CHAPTER XVII. How Sir Tristram fought with Sir Bleoberis for a lady, +and how the lady was put to choice to whom she would go. + +Then Sir Tristram rode more than a pace until that he had overtaken +him. Then spake Sir Tristram: Abide, he said, Knight of Arthur's court, +bring again that lady, or deliver her to me. I will do neither, said +Bleoberis, for I dread no Cornish knight so sore that me list to +deliver her. Why, said Sir Tristram, may not a Cornish knight do as +well as another knight? this same day two knights of your court within +this three mile met with me, and or ever we departed they found a +Cornish knight good enough for them both. What were their names? said +Bleoberis. They told me, said Sir Tristram, that the one of them hight +Sir Sagramore le Desirous, and the other hight Dodinas le Savage. Ah, +said Sir Bleoberis, have ye met with them? so God me help, they were +two good knights and men of great worship, and if ye have beat them +both ye must needs be a good knight; but if it so be ye have beat them +both, yet shall ye not fear me, but ye shall beat me or ever ye have +this lady. Then defend you, said Sir Tristram. So they departed and +came together like thunder, and either bare other down, horse and all, +to the earth. + +Then they avoided their horses, and lashed together eagerly with +swords, and mightily, now tracing and traversing on the right hand and +on the left hand more than two hours. And sometime they rushed together +with such a might that they lay both grovelling on the ground. Then Sir +Bleoberis de Ganis stert aback, and said thus: Now, gentle good knight, +a while hold your hands, and let us speak together. Say what ye will, +said Tristram, and I will answer you. Sir, said Bleoberis, I would wit +of whence ye be, and of whom ye be come, and what is your name? So God +me help, said Sir Tristram, I fear not to tell you my name. Wit ye well +I am King Meliodas' son, and my mother is King Mark's sister, and my +name is Sir Tristram de Liones, and King Mark is mine uncle. Truly, +said Bleoberis, I am right glad of you, for ye are he that slew Marhaus +the knight, hand for hand in an island, for the truage of Cornwall; +also ye overcame Sir Palamides the good knight, at a tournament in an +island, where ye beat Sir Gawaine and his nine fellows. So God me help, +said Sir Tristram, wit ye well that I am the same knight; now I have +told you my name, tell me yours with good will. Wit ye well that my +name is Sir Bleoberis de Ganis, and my brother hight Sir Blamore de +Ganis, that is called a good knight, and we be sister's children unto +my lord Sir Launcelot du Lake, that we call one of the best knights of +the world. That is truth, said Sir Tristram, Sir Launcelot is called +peerless of courtesy and of knighthood; and for his sake, said Sir +Tristram, I will not with my good will fight no more with you, for the +great love I have to Sir Launcelot du Lake. In good faith, said +Bleoberis, as for me I will be loath to fight with you; but sithen ye +follow me here to have this lady, I shall proffer you kindness, +courtesy, and gentleness right here upon this ground. This lady shall +be betwixt us both, and to whom that she will go, let him have her in +peace. I will well, said Tristram, for, as I deem, she will leave you +and come to me. Ye shall prove it anon, said Bleoberis. + + + +CHAPTER XVIII. How the lady forsook Sir Tristram and abode with Sir +Bleoberis, and how she desired to go to her husband. + +So when she was set betwixt them both she said these words unto Sir +Tristram: Wit ye well, Sir Tristram de Liones, that but late thou wast +the man in the world that I most loved and trusted, and I weened thou +hadst loved me again above all ladies; but when thou sawest this knight +lead me away thou madest no cheer to rescue me, but suffered my lord +Segwarides ride after me; but until that time I weened thou haddest +loved me, and therefore now I will leave thee, and never love thee +more. And therewithal she went unto Sir Bleoberis. + +When Sir Tristram saw her do so he was wonderly wroth with that lady, +and ashamed to come to the court. Sir Tristram, said Sir Bleoberis, ye +are in the default, for I hear by this lady's words she before this day +trusted you above all earthly knights, and, as she saith, ye have +deceived her, therefore wit ye well, there may no man hold that will +away; and rather than ye should be heartily displeased with me I would +ye had her, an she would abide with you. Nay, said the lady, so God me +help I will never go with him; for he that I loved most I weened he had +loved me. And therefore, Sir Tristram, she said, ride as thou came, for +though thou haddest overcome this knight, as ye was likely, with thee +never would I have gone. And I shall pray this knight so fair of his +knighthood, that or ever he pass this country, that he will lead me to +the abbey where my lord Sir Segwarides lieth. So God me help, said +Bleoberis, I let you wit, good knight Sir Tristram, because King Mark +gave me the choice of a gift in this court, and so this lady liked me +best—notwithstanding, she is wedded and hath a lord, and I have +fulfilled my quest, she shall be sent unto her husband again, and in +especial most for your sake, Sir Tristram; and if she would go with you +I would ye had her. I thank you, said Sir Tristram, but for her love I +shall beware what manner a lady I shall love or trust; for had her +lord, Sir Segwarides, been away from the court, I should have been the +first that should have followed you; but sithen that ye have refused +me, as I am true knight I shall her know passingly well that I shall +love or trust. And so they took their leave one from the other and +departed. + +And so Sir Tristram rode unto Tintagil, and Sir Bleoberis rode unto the +abbey where Sir Segwarides lay sore wounded, and there he delivered his +lady, and departed as a noble knight; and when Sir Segwarides saw his +lady, he was greatly comforted; and then she told him that Sir Tristram +had done great battle with Sir Bleoberis, and caused him to bring her +again. These words pleased Sir Segwarides right well, that Sir Tristram +would do so much; and so that lady told all the battle unto King Mark +betwixt Sir Tristram and Sir Bleoberis. + + + +CHAPTER XIX. How King Mark sent Sir Tristram for La Beale Isoud toward +Ireland, and how by fortune he arrived into England. + +Then when this was done King Mark cast always in his heart how he might +destroy Sir Tristram. And then he imagined in himself to send Sir +Tristram into Ireland for La Beale Isoud. For Sir Tristram had so +praised her beauty and her goodness that King Mark said that he would +wed her, whereupon he prayed Sir Tristram to take his way into Ireland +for him on message. And all this was done to the intent to slay Sir +Tristram. Notwithstanding, Sir Tristram would not refuse the message +for no danger nor peril that might fall, for the pleasure of his uncle, +but to go he made him ready in the most goodliest wise that might be +devised. For Sir Tristram took with him the most goodliest knights that +he might find in the court; and they were arrayed, after the guise that +was then used, in the goodliest manner. So Sir Tristram departed and +took the sea with all his fellowship. And anon, as he was in the broad +sea a tempest took him and his fellowship, and drove them back into the +coast of England; and there they arrived fast by Camelot, and full fain +they were to take the land. + +And when they were landed Sir Tristram set up his pavilion upon the +land of Camelot, and there he let hang his shield upon the pavilion. +And that same day came two knights of King Arthur's, that one was Sir +Ector de Maris, and Sir Morganor. And they touched the shield, and bade +him come out of the pavilion for to joust, an he would joust. Ye shall +be answered, said Sir Tristram, an ye will tarry a little while. So he +made him ready, and first he smote down Sir Ector de Maris, and after +he smote down Sir Morganor, all with one spear, and sore bruised them. +And when they lay upon the earth they asked Sir Tristram what he was, +and of what country he was knight. Fair lords, said Sir Tristram, wit +ye well that I am of Cornwall. Alas, said Sir Ector, now am I ashamed +that ever any Cornish knight should overcome me. And then for despite +Sir Ector put off his armour from him, and went on foot, and would not +ride. + + + +CHAPTER XX. How King Anguish of Ireland was summoned to come to King +Arthur's court for treason. + +Then it fell that Sir Bleoberis and Sir Blamore de Ganis, that were +brethren, they had summoned the King Anguish of Ireland for to come to +Arthur's court upon pain of forfeiture of King Arthur's good grace. And +if the King of Ireland came not in, at the day assigned and set, the +king should lose his lands. So it happened that at the day assigned, +King Arthur neither Sir Launcelot might not be there for to give the +judgment, for King Arthur was with Sir Launcelot at the Castle Joyous +Garde. And so King Arthur assigned King Carados and the King of Scots +to be there that day as judges. So when the kings were at Camelot King +Anguish of Ireland was come to know his accusers. Then was there Sir +Blamore de Ganis, and appealed the King of Ireland of treason, that he +had slain a cousin of his in his court in Ireland by treason. The king +was sore abashed of his accusation, for-why he was come at the summons +of King Arthur, and or he came at Camelot he wist not wherefore he was +sent after. And when the king heard Sir Blamore say his will, he +understood well there was none other remedy but for to answer him +knightly; for the custom was such in those days, that an any man were +appealed of any treason or murder he should fight body for body, or +else to find another knight for him. And all manner of murders in those +days were called treason. + +So when King Anguish understood his accusing he was passing heavy, for +he knew Sir Blamore de Ganis that he was a noble knight, and of noble +knights come. Then the King of Ireland was simply purveyed of his +answer; therefore the judges gave him respite by the third day to give +his answer. So the king departed unto his lodging. The meanwhile there +came a lady by Sir Tristram's pavilion making great dole. What aileth +you, said Sir Tristram, that ye make such dole? Ah, fair knight, said +the lady, I am ashamed unless that some good knight help me; for a +great lady of worship sent by me a fair child and a rich, unto Sir +Launcelot du Lake, and hereby there met with me a knight, and threw me +down from my palfrey, and took away the child from me. Well, my lady, +said Sir Tristram, and for my lord Sir Launcelot's sake I shall get you +that child again, or else I shall be beaten for it. And so Sir Tristram +took his horse, and asked the lady which way the knight rode; and then +she told him. And he rode after him, and within a while he overtook +that knight. And then Sir Tristram bade him turn and give again the +child. + + + +CHAPTER XXI. How Sir Tristram rescued a child from a knight, and how +Gouvernail told him of King Anguish. + +The knight turned his horse and made him ready to fight. And then Sir +Tristram smote him with a sword such a buffet that he tumbled to the +earth. And then he yielded him unto Sir Tristram. Then come thy way, +said Sir Tristram, and bring the child to the lady again. So he took +his horse meekly and rode with Sir Tristram; and then by the way Sir +Tristram asked him his name. Then he said, My name is Breuse Saunce +Pité. So when he had delivered that child to the lady, he said: Sir, as +in this the child is well remedied. Then Sir Tristram let him go again +that sore repented him after, for he was a great foe unto many good +knights of King Arthur's court. + +Then when Sir Tristram was in his pavilion Gouvernail, his man, came +and told him how that King Anguish of Ireland was come thither, and he +was put in great distress; and there Gouvernail told Sir Tristram how +King Anguish was summoned and appealed of murder. So God me help, said +Sir Tristram, these be the best tidings that ever came to me this seven +years, for now shall the King of Ireland have need of my help; for I +daresay there is no knight in this country that is not of Arthur's +court dare do battle with Sir Blamore de Ganis; and for to win the love +of the King of Ireland I will take the battle upon me; and therefore +Gouvernail bring me, I charge thee, to the king. + +Then Gouvernail went unto King Anguish of Ireland, and saluted him +fair. The king welcomed him and asked him what he would. Sir, said +Gouvernail, here is a knight near hand that desireth to speak with you: +he bade me say he would do you service. What knight is he? said the +king. Sir, said he, it is Sir Tristram de Liones, that for your good +grace that ye showed him in your lands will reward you in this country. +Come on, fellow, said the king, with me anon and show me unto Sir +Tristram. So the king took a little hackney and but few fellowship with +him, until he came unto Sir Tristram's pavilion. And when Sir Tristram +saw the king he ran unto him and would have holden his stirrup. But the +king leapt from his horse lightly, and either halsed other in their +arms. My gracious lord, said Sir Tristram, gramercy of your great +goodnesses showed unto me in your marches and lands: and at that time I +promised you to do you service an ever it lay in my power. And, gentle +knight, said the king unto Sir Tristram, now have I great need of you, +never had I so great need of no knight's help. How so, my good lord? +said Sir Tristram. I shall tell you, said the king: I am summoned and +appealed from my country for the death of a knight that was kin unto +the good knight Sir Launcelot; wherefore Sir Blamore de Ganis, brother +to Sir Bleoberis hath appealed me to fight with him, outher to find a +knight in my stead. And well I wot, said the king, these that are come +of King Ban's blood, as Sir Launcelot and these other, are passing good +knights, and hard men for to win in battle as any that I know now +living. Sir, said Sir Tristram, for the good lordship ye showed me in +Ireland, and for my lady your daughter's sake, La Beale Isoud, I will +take the battle for you upon this condition that ye shall grant me two +things: that one is that ye shall swear to me that ye are in the right, +that ye were never consenting to the knight's death; Sir, then said Sir +Tristram, when that I have done this battle, if God give me grace that +I speed, that ye shall give me a reward, what thing reasonable that I +will ask of you. So God me help, said the king, ye shall have +whatsomever ye will ask. It is well said, said Sir Tristram. + + + +CHAPTER XXII. How Sir Tristram fought for Sir Anguish and overcame his +adversary, and how his adversary would never yield him. + +Now make your answer that your champion is ready, for I shall die in +your quarrel rather than to be recreant. I have no doubt of you, said +the king, that, an ye should have ado with Sir Launcelot du Lake— Sir, +said Sir Tristram, as for Sir Launcelot, he is called the noblest +knight of the world, and wit ye well that the knights of his blood are +noble men, and dread shame; and as for Bleoberis, brother unto Sir +Blamore, I have done battle with him, therefore upon my head it is no +shame to call him a good knight. It is noised, said the king, that +Blamore is the hardier knight. Sir, as for that let him be, he shall +never be refused, an as he were the best knight that now beareth shield +or spear. + +So King Anguish departed unto King Carados and the kings that were that +time as judges, and told them that he had found his champion ready. +Then by the commandment of the kings Sir Blamore de Ganis and Sir +Tristram were sent for to hear the charge. And when they were come +before the judges there were many kings and knights beheld Sir +Tristram, and much speech they had of him because that he slew Sir +Marhaus, the good knight, and because he for-jousted Sir Palamides the +good knight. So when they had taken their charge they withdrew them to +make them ready to do battle. + +Then said Sir Bleoberis unto his brother, Sir Blamore: Fair dear +brother, remember of what kin we be come of, and what a man is Sir +Launcelot du Lake, neither farther nor nearer but brother's children, +and there was never none of our kin that ever was shamed in battle; and +rather suffer death, brother, than to be shamed. Brother, said Blamore, +have ye no doubt of me, for I shall never shame none of my blood; +howbeit I am sure that yonder knight is called a passing good knight as +of his time one of the world, yet shall I never yield me, nor say the +loath word: well may he happen to smite me down with his great might of +chivalry, but rather shall he slay me than I shall yield me as +recreant. God speed you well, said Sir Bleoberis, for ye shall find him +the mightiest knight that ever ye had ado withal, for I know him, for I +have had ado with him. God me speed, said Sir Blamore de Ganis; and +therewith he took his horse at the one end of the lists, and Sir +Tristram at the other end of the lists, and so they feutred their +spears and came together as it had been thunder; and there Sir Tristram +through great might smote down Sir Blamore and his horse to the earth. +Then anon Sir Blamore avoided his horse and pulled out his sword and +threw his shield afore him, and bade Sir Tristram alight: For though an +horse hath failed me, I trust to God the earth will not fail me. And +then Sir Tristram alighted, and dressed him unto battle; and there they +lashed together strongly as racing and tracing, foining and dashing, +many sad strokes, that the kings and knights had great wonder that they +might stand; for ever they fought like wood men, so that there was +never knights seen fight more fiercely than they did; for Sir Blamore +was so hasty that he would have no rest, that all men wondered that +they had breath to stand on their feet; and all the place was bloody +that they fought in. And at the last, Sir Tristram smote Sir Blamore +such a buffet upon the helm that he there fell down upon his side, and +Sir Tristram stood and beheld him. + + + +CHAPTER XXIII. How Sir Blamore desired Tristram to slay him, and how +Sir Tristram spared him, and how they took appointment. + +Then when Sir Blamore might speak, he said thus: Sir Tristram de +Liones, I require thee, as thou art a noble knight, and the best knight +that ever I found, that thou wilt slay me out, for I would not live to +be made lord of all the earth, for I have liefer die with worship than +live with shame; and needs, Sir Tristram, thou must slay me, or else +thou shalt never win the field, for I will never say the loath word. +And therefore if thou dare slay me, slay me, I require thee. When Sir +Tristram heard him say so knightly, he wist not what to do with him; he +remembering him of both parties, of what blood he was come, and for Sir +Launcelot's sake he would be loath to slay him; and in the other party +in no wise he might not choose, but that he must make him to say the +loath word, or else to slay him. + +Then Sir Tristram stert aback, and went to the kings that were judges, +and there he kneeled down to-fore them, and besought them for their +worships, and for King Arthur's and Sir Launcelot's sake, that they +would take this matter in their hands. For, my fair lords, said Sir +Tristram, it were shame and pity that this noble knight that yonder +lieth should be slain; for ye hear well, shamed will he not be, and I +pray to God that he never be slain nor shamed for me. And as for the +king for whom I fight for, I shall require him, as I am his true +champion and true knight in this field, that he will have mercy upon +this good knight. So God me help, said King Anguish, I will for your +sake; Sir Tristram, be ruled as ye will have me, for I know you for my +true knight; and therefore I will heartily pray the kings that be here +as judges to take it in their hands. And the kings that were judges +called Sir Bleoberis to them, and asked him his advice. My lords, said +Bleoberis, though my brother be beaten, and hath the worse through +might of arms, I dare say, though Sir Tristram hath beaten his body he +hath not beaten his heart, and I thank God he is not shamed this day; +and rather than he should be shamed I require you, said Bleoberis, let +Sir Tristram slay him out. It shall not be so, said the kings, for his +part adversary, both the king and the champion, have pity of Sir +Blamore's knighthood. My lords, said Bleoberis, I will right well as ye +will. + +Then the kings called the King of Ireland, and found him goodly and +treatable. And then, by all their advices, Sir Tristram and Sir +Bleoberis took up Sir Blamore, and the two brethren were accorded with +King Anguish, and kissed and made friends for ever. And then Sir +Blamore and Sir Tristram kissed together, and there they made their +oaths that they would never none of them two brethren fight with Sir +Tristram, and Sir Tristram made the same oath. And for that gentle +battle all the blood of Sir Launcelot loved Sir Tristram for ever. + +Then King Anguish and Sir Tristram took their leave, and sailed into +Ireland with great noblesse and joy. So when they were in Ireland the +king let make it known throughout all the land how and in what manner +Sir Tristram had done for him. Then the queen and all that there were +made the most of him that they might. But the joy that La Beale Isoud +made of Sir Tristram there might no tongue tell, for of all men earthly +she loved him most. + + + +CHAPTER XXIV. How Sir Tristram demanded La Beale Isoud for King Mark, +and how Sir Tristram and Isoud drank the love drink. + +Then upon a day King Anguish asked Sir Tristram why he asked not his +boon, for whatsomever he had promised him he should have it without +fail. Sir, said Sir Tristram, now is it time; this is all that I will +desire, that ye will give me La Beale Isoud, your daughter, not for +myself, but for mine uncle, King Mark, that shall have her to wife, for +so have I promised him. Alas, said the king, I had liefer than all the +land that I have ye would wed her yourself. Sir, an I did then I were +shamed for ever in this world, and false of my promise. Therefore, said +Sir I Tristram, I pray you hold your promise that ye promised me; for +this is my desire, that ye will give me La Beale Isoud to go with me +into Cornwall for to be wedded to King Mark, mine uncle. As for that, +said King Anguish, ye shall have her with you to do with her what it +please you; that is for to say if that ye list to wed her yourself, +that is me liefest, and if ye will give her unto King Mark, your uncle, +that is in your choice. So, to make short conclusion, La Beale Isoud +was made ready to go with Sir Tristram, and Dame Bragwaine went with +her for her chief gentlewoman, with many other. + +Then the queen, Isoud's mother, gave to her and Dame Bragwaine, her +daughter's gentlewoman, and unto Gouvernail, a drink, and charged them +that what day King Mark should wed, that same day they should give him +that drink, so that King Mark should drink to La Beale Isoud, and then, +said the queen, I undertake either shall love other the days of their +life. So this drink was given unto Dame Bragwaine, and unto Gouvernail. +And then anon Sir Tristram took the sea, and La Beale Isoud; and when +they were in their cabin, it happed so that they were thirsty, and they +saw a little flasket of gold stand by them, and it seemed by the colour +and the taste that it was noble wine. Then Sir Tristram took the +flasket in his hand, and said, Madam Isoud, here is the best drink that +ever ye drank, that Dame Bragwaine, your maiden, and Gouvernail, my +servant, have kept for themselves. Then they laughed and made good +cheer, and either drank to other freely, and they thought never drink +that ever they drank to other was so sweet nor so good. But by that +their drink was in their bodies, they loved either other so well that +never their love departed for weal neither for woe. And thus it happed +the love first betwixt Sir Tristram and La Beale Isoud, the which love +never departed the days of their life. + +So then they sailed till by fortune they came nigh a castle that hight +Pluere, and thereby arrived for to repose them, weening to them to have +had good harbourage. But anon as Sir Tristram was within the castle +they were taken prisoners; for the custom of the castle was such; who +that rode by that castle and brought any lady, he must needs fight with +the lord, that hight Breunor. And if it were so that Breunor won the +field, then should the knight stranger and his lady be put to death, +what that ever they were; and if it were so that the strange knight won +the field of Sir Breunor, then should he die and his lady both. This +custom was used many winters, for it was called the Castle Pluere, that +is to say the Weeping Castle. + + + +CHAPTER XXV. How Sir Tristram and Isoud were in prison, and how he +fought for her beauty, and smote off another lady's head. + +Thus as Sir Tristram and La Beale Isoud were in prison, it happed a +knight and a lady came unto them where they were, to cheer them. I have +marvel, said Tristram unto the knight and the lady, what is the cause +the lord of this castle holdeth us in prison: it was never the custom +of no place of worship that ever I came in, when a knight and a lady +asked harbour, and they to receive them, and after to destroy them that +be his guests. Sir, said the knight, this is the old custom of this +castle, that when a knight cometh here he must needs fight with our +lord, and he that is weaker must lose his head. And when that is done, +if his lady that he bringeth be fouler than our lord's wife, she must +lose her head: and if she be fairer proved than is our lady, then shall +the lady of this castle lose her head. So God me help, said Sir +Tristram, this is a foul custom and a shameful. But one advantage have +I, said Sir Tristram, I have a lady is fair enough, fairer saw I never +in all my life-days, and I doubt not for lack of beauty she shall not +lose her head; and rather than I should lose my head I will fight for +it on a fair field. Wherefore, sir knight, I pray you tell your lord +that I will be ready as to-morn with my lady, and myself to do battle, +if it be so I may have my horse and mine armour. Sir, said that knight, +I undertake that your desire shall be sped right well. And then he +said: Take your rest, and look that ye be up betimes and make you ready +and your lady, for ye shall want no thing that you behoveth. And +therewith he departed, and on the morn betimes that same knight came to +Sir Tristram, and fetched him out and his lady, and brought him horse +and armour that was his own, and bade him make him ready to the field, +for all the estates and commons of that lordship were there ready to +behold that battle and judgment. + +Then came Sir Breunor, the lord of that castle, with his lady in his +hand, muffled, and asked Sir Tristram where was his lady: For an thy +lady be fairer than mine, with thy sword smite off my lady's head; and +if my lady be fairer than thine, with my sword I must strike off her +head. And if I may win thee, yet shall thy lady be mine, and thou shalt +lose thy head. Sir, said Tristram, this is a foul custom and horrible; +and rather than my lady should lose her head, yet had I liefer lose my +head. Nay, nay, said Sir Breunor, the ladies shall be first showed +together, and the one shall have her judgment. Nay, I will not so, said +Sir Tristram, for here is none that will give righteous judgment. But I +doubt not, said Sir Tristram, my lady is fairer than thine, and that +will I prove and make good with my hand. And whosomever he be that will +say the contrary I will prove it on his head. And therewith Sir +Tristram showed La Beale Isoud, and turned her thrice about with his +naked sword in his hand. And when Sir Breunor saw that, he did the same +wise turn his lady. But when Sir Breunor beheld La Beale Isoud, him +thought he saw never a fairer lady, and then he dread his lady's head +should be off. And so all the people that were there present gave +judgment that La Beale Isoud was the fairer lady and the better made. +How now, said Sir Tristram, meseemeth it were pity that my lady should +lose her head, but because thou and she of long time have used this +wicked custom, and by you both have many good knights and ladies been +destroyed, for that cause it were no loss to destroy you both. So God +me help, said Sir Breunor, for to say the sooth, thy lady is fairer +than mine, and that me sore repenteth. And so I hear the people privily +say, for of all women I saw none so fair; and therefore, an thou wilt +slay my lady, I doubt not but I shall slay thee and have thy lady. Thou +shalt win her, said Sir Tristram, as dear as ever knight won lady. And +because of thine own judgment, as thou wouldst have done to my lady if +that she had been fouler, and because of the evil custom, give me thy +lady, said Sir Tristram. And therewithal Sir Tristram strode unto him +and took his lady from him, and with an awk stroke he smote off her +head clean. Well, knight, said Sir Breunor, now hast thou done me a +despite. + + + +CHAPTER XXVI. How Sir Tristram fought with Sir Breunor, and at the last +smote off his head. + +Now take thine horse: sithen I am ladyless I will win thy lady an I +may. + +Then they took their horses and came together as it had been the +thunder; and Sir Tristram smote Sir Breunor clean from his horse, and +lightly he rose up; and as Sir Tristram came again by him he thrust his +horse throughout both the shoulders, that his horse hurled here and +there and fell dead to the ground. And ever Sir Breunor ran after to +have slain Sir Tristram, but Sir Tristram was light and nimble, and +voided his horse lightly. And or ever Sir Tristram might dress his +shield and his sword the other gave him three or four sad strokes. Then +they rushed together like two boars, tracing and traversing mightily +and wisely as two noble knights. For this Sir Breunor was a proved +knight, and had been or then the death of many good knights, that it +was pity that he had so long endured. + +Thus they fought, hurling here and there nigh two hours, and either +were wounded sore. Then at the last Sir Breunor rashed upon Sir +Tristram and took him in his arms, for he trusted much in his strength. +Then was Sir Tristram called the strongest and the highest knight of +the world; for he was called bigger than Sir Launcelot, but Sir +Launcelot was better breathed. So anon Sir Tristram thrust Sir Breunor +down grovelling, and then he unlaced his helm and struck off his head. +And then all they that longed to the castle came to him, and did him +homage and fealty, praying him that he would abide there still a little +while to fordo that foul custom. Sir Tristram granted thereto. The +meanwhile one of the knights of the castle rode unto Sir Galahad, the +haut prince, the which was Sir Breunor's son, which was a noble knight, +and told him what misadventure his father had and his mother. + + + +CHAPTER XXVII. How Sir Galahad fought with Sir Tristram, and how Sir +Tristram yielded him and promised to fellowship with Launcelot. + +Then came Sir Galahad, and the King with the Hundred Knights with him; +and this Sir Galahad proffered to fight with Sir Tristram hand for +hand. And so they made them ready to go unto battle on horseback with +great courage. Then Sir Galahad and Sir Tristram met together so hard +that either bare other down, horse and all, to the earth. And then they +avoided their horses as noble knights, and dressed their shields, and +drew their swords with ire and rancour, and they lashed together many +sad strokes, and one while striking, another while foining, tracing and +traversing as noble knights; thus they fought long, near half a day, +and either were sore wounded. At the last Sir Tristram waxed light and +big, and doubled his strokes, and drove Sir Galahad aback on the one +side and on the other, so that he was like to have been slain. + +With that came the King with the Hundred Knights, and all that +fellowship went fiercely upon Sir Tristram. When Sir Tristram saw them +coming upon him, then he wist well he might not endure. Then as a wise +knight of war, he said to Sir Galahad, the haut prince: Sir, ye show to +me no knighthood, for to suffer all your men to have ado with me all at +once; and as meseemeth ye be a noble knight of your hands it is great +shame to you. So God me help, said Sir Galahad, there is none other way +but thou must yield thee to me, other else to die, said Sir Galahad to +Sir Tristram. I will rather yield me to you than die for that is more +for the might of your men than of your hands. And therewithal Sir +Tristram took his own sword by the point, and put the pommel in the +hand of Sir Galahad. + +Therewithal came the King with the Hundred Knights, and hard began to +assail Sir Tristram. Let be, said Sir Galahad, be ye not so hardy to +touch him, for I have given this knight his life. That is your shame, +said the King with the Hundred Knights; hath he not slain your father +and your mother? As for that, said Sir Galahad, I may not wite him +greatly, for my father had him in prison, and enforced him to do battle +with him; and my father had such a custom that was a shameful custom, +that what knight came there to ask harbour his lady must needs die but +if she were fairer than my mother; and if my father overcame that +knight he must needs die. This was a shameful custom and usage, a +knight for his harbour-asking to have such harbourage. And for this +custom I would never draw about him. So God me help, said the King, +this was a shameful custom. Truly, said Sir Galahad, so seemed me; and +meseemed it had been great pity that this knight should have been +slain, for I dare say he is the noblest man that beareth life, but if +it were Sir Launcelot du Lake. Now, fair knight, said Sir Galahad, I +require thee tell me thy name, and of whence thou art, and whither thou +wilt. Sir, he said, my name is Sir Tristram de Liones, and from King +Mark of Cornwall I was sent on message unto King Anguish of Ireland, +for to fetch his daughter to be his wife, and here she is ready to go +with me into Cornwall, and her name is La Beale Isoud. And, Sir +Tristram, said Sir Galahad, the haut prince, well be ye found in these +marches, and so ye will promise me to go unto Sir Launcelot du Lake, +and accompany with him, ye shall go where ye will, and your fair lady +with you; and I shall promise you never in all my days shall such +customs be used in this castle as have been used. Sir, said Sir +Tristram, now I let you wit, so God me help, I weened ye had been Sir +Launcelot du Lake when I saw you first, and therefore I dread you the +more; and sir, I promise you, said Sir Tristram, as soon as I may I +will see Sir Launcelot and in fellowship me with him; for of all the +knights of the world I most desire his fellowship. + + + +CHAPTER XXVIII. How Sir Launcelot met with Sir Carados bearing away Sir +Gawaine, and of the rescue of Sir Gawaine. + +And then Sir Tristram took his leave when he saw his time, and took the +sea. And in the meanwhile word came unto Sir Launcelot and to Sir +Tristram that Sir Carados, the mighty king, that was made like a giant, +fought with Sir Gawaine, and gave him such strokes that he swooned in +his saddle, and after that he took him by the collar and pulled him out +of his saddle, and fast bound him to the saddle-bow, and so rode his +way with him toward his castle. And as he rode, by fortune Sir +Launcelot met with Sir Carados, and anon he knew Sir Gawaine that lay +bound after him. Ah, said Sir Launcelot unto Sir Gawaine, how stands it +with you? Never so hard, said Sir Gawaine, unless that ye help me, for +so God me help, without ye rescue me I know no knight that may, but +outher you or Sir Tristram. Wherefore Sir Launcelot was heavy of Sir +Gawaine's words. And then Sir Launcelot bade Sir Carados: Lay down that +knight and fight with me. Thou art but a fool, said Sir Carados, for I +will serve you in the same wise. As for that, said Sir Launcelot, spare +me not, for I warn thee I will not spare thee. And then he bound Sir +Gawaine hand and foot, and so threw him to the ground. And then he gat +his spear of his squire, and departed from Sir Launcelot to fetch his +course. And so either met with other, and brake their spears to their +hands; and then they pulled out swords, and hurtled together on +horseback more than an hour. And at the last Sir Launcelot smote Sir +Carados such a buffet upon the helm that it pierced his brain-pan. So +then Sir Launcelot took Sir Carados by the collar and pulled him under +his horse's feet, and then he alighted and pulled off his helm and +struck off his head. And then Sir Launcelot unbound Sir Gawaine. So +this same tale was told to Sir Galahad and to Sir Tristram:—here may ye +hear the nobleness that followeth Sir Launcelot. Alas, said Sir +Tristram, an I had not this message in hand with this fair lady, truly +I would never stint or I had found Sir Launcelot. Then Sir Tristram and +La Beale Isoud went to the sea and came into Cornwall, and there all +the barons met them. + + + +CHAPTER XXIX. Of the wedding of King Mark to La Beale Isoud, and of +Bragwaine her maid, and of Palamides. + +And anon they were richly wedded with great noblesse. But ever, as the +French book saith, Sir Tristram and La Beale Isoud loved ever together. +Then was there great jousts and great tourneying, and many lords and +ladies were at that feast, and Sir Tristram was most praised of all +other. Thus dured the feast long, and after the feast was done, within +a little while after, by the assent of two ladies that were with Queen +Isoud, they ordained for hate and envy for to destroy Dame Bragwaine, +that was maiden and lady unto La Beale Isoud; and she was sent into the +forest for to fetch herbs, and there she was met, and bound feet and +hand to a tree, and so she was bounden three days. And by fortune, Sir +Palamides found Dame Bragwaine, and there he delivered her from the +death, and brought her to a nunnery there beside, for to be recovered. +When Isoud the queen missed her maiden, wit ye well she was right heavy +as ever was any queen, for of all earthly women she loved her best: the +cause was for she came with her out of her country. And so upon a day +Queen Isoud walked into the forest to put away her thoughts, and there +she went herself unto a well and made great moan. And suddenly there +came Palamides to her, and had heard all her complaint, and said: Madam +Isoud, an ye will grant me my boon, I shall bring to you Dame Bragwaine +safe and sound. And the queen was so glad of his proffer that suddenly +unadvised she granted all his asking. Well, Madam, said Palamides, I +trust to your promise, and if ye will abide here half an hour I shall +bring her to you. I shall abide you, said La Beale Isoud. And Sir +Palamides rode forth his way to that nunnery, and lightly he came again +with Dame Bragwaine; but by her good will she would not have come +again, because for love of the queen she stood in adventure of her +life. Notwithstanding, half against her will, she went with Sir +Palamides unto the queen. And when the queen saw her she was passing +glad. Now, Madam, said Palamides, remember upon your promise, for I +have fulfilled my promise. Sir Palamides, said the queen, I wot not +what is your desire, but I will that ye wit, howbeit I promised you +largely, I thought none evil, nor I warn you none evil will I do. +Madam, said Sir Palamides, as at this time, ye shall not know my +desire, but before my lord your husband there shall ye know that I will +have my desire that ye have promised me. And therewith the queen +departed, and rode home to the king, and Sir Palamides rode after her. +And when Sir Palamides came before the king, he said: Sir King, I +require you as ye be a righteous king, that ye will judge me the right. +Tell me your cause, said the king, and ye shall have right. + + + +CHAPTER XXX. How Palamides demanded Queen Isoud, and how Lambegus rode +after to rescue her, and of the escape of Isoud. + +Sir, said Palamides, I promised your Queen Isoud to bring again Dame +Bragwaine that she had lost, upon this covenant, that she should grant +me a boon that I would ask, and without grudging, outher advisement, +she granted me. What say ye, my lady? said the king. It is as he saith, +so God me help, said the queen; to say thee sooth I promised him his +asking for love and joy that I had to see her. Well, Madam, said the +king, and if ye were hasty to grant him what boon he would ask, I will +well that ye perform your promise. Then, said Palamides, I will that ye +wit that I will have your queen to lead her and govern her whereas me +list. Therewith the king stood still, and bethought him of Sir +Tristram, and deemed that he would rescue her. And then hastily the +king answered: Take her with the adventures that shall fall of it, for +as I suppose thou wilt not enjoy her no while. As for that, said +Palamides, I dare right well abide the adventure. And so, to make short +tale, Sir Palamides took her by the hand and said: Madam, grudge not to +go with me, for I desire nothing but your own promise. As for that, +said the queen, I fear not greatly to go with thee, howbeit thou hast +me at advantage upon my promise, for I doubt not I shall be +worshipfully rescued from thee. As for that, said Sir Palamides, be it +as it be may. So Queen Isoud was set behind Palamides, and rode his +way. + +Anon the king sent after Sir Tristram, but in no wise he could be +found, for he was in the forest a-hunting; for that was always his +custom, but if he used arms, to chase and to hunt in the forests. Alas, +said the king, now I am shamed for ever, that by mine own assent my +lady and my queen shall be devoured. Then came forth a knight, his name +was Lambegus, and he was a knight of Sir Tristram. My lord, said this +knight, sith ye have trust in my lord, Sir Tristram, wit ye well for +his sake I will ride after your queen and rescue her, or else I shall +be beaten. Gramercy, said the king, as I live, Sir Lambegus, I shall +deserve it. And then Sir Lambegus armed him, and rode after as fast as +he might. And then within a while he overtook Sir Palamides. And then +Sir Palamides left the queen. What art thou, said Palamides, art thou +Tristram? Nay, he said, I am his servant, and my name is Sir Lambegus. +That me repenteth, said Palamides. I had liefer thou hadst been Sir +Tristram. I believe you well, said Lambegus, but when thou meetest with +Sir Tristram thou shalt have thy hands full. And then they hurtled +together and all to-brast their spears, and then they pulled out their +swords, and hewed on helms and hauberks. At the last Sir Palamides gave +Sir Lambegus such a wound that he fell down like a dead knight to the +earth. + +Then he looked after La Beale Isoud, and then she was gone he nist +where. Wit ye well Sir Palamides was never so heavy. So the queen ran +into the forest, and there she found a well, and therein she had +thought to have drowned herself. And as good fortune would, there came +a knight to her that had a castle thereby, his name was Sir Adtherp. +And when he found the queen in that mischief he rescued her, and +brought her to his castle. And when he wist what she was he armed him, +and took his horse, and said he would be avenged upon Palamides; and so +he rode on till he met with him, and there Sir Palamides wounded him +sore, and by force he made him to tell him the cause why he did battle +with him, and how he had led the queen unto his castle. Now bring me +there, said Palamides, or thou shalt die of my hands. Sir, said Sir +Adtherp, I am so wounded I may not follow, but ride you this way and it +shall bring you into my castle, and there within is the queen. Then Sir +Palamides rode still till he came to the castle. And at a window La +Beale Isoud saw Sir Palamides; then she made the gates to be shut +strongly. And when he saw he might not come within the castle, he put +off his bridle and his saddle, and put his horse to pasture, and set +himself down at the gate like a man that was out of his wit that recked +not of himself. + + + +CHAPTER XXXI. How Sir Tristram rode after Palamides, and how he found +him and fought with him, and by the means of Isoud the battle ceased. + +Now turn we unto Sir Tristram, that when he was come home and wist La +Beale Isoud was gone with Sir Palamides, wit ye well he was wroth out +of measure. Alas, said Sir Tristram, I am this day shamed. Then he +cried to Gouvernail his man: Haste thee that I were armed and on +horseback, for well I wot Lambegus hath no might nor strength to +withstand Sir Palamides: alas that I have not been in his stead! So +anon as he was armed and horsed Sir Tristram and Gouvernail rode after +into the forest, and within a while he found his knight Lambegus almost +wounded to the death; and Sir Tristram bare him to a forester, and +charged him to keep him well. And then he rode forth, and there he +found Sir Adtherp sore wounded, and he told him how the queen would +have drowned herself had he not been, and how for her sake and love he +had taken upon him to do battle with Sir Palamides. Where is my lady? +said Sir Tristram. Sir, said the knight, she is sure enough within my +castle, an she can hold her within it. Gramercy, said Sir Tristram, of +thy great goodness. And so he rode till he came nigh to that castle; +and then Sir Tristram saw where Sir Palamides sat at the gate sleeping, +and his horse pastured fast afore him. Now go thou, Gouvernail, said +Sir Tristram, and bid him awake, and make him ready. So Gouvernail rode +unto him and said: Sir Palamides, arise, and take to thee thine +harness. But he was in such a study he heard not what Gouvernail said. +So Gouvernail came again and told Sir Tristram he slept, or else he was +mad. Go thou again, said Sir Tristram, and bid him arise, and tell him +that I am here, his mortal foe. So Gouvernail rode again and put upon +him the butt of his spear, and said: Sir Palamides, make thee ready, +for wit ye well Sir Tristram hoveth yonder, and sendeth thee word he is +thy mortal foe. And therewithal Sir Palamides arose stilly, without +words, and gat his horse, and saddled him and bridled him, and lightly +he leapt upon, and gat his spear in his hand, and either feutred their +spears and hurtled fast together; and there Tristram smote down Sir +Palamides over his horse's tail. Then lightly Sir Palamides put his +shield afore him and drew his sword. And there began strong battle on +both parts, for both they fought for the love of one lady, and ever she +lay on the walls and beheld them how they fought out of measure, and +either were wounded passing sore, but Palamides was much sorer wounded. +Thus they fought tracing and traversing more than two hours, that +well-nigh for dole and sorrow La Beale Isoud swooned. Alas, she said, +that one I loved and yet do, and the other I love not, yet it were +great pity that I should see Sir Palamides slain; for well I know by +that time the end be done Sir Palamides is but a dead knight: because +he is not christened I would be loath that he should die a Saracen. And +therewithal she came down and besought Sir Tristram to fight no more. +Ah, madam, said he, what mean you, will ye have me shamed? Well ye know +I will be ruled by you. I will not your dishonour, said La Beale Isoud, +but I would that ye would for my sake spare this unhappy Saracen +Palamides. Madam, said Sir Tristram, I will leave fighting at this time +for your sake. Then she said to Sir Palamides: This shall be your +charge, that thou shalt go out of this country while I am therein. I +will obey your commandment, said Sir Palamides, the which is sore +against my will. Then take thy way, said La Beale Isoud, unto the court +of King Arthur, and there recommend me unto Queen Guenever, and tell +her that I send her word that there be within this land but four +lovers, that is, Sir Launcelot du Lake and Queen Guenever, and Sir +Tristram de Liones and Queen Isoud. + + + +CHAPTER XXXII. How Sir Tristram brought Queen Isoud home, and of the +debate of King Mark and Sir Tristram. + +And so Sir Palamides departed with great heaviness. And Sir Tristram +took the queen and brought her again to King Mark, and then was there +made great joy of her home-coming. Who was cherished but Sir Tristram! +Then Sir Tristram let fetch Sir Lambegus, his knight, from the +forester's house, and it was long or he was whole, but at the last he +was well recovered. Thus they lived with joy and play a long while. But +ever Sir Andred, that was nigh cousin to Sir Tristram, lay in a watch +to wait betwixt Sir Tristram and La Beale Isoud, for to take them and +slander them. So upon a day Sir Tristram talked with La Beale Isoud in +a window, and that espied Sir Andred, and told it to the King. Then +King Mark took a sword in his hand and came to Sir Tristram, and called +him false traitor, and would have stricken him. But Sir Tristram was +nigh him, and ran under his sword, and took it out of his hand. And +then the King cried: Where are my knights and my men? I charge you slay +this traitor. But at that time there was not one would move for his +words. When Sir Tristram saw that there was not one would be against +him, he shook the sword to the king, and made countenance as though he +would have stricken him. And then King Mark fled, and Sir Tristram +followed him, and smote upon him five or six strokes flatling on the +neck, that he made him to fall upon the nose. And then Sir Tristram +yede his way and armed him, and took his horse and his man, and so he +rode into that forest. + +And there upon a day Sir Tristram met with two brethren that were +knights with King Mark, and there he struck off the head of the one, +and wounded the other to the death; and he made him to bear his +brother's head in his helm unto the king, and thirty more there he +wounded. And when that knight came before the king to say his message, +he there died afore the king and the queen. Then King Mark called his +council unto him, and asked advice of his barons what was best to do +with Sir Tristram. Sir, said the barons, in especial Sir Dinas, the +Seneschal, Sir, we will give you counsel for to send for Sir Tristram, +for we will that ye wit many men will hold with Sir Tristram an he were +hard bestead. And sir, said Sir Dinas, ye shall understand that Sir +Tristram is called peerless and makeless of any Christian knight, and +of his might and hardiness we knew none so good a knight, but if it be +Sir Launcelot du Lake. And if he depart from your court and go to King +Arthur's court, wit ye well he will get him such friends there that he +will not set by your malice. And therefore, sir, I counsel you to take +him to your grace. I will well, said the king, that he be sent for, +that we may be friends. Then the barons sent for Sir Tristram under a +safe conduct. And so when Sir Tristram came to the king he was welcome, +and no rehearsal was made, and there was game and play. And then the +king and the queen went a-hunting, and Sir Tristram. + + + +CHAPTER XXXIII. How Sir Lamorak jousted with thirty knights, and Sir +Tristram at the request of King Mark smote his horse down. + +The king and the queen made their pavilions and their tents in that +forest beside a river, and there was daily hunting and jousting, for +there were ever thirty knights ready to joust unto all them that came +in at that time. And there by fortune came Sir Lamorak de Galis and Sir +Driant; and there Sir Driant jousted right well, but at the last he had +a fall. Then Sir Lamorak proffered to joust. And when he began he fared +so with the thirty knights that there was not one of them but that he +gave him a fall, and some of them were sore hurt. I marvel, said King +Mark, what knight he is that doth such deeds of arms. Sir, said Sir +Tristram, I know him well for a noble knight as few now be living, and +his name is Sir Lamorak de Galis. It were great shame, said the king, +that he should go thus away, unless that some of you meet with him +better. Sir, said Sir Tristram, meseemeth it were no worship for a +noble man to have ado with him: and for because at this time he hath +done over much for any mean knight living, therefore, as meseemeth, it +were great shame and villainy to tempt him any more at this time, +insomuch as he and his horse are weary both; for the deeds of arms that +he hath done this day, an they be well considered, it were enough for +Sir Launcelot du Lake. As for that, said King Mark, I require you, as +ye love me and my lady the queen, La Beale Isoud, take your arms and +joust with Sir Lamorak de Galis. Sir, said Sir Tristram, ye bid me do a +thing that is against knighthood, and well I can deem that I shall give +him a fall, for it is no mastery, for my horse and I be fresh both, and +so is not his horse and he; and wit ye well that he will take it for +great unkindness, for ever one good knight is loath to take another at +disadvantage; but because I will not displease you, as ye require me so +will I do, and obey your commandment. + +And so Sir Tristram armed him and took his horse, and put him forth, +and there Sir Lamorak met him mightily, and what with the might of his +own spear, and of Sir Tristram's spear, Sir Lamorak's horse fell to the +earth, and he sitting in the saddle. Then anon as lightly as he might +he avoided the saddle and his horse, and put his shield afore him and +drew his sword. And then he bade Sir Tristram: Alight, thou knight, an +thou durst. Nay, said Sir Tristram, I will no more have ado with thee, +for I have done to thee over much unto my dishonour and to thy worship. +As for that, said Sir Lamorak, I can thee no thank; since thou hast +for-jousted me on horseback I require thee and I beseech thee, an thou +be Sir Tristram, fight with me on foot. I will not so, said Sir +Tristram; and wit ye well my name is Sir Tristram de Liones, and well I +know ye be Sir Lamorak de Galis, and this that I have done to you was +against my will, but I was required thereto; but to say that I will do +at your request as at this time, I will have no more ado with you, for +me shameth of that I have done. As for the shame, said Sir Lamorak, on +thy part or on mine, bear thou it an thou wilt, for though a mare's son +hath failed me, now a queen's son shall not fail thee; and therefore, +an thou be such a knight as men call thee, I require thee, alight, and +fight with me. Sir Lamorak, said Sir Tristram, I understand your heart +is great, and cause why ye have, to say thee sooth; for it would grieve +me an any knight should keep him fresh and then to strike down a weary +knight, for that knight nor horse was never formed that alway might +stand or endure. And therefore, said Sir Tristram, I will not have ado +with you, for me forthinketh of that I have done. As for that, said Sir +Lamorak, I shall quit you, an ever I see my time. + + + +CHAPTER XXXIV. How Sir Lamorak sent an horn to King Mark in despite of +Sir Tristram, and how Sir Tristram was driven into a chapel. + +So he departed from him with Sir Driant, and by the way they met with a +knight that was sent from Morgan le Fay unto King Arthur; and this +knight had a fair horn harnessed with gold, and the horn had such a +virtue that there might no lady nor gentlewoman drink of that horn but +if she were true to her husband, and if she were false she should spill +all the drink, and if she were true to her lord she might drink +peaceable. And because of the Queen Guenever, and in the despite of Sir +Launcelot, this horn was sent unto King Arthur; and by force Sir +Lamorak made that knight to tell all the cause why he bare that horn. +Now shalt thou bear this horn, said Lamorak, unto King Mark, or else +choose thou to die for it; for I tell thee plainly, in despite and +reproof of Sir Tristram thou shalt bear that horn unto King Mark, his +uncle, and say thou to him that I sent it him for to assay his lady, +and if she be true to him he shall prove her. So the knight went his +way unto King Mark, and brought him that rich horn, and said that Sir +Lamorak sent it him, and thereto he told him the virtue of that horn. +Then the king made Queen Isoud to drink thereof, and an hundred ladies, +and there were but four ladies of all those that drank clean. Alas, +said King Mark, this is a great despite, and sware a great oath that +she should be burnt and the other ladies. + +Then the barons gathered them together, and said plainly they would not +have those ladies burnt for an horn made by sorcery, that came from as +false a sorceress and witch as then was living. For that horn did never +good, but caused strife and debate, and always in her days she had been +an enemy to all true lovers. So there were many knights made their +avow, an ever they met with Morgan le Fay, that they would show her +short courtesy. Also Sir Tristram was passing wroth that Sir Lamorak +sent that horn unto King Mark, for well he knew that it was done in the +despite of him. And therefore he thought to quite Sir Lamorak. + +Then Sir Tristram used daily and nightly to go to Queen Isoud when he +might, and ever Sir Andred his cousin watched him night and day for to +take him with La Beale Isoud. And so upon a night Sir Andred espied the +hour and the time when Sir Tristram went to his lady. Then Sir Andred +gat unto him twelve knights, and at midnight he set upon Sir Tristram +secretly and suddenly and there Sir Tristram was taken naked abed with +La Beale Isoud, and then was he bound hand and foot, and so was he kept +until day. And then by the assent of King Mark, and of Sir Andred, and +of some of the barons, Sir Tristram was led unto a chapel that stood +upon the sea rocks, there for to take his judgment: and so he was led +bounden with forty knights. And when Sir Tristram saw that there was +none other boot but needs that he must die, then said he: Fair lords, +remember what I have done for the country of Cornwall, and in what +jeopardy I have been in for the weal of you all; for when I fought for +the truage of Cornwall with Sir Marhaus, the good knight, I was +promised for to be better rewarded, when ye all refused to take the +battle; therefore, as ye be good gentle knights, see me not thus +shamefully to die, for it is shame to all knighthood thus to see me +die; for I dare say, said Sir Tristram, that I never met with no knight +but I was as good as he, or better. Fie upon thee, said Sir Andred, +false traitor that thou art, with thine avaunting; for all thy boast +thou shalt die this day. O Andred, Andred, said Sir Tristram, thou +shouldst be my kinsman, and now thou art to me full unfriendly, but an +there were no more but thou and I, thou wouldst not put me to death. +No! said Sir Andred, and therewith he drew his sword, and would have +slain him. + +When Sir Tristram saw him make such countenance he looked upon both his +hands that were fast bounden unto two knights, and suddenly he pulled +them both to him, and unwrast his hands, and then he leapt unto his +cousin, Sir Andred, and wrested his sword out of his hands; then he +smote Sir Andred that he fell to the earth, and so Sir Tristram fought +till that he had killed ten knights. So then Sir Tristram gat the +chapel and kept it mightily. Then the cry was great, and the people +drew fast unto Sir Andred, mo than an hundred. When Sir Tristram saw +the people draw unto him, he remembered he was naked, and sperd fast +the chapel door, and brake the bars of a window, and so he leapt out +and fell upon the crags in the sea. And so at that time Sir Andred nor +none of his fellows might get to him, at that time. + + + +CHAPTER XXXV. How Sir Tristram was holpen by his men, and of Queen +Isoud which was put in a lazar-cote, and how Tristram was hurt. + +So when they were departed, Gouvernail, and Sir Lambegus, and Sir +Sentraille de Lushon, that were Sir Tristram's men, sought their +master. When they heard he was escaped then they were passing glad; and +on the rocks they found him, and with towels they pulled him up. And +then Sir Tristram asked them where was La Beale Isoud, for he weened +she had been had away of Andred's people. Sir, said Gouvernail, she is +put in a lazar-cote. Alas, said Sir Tristram, this is a full ungoodly +place for such a fair lady, and if I may she shall not be long there. +And so he took his men and went thereas was La Beale Isoud, and fetched +her away, and brought her into a forest to a fair manor, and Sir +Tristram there abode with her. So the good knight bade his men go from +him: For at this time I may not help you. So they departed all save +Gouvernail. And so upon a day Sir Tristram yede into the forest for to +disport him, and then it happened that there he fell sleep; and there +came a man that Sir Tristram aforehand had slain his brother, and when +this man had found him he shot him through the shoulder with an arrow, +and Sir Tristram leapt up and killed that man. And in the meantime it +was told King Mark how Sir Tristram and La Beale Isoud were in that +same manor, and as soon as ever he might thither he came with many +knights to slay Sir Tristram. And when he came there he found him gone; +and there he took La Beale Isoud home with him, and kept her strait +that by no means never she might wit nor send unto Tristram, nor he +unto her. And then when Sir Tristram came toward the old manor he found +the track of many horses, and thereby he wist his lady was gone. And +then Sir Tristram took great sorrow, and endured with great pain long +time, for the arrow that he was hurt withal was envenomed. + +Then by the mean of La Beale Isoud she told a lady that was cousin unto +Dame Bragwaine, and she came to Sir Tristram, and told him that he +might not be whole by no means. For thy lady, La Beale Isoud, may not +help thee, therefore she biddeth you haste into Brittany to King Howel, +and there ye shall find his daughter, Isoud la Blanche Mains, and she +shall help thee. Then Sir Tristram and Gouvernail gat them shipping, +and so sailed into Brittany. And when King Howel wist that it was Sir +Tristram he was full glad of him. Sir, he said, I am come into this +country to have help of your daughter, for it is told me that there is +none other may heal me but she; and so within a while she healed him. + + + +CHAPTER XXXVI. How Sir Tristram served in war King Howel of Brittany, +and slew his adversary in the field. + +There was an earl that hight Grip, and this earl made great war upon +the king, and put the king to the worse, and besieged him. And on a +time Sir Kehydius, that was son to King Howel, as he issued out he was +sore wounded, nigh to the death. Then Gouvernail went to the king and +said: Sir, I counsel you to desire my lord, Sir Tristram, as in your +need to help you. I will do by your counsel, said the king. And so he +yede unto Sir Tristram, and prayed him in his wars to help him: For my +son, Sir Kehydius, may not go into the field. Sir, said Sir Tristram, I +will go to the field and do what I may. Then Sir Tristram issued out of +the town with such fellowship as he might make, and did such deeds that +all Brittany spake of him. And then, at the last, by great might and +force, he slew the Earl Grip with his own hands, and more than an +hundred knights he slew that day. And then Sir Tristram was received +worshipfully with procession. Then King Howel embraced him in his arms, +and said: Sir Tristram, all my kingdom I will resign to thee. God +defend, said Sir Tristram, for I am beholden unto you for your +daughter's sake to do for you. + +Then by the great means of King Howel and Kehydius his son, by great +proffers, there grew great love betwixt Isoud and Sir Tristram, for +that lady was both good and fair, and a woman of noble blood and fame. +And for because Sir Tristram had such cheer and riches, and all other +pleasaunce that he had, almost he had forsaken La Beale Isoud. And so +upon a time Sir Tristram agreed to wed Isoud la Blanche Mains. And at +the last they were wedded, and solemnly held their marriage. And so +when they were abed both Sir Tristram remembered him of his old lady La +Beale Isoud. And then he took such a thought suddenly that he was all +dismayed, and other cheer made he none but with clipping and kissing; +as for other fleshly lusts Sir Tristram never thought nor had ado with +her: such mention maketh the French book; also it maketh mention that +the lady weened there had been no pleasure but kissing and clipping. +And in the meantime there was a knight in Brittany, his name was +Suppinabiles, and he came over the sea into England, and then he came +into the court of King Arthur, and there he met with Sir Launcelot du +Lake, and told him of the marriage of Sir Tristram. Then said Sir +Launcelot: Fie upon him, untrue knight to his lady, that so noble a +knight as Sir Tristram is should be found to his first lady false, La +Beale Isoud, Queen of Cornwall; but say ye him this, said Sir +Launcelot, that of all knights in the world I loved him most, and had +most joy of him, and all was for his noble deeds; and let him wit the +love between him and me is done for ever, and that I give him warning +from this day forth as his mortal enemy. + + + +CHAPTER XXXVII. How Sir Suppinabiles told Sir Tristram how he was +defamed in the court of King Arthur, and of Sir Lamorak. + +Then departed Sir Suppinabiles unto Brittany again, and there he found +Sir Tristram, and told him that he had been in King Arthur's court. +Then said Sir Tristram: Heard ye anything of me? So God me help, said +Sir Suppinabiles, there I heard Sir Launcelot speak of you great shame, +and that ye be a false knight to your lady and he bade me do you to wit +that he will be your mortal enemy in every place where he may meet you. +That me repenteth, said Tristram, for of all knights I loved to be in +his fellowship. So Sir Tristram made great moan and was ashamed that +noble knights should defame him for the sake of his lady. And in this +meanwhile La Beale Isoud made a letter unto Queen Guenever, complaining +her of the untruth of Sir Tristram, and how he had wedded the king's +daughter of Brittany. Queen Guenever sent her another letter, and bade +her be of good cheer, for she should have joy after sorrow, for Sir +Tristram was so noble a knight called, that by crafts of sorcery ladies +would make such noble men to wed them. But in the end, Queen Guenever +said, it shall be thus, that he shall hate her, and love you better +than ever he did to-fore. + +So leave we Sir Tristram in Brittany, and speak we of Sir Lamorak de +Galis, that as he sailed his ship fell on a rock and perished all, save +Sir Lamorak and his squire; and there he swam mightily, and fishers of +the Isle of Servage took him up, and his squire was drowned, and the +shipmen had great labour to save Sir Lamorak's life, for all the +comfort that they could do. + +And the lord of that isle, hight Sir Nabon le Noire, a great mighty +giant. And this Sir Nabon hated all the knights of King Arthur's, and +in no wise he would do them favour. And these fishers told Sir Lamorak +all the guise of Sir Nabon; how there came never knight of King +Arthur's but he destroyed him. And at the last battle that he did was +slain Sir Nanowne le Petite, the which he put to a shameful death in +despite of King Arthur, for he was drawn limb-meal. That forthinketh +me, said Sir Lamorak, for that knight's death, for he was my cousin; +and if I were at mine ease as well as ever I was, I would revenge his +death. Peace, said the fishers, and make here no words, for or ever ye +depart from hence Sir Nabon must know that ye have been here, or else +we should die for your sake. So that I be whole, said Lamorak, of my +disease that I have taken in the sea, I will that ye tell him that I am +a knight of King Arthur's, for I was never afeard to reneye my lord. + + + +CHAPTER XXXVIII. How Sir Tristram and his wife arrived in Wales, and +how he met there with Sir Lamorak. + +Now turn we unto Sir Tristram, that upon a day he took a little barget, +and his wife Isoud la Blanche Mains, with Sir Kehydius her brother, to +play them in the coasts. And when they were from the land, there was a +wind drove them in to the coast of Wales upon this Isle of Servage, +whereas was Sir Lamorak, and there the barget all to-rove; and there +Dame Isoud was hurt; and as well as they might they gat into the +forest, and there by a well he saw Segwarides and a damosel. And then +either saluted other. Sir, said Segwarides, I know you for Sir Tristram +de Liones, the man in the world that I have most cause to hate, because +ye departed the love between me and my wife; but as for that, said Sir +Segwarides, I will never hate a noble knight for a light lady; and +therefore, I pray you, be my friend, and I will be yours unto my power; +for wit ye well ye are hard bestead in this valley, and we shall have +enough to do either of us to succour other. And then Sir Segwarides +brought Sir Tristram to a lady thereby that was born in Cornwall, and +she told him all the perils of that valley, and how there came never +knight there but he were taken prisoner or slain. Wit you well, fair +lady, said Sir Tristram, that I slew Sir Marhaus and delivered Cornwall +from the truage of Ireland, and I am he that delivered the King of +Ireland from Sir Blamore de Ganis, and I am he that beat Sir Palamides; +and wit ye well I am Sir Tristram de Liones, that by the grace of God +shall deliver this woful Isle of Servage. So Sir Tristram was well +eased. + +Then one told him there was a knight of King Arthur's that was wrecked +on the rocks. What is his name? said Sir Tristram. We wot not, said the +fishers, but he keepeth it no counsel but that he is a knight of King +Arthur's, and by the mighty lord of this isle he setteth nought. I pray +you, said Sir Tristram, an ye may, bring him hither that I may see him, +and if he be any of the knights of Arthur's I shall know him. Then the +lady prayed the fishers to bring him to her place. So on the morrow +they brought him thither in a fisher's raiment; and as soon as Sir +Tristram saw him he smiled upon him and knew him well, but he knew not +Sir Tristram. Fair sir, said Sir Tristram, meseemeth by your cheer ye +have been diseased but late, and also methinketh I should know you +heretofore. I will well, said Sir Lamorak, that ye have seen me and met +with me. Fair sir, said Sir Tristram, tell me your name. Upon a +covenant I will tell you, said Sir Lamorak, that is, that ye will tell +me whether ye be lord of this island or no, that is called Nabon le +Noire. Forsooth, said Sir Tristram, I am not he, nor I hold not of him; +I am his foe as well as ye be, and so shall I be found or I depart out +of this isle. Well, said Sir Lamorak, since ye have said so largely +unto me, my name is Sir Lamorak de Galis, son unto King Pellinore. +Forsooth, I trow well, said Sir Tristram, for an ye said other I know +the contrary. What are ye, said Sir Lamorak, that knoweth me? I am Sir +Tristram de Liones. Ah, sir, remember ye not of the fall ye did give me +once, and after ye refused me to fight on foot. That was not for fear I +had of you, said Sir Tristram, but me shamed at that time to have more +ado with you, for meseemed ye had enough; but, Sir Lamorak, for my +kindness many ladies ye put to a reproof when ye sent the horn from +Morgan le Fay to King Mark, whereas ye did this in despite of me. Well, +said he, an it were to do again, so would I do, for I had liefer strife +and debate fell in King Mark's court rather than Arthur's court, for +the honour of both courts be not alike. As to that, said Sir Tristram, +I know well; but that that was done it was for despite of me, but all +your malice, I thank God, hurt not greatly. Therefore, said Sir +Tristram, ye shall leave all your malice, and so will I, and let us +assay how we may win worship between you and me upon this giant Sir +Nabon le Noire that is lord of this island, to destroy him. Sir, said +Sir Lamorak, now I understand your knighthood, it may not be false that +all men say, for of your bounty, noblesse, and worship, of all knights +ye are peerless, and for your courtesy and gentleness I showed you +ungentleness, and that now me repenteth. + + + +CHAPTER XXXIX. How Sir Tristram fought with Sir Nabon, and overcame +him, and made Sir Segwarides lord of the isle. + +In the meantime there came word that Sir Nabon had made a cry that all +the people of that isle should be at his castle the fifth day after. +And the same day the son of Nabon should be made knight, and all the +knights of that valley and thereabout should be there to joust, and all +those of the realm of Logris should be there to joust with them of +North Wales: and thither came five hundred knights, and they of the +country brought thither Sir Lamorak, and Sir Tristram, and Sir +Kehydius, and Sir Segwarides, for they durst none otherwise do; and +then Sir Nabon lent Sir Lamorak horse and armour at Sir Lamorak's +desire, and Sir Lamorak jousted and did such deeds of arms that Nabon +and all the people said there was never knight that ever they saw do +such deeds of arms; for, as the French book saith, he for-jousted all +that were there, for the most part of five hundred knights, that none +abode him in his saddle. + +Then Sir Nabon proffered to play with him his play: For I saw never no +knight do so much upon a day. I will well, said Sir Lamorak, play as I +may, but I am weary and sore bruised. And there either gat a spear, but +Nabon would not encounter with Sir Lamorak, but smote his horse in the +forehead, and so slew him; and then Sir Lamorak yede on foot, and +turned his shield and drew his sword, and there began strong battle on +foot. But Sir Lamorak was so sore bruised and short breathed, that he +traced and traversed somewhat aback. Fair fellow, said Sir Nabon, hold +thy hand and I shall show thee more courtesy than ever I showed knight, +because I have seen this day thy noble knighthood, and therefore stand +thou by, and I will wit whether any of thy fellows will have ado with +me. Then when Sir Tristram heard that, he stepped forth and said: +Nabon, lend me horse and sure armour, and I will have ado with thee. +Well, fellow, said Sir Nabon, go thou to yonder pavilion, and arm thee +of the best thou findest there, and I shall play a marvellous play with +thee. Then said Sir Tristram: Look ye play well, or else peradventure I +shall learn you a new play. That is well said, fellow, said Sir Nabon. +So when Sir Tristram was armed as him liked best, and well shielded and +sworded, he dressed to him on foot; for well he knew that Sir Nabon +would not abide a stroke with a spear, therefore he would slay all +knights' horses. Now, fair fellow, Sir Nabon, let us play. So then they +fought long on foot, tracing and traversing, smiting and foining long +without any rest. At the last Sir Nabon prayed him to tell him his +name. Sir Nabon, I tell thee my name is Sir Tristram de Liones, a +knight of Cornwall under King Mark. Thou art welcome, said Sir Nabon, +for of all knights I have most desired to fight with thee or with Sir +Launcelot. + +So then they went eagerly together, and Sir Tristram slew Sir Nabon, +and so forthwith he leapt to his son, and struck off his head; and then +all the country said they would hold of Sir Tristram. Nay, said Sir +Tristram, I will not so; here is a worshipful knight, Sir Lamorak de +Galis, that for me he shall be lord of this country, for he hath done +here great deeds of arms. Nay, said Sir Lamorak, I will not be lord of +this country, for I have not deserved it as well as ye, therefore give +ye it where ye will, for I will none have. Well, said Sir Tristram, +since ye nor I will not have it, let us give it to him that hath not so +well deserved it. Do as ye list, said Segwarides, for the gift is +yours, for I will none have an I had deserved it. So was it given to +Segwarides, whereof he thanked them; and so was he lord, and +worshipfully he did govern it. And then Sir Segwarides delivered all +prisoners, and set good governance in that valley; and so he returned +into Cornwall, and told King Mark and La Beale Isoud how Sir Tristram +had advanced him to the Isle of Servage, and there he proclaimed in all +Cornwall of all the adventures of these two knights, so was it openly +known. But full woe was La Beale Isoud when she heard tell that Sir +Tristram was wedded to Isoud la Blanche Mains. + + + +CHAPTER XL. How Sir Lamorak departed from Sir Tristram, and how he met +with Sir Frol, and after with Sir Launcelot. + +So turn we unto Sir Lamorak, that rode toward Arthur's court, and Sir +Tristram's wife and Kehydius took a vessel and sailed into Brittany, +unto King Howel, where he was welcome. And when he heard of these +adventures they marvelled of his noble deeds. Now turn we unto Sir +Lamorak, that when he was departed from Sir Tristram he rode out of the +forest, till he came to an hermitage. When the hermit saw him, he asked +him from whence he came. Sir, said Sir Lamorak, I come from this +valley. Sir, said the hermit: thereof I marvel. For this twenty winter +I saw never no knight pass this country but he was either slain or +villainously wounded, or pass as a poor prisoner. Those ill customs, +said Sir Lamorak, are fordone, for Sir Tristram slew your lord, Sir +Nabon, and his son. Then was the hermit glad, and all his brethren, for +he said there was never such a tyrant among Christian men. And +therefore, said the hermit, this valley and franchise we will hold of +Sir Tristram. + +So on the morrow Sir Lamorak departed; and as he rode he saw four +knights fight against one, and that one knight defended him well, but +at the last the four knights had him down. And then Sir Lamorak went +betwixt them, and asked them why they would slay that one knight, and +said it was shame, four against one. Thou shalt well wit, said the four +knights, that he is false. That is your tale, said Sir Lamorak, and +when I hear him also speak, I will say as ye say. Then said Lamorak: +Ah, knight, can ye not excuse you, but that ye are a false knight. Sir, +said he, yet can I excuse me both with my word and with my hands, that +I will make good upon one of the best of them, my body to his body. +Then spake they all at once: We will not jeopardy our bodies as for +thee. But wit thou well, they said, an King Arthur were here himself, +it should not lie in his power to save his life. That is too much said, +said Sir Lamorak, but many speak behind a man more than they will say +to his face; and because of your words ye shall understand that I am +one of the simplest of King Arthur's court; in the worship of my lord +now do your best, and in despite of you I shall rescue him. And then +they lashed all at once to Sir Lamorak, but anon at two strokes Sir +Lamorak had slain two of them, and then the other two fled. So then Sir +Lamorak turned again to that knight, and asked him his name. Sir, he +said, my name is Sir Frol of the Out Isles. Then he rode with Sir +Lamorak and bare him company. + +And as they rode by the way they saw a seemly knight riding against +them, and all in white. Ah, said Frol, yonder knight jousted late with +me and smote me down, therefore I will joust with him. Ye shall not do +so, said Sir Lamorak, by my counsel, an ye will tell me your quarrel, +whether ye jousted at his request, or he at yours. Nay, said Sir Frol, +I jousted with him at my request. Sir, said Lamorak, then will I +counsel you deal no more with him, for meseemeth by his countenance he +should be a noble knight, and no japer; for methinketh he should be of +the Table Round. Therefore I will not spare, said Sir Frol. And then he +cried and said: Sir knight, make thee ready to joust. That needeth not, +said the White Knight, for I have no lust to joust with thee; but yet +they feutred their spears, and the White Knight overthrew Sir Frol, and +then he rode his way a soft pace. Then Sir Lamorak rode after him, and +prayed him to tell him his name: For meseemeth ye should be of the +fellowship of the Round Table. Upon a covenant, said he, I will tell +you my name, so that ye will not discover my name, and also that ye +will tell me yours. Then, said he, my name is Sir Lamorak de Galis. And +my name is Sir Launcelot du Lake. Then they put up their swords, and +kissed heartily together, and either made great joy of other. Sir, said +Sir Lamorak, an it please you I will do you service. God defend, said +Launcelot, that any of so noble a blood as ye be should do me service. +Then he said: More, I am in a quest that I must do myself alone. Now +God speed you, said Sir Lamorak, and so they departed. Then Sir Lamorak +came to Sir Frol and horsed him again. What knight is that? said Sir +Frol. Sir, he said, it is not for you to know, nor it is no point of my +charge. Ye are the more uncourteous, said Sir Frol, and therefore I +will depart from you. Ye may do as ye list, said Sir Lamorak, and yet +by my company ye have saved the fairest flower of your garland; so they +departed. + + + +CHAPTER XLI. How Sir Lamorak slew Sir Frol, and of the courteous +fighting with Sir Belliance his brother. + +Then within two or three days Sir Lamorak found a knight at a well +sleeping, and his lady sat with him and waked. Right so came Sir +Gawaine and took the knight's lady, and set her up behind his squire. +So Sir Lamorak rode after Sir Gawaine, and said: Sir Gawaine, turn +again. And then said Sir Gawaine: What will ye do with me? for I am +nephew unto King Arthur. Sir, said he, for that cause I will spare you, +else that lady should abide with me, or else ye should joust with me. +Then Sir Gawaine turned him and ran to him that ought the lady, with +his spear, but the knight with pure might smote down Sir Gawaine, and +took his lady with him. All this Sir Lamorak saw, and said to himself: +But I revenge my fellow he will say of me dishonour in King Arthur's +court. Then Sir Lamorak returned and proffered that knight to joust. +Sir, said he, I am ready. And there they came together with all their +might, and there Sir Lamorak smote the knight through both sides that +he fell to the earth dead. + +Then that lady rode to that knight's brother that hight Belliance le +Orgulus, that dwelt fast thereby, and then she told him how his brother +was slain. Alas, said he, I will be revenged. And so he horsed him, and +armed him, and within a while he overtook Sir Lamorak, and bade him: +Turn and leave that lady, for thou and I must play a new play; for thou +hast slain my brother Sir Frol, that was a better knight than ever wert +thou. It might well be, said Sir Lamorak, but this day in the field I +was found the better. So they rode together, and unhorsed other, and +turned their shields, and drew their swords, and fought mightily as +noble knights proved, by the space of two hours. So then Sir Belliance +prayed him to tell him his name. Sir, said he, my name is Sir Lamorak +de Galis. Ah, said Sir Belliance, thou art the man in the world that I +most hate, for I slew my sons for thy sake, where I saved thy life, and +now thou hast slain my brother Sir Frol. Alas, how should I be accorded +with thee; therefore defend thee, for thou shalt die, there is none +other remedy. Alas, said Sir Lamorak, full well me ought to know you, +for ye are the man that most have done for me. And therewithal Sir +Lamorak kneeled down, and besought him of grace. Arise, said Sir +Belliance, or else thereas thou kneelest I shall slay thee. That shall +not need, said Sir Lamorak, for I will yield me unto you, not for fear +of you, nor for your strength, but your goodness maketh me full loath +to have ado with you; wherefore I require you for God's sake, and for +the honour of knighthood, forgive me all that I have offended unto you. +Alas, said Belliance, leave thy kneeling, or else I shall slay thee +without mercy. + +Then they yede again unto battle, and either wounded other, that all +the ground was bloody thereas they fought. And at the last Belliance +withdrew him aback and set him down softly upon a little hill, for he +was so faint for bleeding that he might not stand. Then Sir Lamorak +threw his shield upon his back, and asked him what cheer. Well, said +Sir Belliance. Ah, Sir, yet shall I show you favour in your mal-ease. +Ah, Knight Sir Belliance, said Sir Lamorak, thou art a fool, for an I +had had thee at such advantage as thou hast done me, I should slay +thee; but thy gentleness is so good and so large, that I must needs +forgive thee mine evil will. And then Sir Lamorak kneeled down, and +unlaced first his umberere, and then his own, and then either kissed +other with weeping tears. Then Sir Lamorak led Sir Belliance to an +abbey fast by, and there Sir Lamorak would not depart from Belliance +till he was whole. And then they sware together that none of them +should never fight against other. So Sir Lamorak departed and went to +the court of King Arthur. + + Here leave we of Sir Lamorak and of Sir Tristram. And here beginneth + the history of La Cote Male Taile. + + + +BOOK IX. + + + +CHAPTER I. How a young man came into the court of King Arthur, and how +Sir Kay called him in scorn La Cote Male Taile. + +At the court of King Arthur there came a young man and bigly made, and +he was richly beseen: and he desired to be made knight of the king, but +his over-garment sat over-thwartly, howbeit it was rich cloth of gold. +What is your name? said King Arthur. Sir, said he, my name is Breunor +le Noire, and within short space ye shall know that I am of good kin. +It may well be, said Sir Kay, the Seneschal, but in mockage ye shall be +called La Cote Male Taile, that is as much to say, the evil-shapen +coat. It is a great thing that thou askest, said the king; and for what +cause wearest thou that rich coat? tell me, for I can well think for +some cause it is. Sir, he answered, I had a father, a noble knight, and +as he rode a-hunting, upon a day it happed him to lay him down to +sleep; and there came a knight that had been long his enemy, and when +he saw he was fast asleep he all to-hew him; and this same coat had my +father on the same time; and that maketh this coat to sit so evil upon +me, for the strokes be on it as I found it, and never shall be amended +for me. Thus to have my father's death in remembrance I wear this coat +till I be revenged; and because ye are called the most noblest king of +the world I come to you that ye should make me knight. Sir, said Sir +Lamorak and Sir Gaheris, it were well done to make him knight; for him +beseemeth well of person and of countenance, that he shall prove a good +man, and a good knight, and a mighty; for, Sir, an ye be remembered, +even such one was Sir Launcelot du Lake when he came first into this +court, and full few of us knew from whence he came; and now is he +proved the man of most worship in the world; and all your court and all +your Round Table is by Sir Launcelot worshipped and amended more than +by any knight now living. That is truth, said the king, and to-morrow +at your request I shall make him knight. + +So on the morrow there was an hart found, and thither rode King Arthur +with a company of his knights to slay the hart. And this young man that +Sir Kay named La Cote Male Taile was there left behind with Queen +Guenever; and by sudden adventure there was an horrible lion kept in a +strong tower of stone, and it happened that he at that time brake +loose, and came hurling afore the queen and her knights. And when the +queen saw the lion she cried and fled, and prayed her knights to rescue +her. And there was none of them all but twelve that abode, and all the +other fled. Then said La Cote Male Taile: Now I see well that all +coward knights be not dead; and therewithal he drew his sword and +dressed him afore the lion. And that lion gaped wide and came upon him +ramping to have slain him. And he then smote him in the midst of the +head such a mighty stroke that it clave his head in sunder, and dashed +to the earth. Then was it told the queen how the young man that Sir Kay +named by scorn La Cote Male Taile had slain the lion. With that the +king came home. And when the queen told him of that adventure, he was +well pleased, and said: Upon pain of mine head he shall prove a noble +man and a faithful knight, and true of his promise: then the king +forthwithal made him knight. Now Sir, said this young knight, I require +you and all the knights of your court, that ye call me by none other +name but La Cote Male Taile: in so much as Sir Kay hath so named me so +will I be called. I assent me well thereto, said the king. + + + +CHAPTER II. How a damosel came into the court and desired a knight to +take on him an enquest, which La Cote Male Taile emprised. + +Then that same day there came a damosel into the court, and she brought +with her a great black shield, with a white hand in the midst holding a +sword. Other picture was there none in that shield. When King Arthur +saw her he asked her from whence she came and what she would. Sir, she +said, I have ridden long and many a day with this shield many ways, and +for this cause I am come to your court: there was a good knight that +ought this shield, and this knight had undertaken a great deed of arms +to enchieve it; and so it misfortuned him another strong knight met +with him by sudden adventure, and there they fought long, and either +wounded other passing sore; and they were so weary that they left that +battle even hand. So this knight that ought this shield saw none other +way but he must die; and then he commanded me to bear this shield to +the court of King Arthur, he requiring and praying some good knight to +take this shield, and that he would fulfil the quest that he was in. +Now what say ye to this quest? said King Arthur; is there any of you +here that will take upon him to wield this shield? Then was there not +one that would speak one word. Then Sir Kay took the shield in his +hands. Sir knight, said the damosel, what is your name? Wit ye well, +said he, my name is Sir Kay, the Seneschal, that wide-where is known. +Sir, said that damosel, lay down that shield, for wit ye well it +falleth not for you, for he must be a better knight than ye that shall +wield this shield. Damosel, said Sir Kay, wit ye well I took this +shield in my hands by your leave for to behold it, not to that intent; +but go wheresomever thou wilt, for I will not go with you. + +Then the damosel stood still a great while and beheld many of those +knights. Then spake the knight, La Cote Male Taile: Fair damosel, I +will take the shield and that adventure upon me, so I wist I should +know whitherward my journey might be; for because I was this day made +knight I would take this adventure upon me. What is your name, fair +young man? said the damosel. My name is, said he, La Cote Male Taile. +Well mayest thou be called so, said the damosel, the knight with the +evil-shapen coat; but an thou be so hardy to take upon thee to bear +that shield and to follow me, wit thou well thy skin shall be as well +hewn as thy coat. As for that, said La Cote Male Taile, when I am so +hewn I will ask you no salve to heal me withal. And forthwithal there +came into the court two squires and brought him great horses, and his +armour, and his spears, and anon he was armed and took his leave. I +would not by my will, said the king, that ye took upon you that hard +adventure. Sir, said he, this adventure is mine, and the first that +ever I took upon me, and that will I follow whatsomever come of me. +Then that damosel departed, and La Cote Male Taile fast followed after. +And within a while he overtook the damosel, and anon she missaid him in +the foulest manner. + + + +CHAPTER III. How La Cote Male Taile overthrew Sir Dagonet the king's +fool, and of the rebuke that he had of the damosel. + +Then Sir Kay ordained Sir Dagonet, King Arthur's fool, to follow after +La Cote Male Taile; and there Sir Kay ordained that Sir Dagonet was +horsed and armed, and bade him follow La Cote Male Taile and proffer +him to joust, and so he did; and when he saw La Cote Male Taile, he +cried and bade him make him ready to joust. So Sir La Cote Male Taile +smote Sir Dagonet over his horse's croup. Then the damosel mocked La +Cote Male Taile, and said: Fie for shame! now art thou shamed in +Arthur's court, when they send a fool to have ado with thee, and +specially at thy first jousts; thus she rode long, and chid. And within +a while there came Sir Bleoberis, the good knight, and there he jousted +with La Cote Male Taile, and there Sir Bleoberis smote him so sore, +that horse and all fell to the earth. Then La Cote Male Taile arose up +lightly, and dressed his shield, and drew his sword, and would have +done battle to the utterance, for he was wood wroth. Not so, said Sir +Bleoberis de Ganis, as at this time I will not fight upon foot. Then +the damosel Maledisant rebuked him in the foulest manner, and bade him: +Turn again, coward. Ah, damosel, he said, I pray you of mercy to missay +me no more, my grief is enough though ye give me no more; I call myself +never the worse knight when a mare's son faileth me, and also I count +me never the worse knight for a fall of Sir Bleoberis. + +So thus he rode with her two days; and by fortune there came Sir +Palomides and encountered with him, and he in the same wise served him +as did Bleoberis to-forehand. What dost thou here in my fellowship? +said the damosel Maledisant, thou canst not sit no knight, nor +withstand him one buffet, but if it were Sir Dagonet. Ah, fair damosel, +I am not the worse to take a fall of Sir Palomides, and yet great +disworship have I none, for neither Bleoberis nor yet Palomides would +not fight with me on foot. As for that, said the damosel, wit thou well +they have disdain and scorn to light off their horses to fight with +such a lewd knight as thou art. So in the meanwhile there came Sir +Mordred, Sir Gawaine's brother, and so he fell in the fellowship with +the damosel Maledisant. And then they came afore the Castle Orgulous, +and there was such a custom that there might no knight come by that +castle but either he must joust or be prisoner, or at the least to lose +his horse and his harness. And there came out two knights against them, +and Sir Mordred jousted with the foremost, and that knight of the +castle smote Sir Mordred down off his horse. And then La Cote Male +Taile jousted with that other, and either of them smote other down, +horse and all, to the earth. And when they avoided their horses, then +either of them took other's horses. And then La Cote Male Taile rode +unto that knight that smote down Sir Mordred, and jousted with him. And +there Sir La Cote Male Taile hurt and wounded him passing sore, and put +him from his horse as he had been dead. So he turned unto him that met +him afore, and he took the flight towards the castle, and Sir La Cote +Male Taile rode after him into the Castle Orgulous, and there La Cote +Male Taile slew him. + + + +CHAPTER IV. How La Cote Male Taile fought against an hundred knights, +and how he escaped by the mean of a lady. + +And anon there came an hundred knights about him and assailed him; and +when he saw his horse should be slain he alighted and voided his horse, +and put the bridle under his feet, and so put him out of the gate. And +when he had so done he hurled in among them, and dressed his back unto +a lady's chamber-wall, thinking himself that he had liefer die there +with worship than to abide the rebukes of the damosel Maledisant. And +in the meantime as he stood and fought, that lady whose was the chamber +went out slily at her postern, and without the gates she found La Cote +Male Taile's horse, and lightly she gat him by the bridle, and tied him +to the postern. And then she went unto her chamber slily again for to +behold how that one knight fought against an hundred knights. And when +she had beheld him long she went to a window behind his back, and said: +Thou knight, thou fightest wonderly well, but for all that at the last +thou must needs die, but, an thou canst through thy mighty prowess, win +unto yonder postern, for there have I fastened thy horse to abide thee: +but wit thou well thou must think on thy worship, and think not to die, +for thou mayst not win unto that postern without thou do nobly and +mightily. When La Cote Male Taile heard her say so he gripped his sword +in his hands, and put his shield fair afore him, and through the +thickest press he thrulled through them. And when he came to the +postern he found there ready four knights, and at two the first strokes +he slew two of the knights, and the other fled; and so he won his horse +and rode from them. And all as it was it was rehearsed in King Arthur's +court, how he slew twelve knights within the Castle Orgulous; and so he +rode on his way. + +And in the meanwhile the damosel said to Sir Mordred: I ween my foolish +knight be either slain or taken prisoner: then were they ware where he +came riding. And when he was come unto them he told all how he had sped +and escaped in despite of them all: And some of the best of them will +tell no tales. Thou liest falsely, said the damosel, that dare I make +good, but as a fool and a dastard to all knighthood they have let thee +pass. That may ye prove, said La Cote Male Taile. With that she sent a +courier of hers, that rode alway with her, for to know the truth of +this deed; and so he rode thither lightly, and asked how and in what +manner that La Cote Male Taile was escaped out of the castle. Then all +the knights cursed him, and said that he was a fiend and no man: For he +hath slain here twelve of our best knights, and we weened unto this day +that it had been too much for Sir Launcelot du Lake or for Sir Tristram +de Liones. And in despite of us all he is departed from us and maugre +our heads. + +With this answer the courier departed and came to Maledisant his lady, +and told her all how Sir La Cote Male Taile had sped at the Castle +Orgulous. Then she smote down her head, and said little. By my head, +said Sir Mordred to the damosel, ye are greatly to blame so to rebuke +him, for I warn you plainly he is a good knight, and I doubt not but he +shall prove a noble knight; but as yet he may not yet sit sure on +horseback, for he that shall be a good horseman it must come of usage +and exercise. But when he cometh to the strokes of his sword he is then +noble and mighty, and that saw Sir Bleoberis and Sir Palomides, for wit +ye well they are wily men of arms, and anon they know when they see a +young knight by his riding, how they are sure to give him a fall from +his horse or a great buffet. But for the most part they will not light +on foot with young knights, for they are wight and strongly armed. For +in likewise Sir Launcelot du Lake, when he was first made knight, he +was often put to the worse upon horseback, but ever upon foot he +recovered his renown, and slew and defoiled many knights of the Round +Table. And therefore the rebukes that Sir Launcelot did unto many +knights causeth them that be men of prowess to beware; for often I have +seen the old proved knights rebuked and slain by them that were but +young beginners. Thus they rode sure talking by the way together. + +Here leave we off a while of this tale, and speak we of Sir Launcelot +du Lake. + + + +CHAPTER V. How Sir Launcelot came to the court and heard of La Cote +Male Taile, and how he followed after him, and how La Cote Male Taile +was prisoner. + +That when he was come to the court of King Arthur, then heard he tell +of the young knight La Cote Male Taile, how he slew the lion, and how +he took upon him the adventure of the black shield, the which was named +at that time the hardiest adventure of the world. So God me save, said +Sir Launcelot unto many of his fellows, it was shame to all the noble +knights to suffer such a young knight to take such adventure upon him +for his destruction; for I will that ye wit, said Sir Launcelot, that +that damosel Maledisant hath borne that shield many a day for to seek +the most proved knights, and that was she that Breuse Saunce Pité took +that shield from her, and after Tristram de Liones rescued that shield +from him and gave it to the damosel again, a little afore that time +that Sir Tristram fought with my nephew Sir Blamore de Ganis, for a +quarrel that was betwixt the King of Ireland and him. Then many knights +were sorry that Sir La Cote Male Taile was gone forth to that +adventure. Truly, said Sir Launcelot, I cast me to ride after him. And +within seven days Sir Launcelot overtook La Cote Male Taile, and then +he saluted him and the damosel Maledisant. And when Sir Mordred saw Sir +Launcelot, then he left their fellowship; and so Sir Launcelot rode +with them all a day, and ever that damosel rebuked La Cote Male Taile; +and then Sir Launcelot answered for him, then she left off, and rebuked +Sir Launcelot. + +So this meantime Sir Tristram sent by a damosel a letter unto Sir +Launcelot, excusing him of the wedding of Isoud la Blanche Mains; and +said in the letter, as he was a true knight he had never ado fleshly +with Isoud la Blanche Mains; and passing courteously and gentily Sir +Tristram wrote unto Sir Launcelot, ever beseeching him to be his good +friend and unto La Beale Isoud of Cornwall, and that Sir Launcelot +would excuse him if that ever he saw her. And within short time by the +grace of God, said Sir Tristram, that he would speak with La Beale +Isoud, and with him right hastily. Then Sir Launcelot departed from the +damosel and from Sir La Cote Male Taile, for to oversee that letter, +and to write another letter unto Sir Tristram de Liones. + +And in the meanwhile La Cote Male Taile rode with the damosel until +they came to a castle that hight Pendragon; and there were six knights +stood afore him, and one of them proffered to joust with La Cote Male +Taile. And there La Cote Male Taile smote him over his horse's croup. +And then the five knights set upon him all at once with their spears, +and there they smote La Cote Male Taile down, horse and man. And then +they alighted suddenly, and set their hands upon him all at once, and +took him prisoner, and so led him unto the castle and kept him as +prisoner. + +And on the morn Sir Launcelot arose, and delivered the damosel with +letters unto Sir Tristram, and then he took his way after La Cote Male +Taile; and by the way upon a bridge there was a knight proffered Sir +Launcelot to joust, and Sir Launcelot smote him down, and then they +fought upon foot a noble battle together, and a mighty; and at the last +Sir Launcelot smote him down grovelling upon his hands and his knees. +And then that knight yielded him, and Sir Launcelot received him fair. +Sir, said the knight, I require thee tell me your name, for much my +heart giveth unto you. Nay, said Sir Launcelot, as at this time I will +not tell you my name, unless then that ye tell me your name. Certainly, +said the knight, my name is Sir Nerovens, that was made knight of my +lord Sir Launcelot du Lake. Ah, Nerovens de Lile, said Sir Launcelot, I +am right glad that ye are proved a good knight, for now wit ye well my +name is Sir Launcelot du Lake. Alas, said Sir Nerovens de Lile, what +have I done! And therewithal flatling he fell to his feet, and would +have kissed them, but Sir Launcelot would not let him; and then either +made great joy of other. And then Sir Nerovens told Sir Launcelot that +he should not go by the Castle of Pendragon: For there is a lord, a +mighty knight, and many knights with him, and this night I heard say +that they took a knight prisoner yesterday that rode with a damosel, +and they say he is a Knight of the Round Table. + + + +CHAPTER VI. How Sir Launcelot fought with six knights, and after with +Sir Brian, and how he delivered the prisoners. + +Ah, said Sir Launcelot, that knight is my fellow, and him shall I +rescue or else I shall lose my life therefore. And therewithal he rode +fast till he came before the Castle of Pendragon; and anon therewithal +there came six knights, and all made them ready to set upon Sir +Launcelot at once; then Sir Launcelot feutred his spear, and smote the +foremost that he brake his back in-sunder, and three of them hit and +three failed. And then Sir Launcelot passed through them, and lightly +he turned in again, and smote another knight through the breast and +throughout the back more than an ell, and therewithal his spear brake. +So then all the remnant of the four knights drew their swords and +lashed at Sir Launcelot. And at every stroke Sir Launcelot bestowed so +his strokes that at four strokes sundry they avoided their saddles, +passing sore wounded; and forthwithal he rode hurling into that castle. + +And anon the lord of the castle, that was that time cleped Sir Brian de +les Isles, the which was a noble man and a great enemy unto King +Arthur, within a while he was armed and upon horseback. And then they +feutred their spears and hurled together so strongly that both their +horses rashed to the earth. And then they avoided their saddles, and +dressed their shields, and drew their swords, and flang together as +wood men, and there were many strokes given in a while. At the last Sir +Launcelot gave to Sir Brian such a buffet that he kneeled upon his +knees, and then Sir Launcelot rashed upon him, and with great force he +pulled off his helm; and when Sir Brian saw that he should be slain he +yielded him, and put him in his mercy and in his grace. Then Sir +Launcelot made him to deliver all his prisoners that he had within his +castle, and therein Sir Launcelot found of Arthur's knights thirty, and +forty ladies, and so he delivered them; and then he rode his way. And +anon as La Cote Male Taile was delivered he gat his horse, and his +harness, and his damosel Maledisant. + +The meanwhile Sir Nerovens, that Sir Launcelot had foughten withal +afore at the bridge, he sent a damosel after Sir Launcelot to wit how +he sped at the Castle of Pendragon. And then they within the castle +marvelled what knight he was, when Sir Brian and his knights delivered +all those prisoners. Have ye no marvel, said the damosel, for the best +knight in this world was here, and did this journey, and wit ye well, +she said, it was Sir Launcelot. Then was Sir Brian full glad, and so +was his lady, and all his knights, that such a man should win them. And +when the damosel and La Cote Male Taile understood that it was Sir +Launcelot du Lake that had ridden with them in fellowship, and that she +remembered her how she had rebuked him and called him coward, then was +she passing heavy. + + + +CHAPTER VII. How Sir Launcelot met with the damosel named Male disant, +and named her the Damosel Bienpensant. + +So then they took their horses and rode forth a pace after Sir +Launcelot. And within two mile they overtook him, and saluted him, and +thanked him, and the damosel cried Sir Launcelot mercy of her evil deed +and saying: For now I know the flower of all knighthood is departed +even between Sir Tristram and you. For God knoweth, said the damosel, +that I have sought you my lord, Sir Launcelot, and Sir Tristram long, +and now I thank God I have met with you; and once at Camelot I met with +Sir Tristram, and there he rescued this black shield with the white +hand holding a naked sword that Sir Breuse Saunce Pité had taken from +me. Now, fair damosel, said Sir Launcelot, who told you my name? Sir, +said she, there came a damosel from a knight that ye fought withal at +the bridge, and she told me your name was Sir Launcelot du Lake. Blame +have she then, said Sir Launcelot, but her lord, Sir Nerovens, hath +told her. But, damosel, said Sir Launcelot, upon this covenant I will +ride with you, so that ye will not rebuke this knight Sir La Cote Male +Taile no more; for he is a good knight, and I doubt not he shall prove +a noble knight, and for his sake and pity that he should not be +destroyed I followed him to succour him in this great need. Ah, Jesu +thank you, said the damosel, for now I will say unto you and to him +both, I rebuked him never for no hate that I hated him, but for great +love that I had to him. For ever I supposed that he had been too young +and too tender to take upon him these adventures. And therefore by my +will I would have driven him away for jealousy that I had of his life, +for it may be no young knight's deed that shall enchieve this adventure +to the end. Pardieu, said Sir Launcelot, it is well said, and where ye +are called the Damosel Maledisant I will call you the Damosel +Bienpensant. + +And so they rode forth a great while unto they came to the border of +the country of Surluse, and there they found a fair village with a +strong bridge like a fortress. And when Sir Launcelot and they were at +the bridge there stert forth afore them of gentlemen and yeomen many, +that said: Fair lords, ye may not pass this bridge and this fortress +because of that black shield that I see one of you bear, and therefore +there shall not pass but one of you at once; therefore choose you which +of you shall enter within this bridge first. Then Sir Launcelot +proffered himself first to enter within this bridge. Sir, said La Cote +Male Taile, I beseech you let me enter within this fortress, and if I +may speed well I will send for you, and if it happened that I be slain, +there it goeth. And if so be that I am a prisoner taken, then may ye +rescue me. I am loath, said Sir Launcelot, to let you pass this +passage. Sir, said La Cote Male Taile, I pray you let me put my body in +this adventure. Now go your way, said Sir Launcelot, and Jesu be your +speed. + +So he entered, and anon there met with him two brethren, the one hight +Sir Plaine de Force, and the other hight Sir Plaine de Amours. And anon +they met with Sir La Cote Male Taile; and first La Cote Male Taile +smote down Plaine de Force, and after he smote down Plaine de Amours; +and then they dressed them to their shields and swords, and bade La +Cote Male Taile alight, and so he did; and there was dashing and +foining with swords, and so they began to assail full hard La Cote Male +Taile, and many great wounds they gave him upon his head, and upon his +breast, and upon his shoulders. And as he might ever among he gave sad +strokes again. And then the two brethren traced and traversed for to be +of both hands of Sir La Cote Male Taile, but he by fine force and +knightly prowess gat them afore him. And then when he felt himself so +wounded, then he doubled his strokes, and gave them so many wounds that +he felled them to the earth, and would have slain them had they not +yielded them. And right so Sir La Cote Male Taile took the best horse +that there was of them three, and so rode forth his way to the other +fortress and bridge; and there he met with the third brother whose name +was Sir Plenorius, a full noble knight, and there they jousted +together, and either smote other down, horse and man, to the earth. And +then they avoided their horses, and dressed their shields, and drew +their swords, and gave many sad strokes, and one while the one knight +was afore on the bridge, and another while the other. And thus they +fought two hours and more, and never rested. And ever Sir Launcelot and +the damosel beheld them. Alas, said the damosel, my knight fighteth +passing sore and over long. Now may ye see, said Sir Launcelot, that he +is a noble knight, for to consider his first battle, and his grievous +wounds; and even forthwithal so wounded as he is, it is marvel that he +may endure this long battle with that good knight. + + + +CHAPTER VIII. How La Cote Male Taile was taken prisoner, and after +rescued by Sir Launcelot, and how Sir Launcelot overcame four brethren. + +This meanwhile Sir La Cote Male Taile sank right down upon the earth, +what for-wounded and what for-bled he might not stand. Then the other +knight had pity of him, and said: Fair young knight, dismay you not, +for had ye been fresh when ye met with me, as I was, I wot well that I +should not have endured so long as ye have done; and therefore for your +noble deeds of arms I shall show to you kindness and gentleness in all +that I may. And forthwithal this noble knight, Sir Plenorius, took him +up in his arms, and led him into his tower. And then he commanded him +the wine, and made to search him and to stop his bleeding wounds. Sir, +said La Cote Male Taile, withdraw you from me, and hie you to yonder +bridge again, for there will meet with you another manner knight than +ever was I. Why, said Plenorius, is there another manner knight behind +of your fellowship? Yea, said La Cote Male Taile, there is a much +better knight than I am. What is his name? said Plenorius. Ye shall not +know for me, said La Cote Male Taile. Well, said the knight, he shall +be encountered withal whatsomever he be. + +Then Sir Plenorius heard a knight call that said: Sir Plenorius, where +art thou? either thou must deliver me the prisoner that thou hast led +unto thy tower, or else come and do battle with me. Then Plenorius gat +his horse, and came with a spear in his hand walloping toward Sir +Launcelot; and then they began to feutre their spears, and came +together as thunder, and smote either other so mightily that their +horses fell down under them. And then they avoided their horses, and +pulled out their swords, and like two bulls they lashed together with +great strokes and foins; but ever Sir Launcelot recovered ground upon +him, and Sir Plenorius traced to have gone about him. But Sir Launcelot +would not suffer that, but bare him backer and backer, till he came +nigh his tower gate. And then said Sir Launcelot: I know thee well for +a good knight, but wit thou well thy life and death is in my hand, and +therefore yield thee to me, and thy prisoner. The other answered no +word, but struck mightily upon Sir Launcelot's helm, that the fire +sprang out of his eyes. Then Sir Launcelot doubled his strokes so +thick, and smote at him so mightily, that he made him kneel upon his +knees. And therewith Sir Launcelot leapt upon him, and pulled him +grovelling down. Then Sir Plenorius yielded him, and his tower, and all +his prisoners at his will. + +Then Sir Launcelot received him and took his troth; and then he rode to +the other bridge, and there Sir Launcelot jousted with other three of +his brethren, the one hight Pillounes, and the other hight Pellogris, +and the third Sir Pellandris. And first upon horseback Sir Launcelot +smote them down, and afterward he beat them on foot, and made them to +yield them unto him; and then he returned unto Sir Plenorius, and there +he found in his prison King Carados of Scotland, and many other +knights, and all they were delivered. And then Sir La Cote Male Taile +came to Sir Launcelot, and then Sir Launcelot would have given him all +these fortresses and these bridges. Nay, said La Cote Male Taile, I +will not have Sir Plenorius' livelihood; with that he will grant you, +my lord Sir Launcelot, to come unto King Arthur's court, and to be his +knight, and all his brethren, I will pray you, my lord, to let him have +his livelihood. I will well, said Sir Launcelot, with this that he will +come to the court of King Arthur and become his man, and his brethren +five. And as for you, Sir Plenorius, I will undertake, said Sir +Launcelot, at the next feast, so there be a place voided, that ye shall +be Knight of the Round Table. Sir, said Plenorius, at the next feast of +Pentecost I will be at Arthur's court, and at that time I will be +guided and ruled as King Arthur and ye will have me. Then Sir Launcelot +and Sir La Cote Male Taile reposed them there, unto the time that Sir +La Cote Male Taile was whole of his wounds, and there they had merry +cheer, and good rest, and many good games, and there were many fair +ladies. + + + +CHAPTER IX. How Sir Launcelot made La Cote Male Taile lord of the +Castle of Pendragon, and after was made knight of the Round Table. + +And in the meanwhile came Sir Kay, the Seneschal, and Sir Brandiles, +and anon they fellowshipped with them. And then within ten days, then +departed those knights of Arthur's court from these fortresses. And as +Sir Launcelot came by the Castle of Pendragon there he put Sir Brian de +les Isles from his lands, for cause he would never be withhold with +King Arthur; and all that Castle of Pendragon and all the lands thereof +he gave to Sir La Cote Male Taile. And then Sir Launcelot sent for +Nerovens that he made once knight, and he made him to have all the rule +of that castle and of that country, under La Cote Male Taile; and so +they rode to Arthur's court all wholly together. And at Pentecost next +following there was Sir Plenorius and Sir La Cote Male Taile, called +otherwise by right Sir Breunor le Noire, both made Knights of the Table +Round; and great lands King Arthur gave them, and there Breunor le +Noire wedded that damosel Maledisant. And after she was called +Beauvivante, but ever after for the more part he was called La Cote +Male Taile; and he proved a passing noble knight, and mighty; and many +worshipful deeds he did after in his life; and Sir Plenorius proved a +noble knight and full of prowess, and all the days of their life for +the most part they awaited upon Sir Launcelot; and Sir Plenorius' +brethren were ever knights of King Arthur. And also, as the French book +maketh mention, Sir La Cote Male Taile avenged his father's death. + + + +CHAPTER X. How La Beale Isoud sent letters to Sir Tristram by her maid +Bragwaine, and of divers adventures of Sir Tristram. + +Now leave we here Sir La Cote Male Taile, and turn we unto Sir Tristram +de Liones that was in Brittany. When La Beale Isoud understood that he +was wedded she sent to him by her maiden Bragwaine as piteous letters +as could be thought and made, and her conclusion was that, an it +pleased Sir Tristram, that he would come to her court, and bring with +him Isoud la Blanche Mains, and they should be kept as well as she +herself. Then Sir Tristram called unto him Sir Kehydius, and asked him +whether he would go with him into Cornwall secretly. He answered him +that he was ready at all times. And then he let ordain privily a little +vessel, and therein they went, Sir Tristram, Kehydius, Dame Bragwaine, +and Gouvernail, Sir Tristram's squire. So when they were in the sea a +contrarious wind blew them on the coasts of North Wales, nigh the +Castle Perilous. Then said Sir Tristram: Here shall ye abide me these +ten days, and Gouvernail, my squire, with you. And if so be I come not +again by that day take the next way into Cornwall; for in this forest +are many strange adventures, as I have heard say, and some of them I +cast me to prove or I depart. And when I may I shall hie me after you. + +Then Sir Tristram and Kehydius took their horses and departed from +their fellowship. And so they rode within that forest a mile and more; +and at the last Sir Tristram saw afore him a likely knight, armed, +sitting by a well, and a strong mighty horse passing nigh him tied to +an oak, and a man hoving and riding by him leading an horse laden with +spears. And this knight that sat at the well seemed by his countenance +to be passing heavy. Then Sir Tristram rode near him and said: Fair +knight, why sit ye so drooping? ye seem to be a knight-errant by your +arms and harness, and therefore dress you to joust with one of us, or +with both. Therewithal that knight made no words, but took his shield +and buckled it about his neck, and lightly he took his horse and leapt +upon him. And then he took a great spear of his squire, and departed +his way a furlong. Sir Kehydius asked leave of Sir Tristram to joust +first. Do your best, said Sir Tristram. So they met together, and there +Sir Kehydius had a fall, and was sore wounded on high above the paps. +Then Sir Tristram said: Knight, that is well jousted, now make you +ready unto me. I am ready, said the knight. And then that knight took a +greater spear in his hand, and encountered with Sir Tristram, and there +by great force that knight smote down Sir Tristram from his horse and +had a great fall. Then Sir Tristram was sore ashamed, and lightly he +avoided his horse, and put his shield afore his shoulder, and drew his +sword. And then Sir Tristram required that knight of his knighthood to +alight upon foot and fight with him. I will well, said the knight; and +so he alighted upon foot, and avoided his horse, and cast his shield +upon his shoulder, and drew his sword, and there they fought a long +battle together full nigh two hours. Then Sir Tristram said: Fair +knight, hold thine hand, and tell me of whence thou art, and what is +thy name. As for that, said the knight, I will be avised; but an thou +wilt tell me thy name peradventure I will tell thee mine. + + + +CHAPTER XI. How Sir Tristram met with Sir Lamorak de Galis, and how +they fought, and after accorded never to fight together. + +Now fair knight, he said, my name is Sir Tristram de Liones. Sir, said +the other knight, and my name is Sir Lamorak de Galis. Ah, Sir Lamorak, +said Sir Tristram, well be we met, and bethink thee now of the despite +thou didst me of the sending of the horn unto King Mark's court, to the +intent to have slain or dishonoured my lady the queen, La Beale Isoud; +and therefore wit thou well, said Sir Tristram, the one of us shall die +or we depart. Sir, said Sir Lamorak, remember that we were together in +the Isle of Servage, and at that time ye promised me great friendship. +Then Sir Tristram would make no longer delays, but lashed at Sir +Lamorak; and thus they fought long till either were weary of other. +Then Sir Tristram said to Sir Lamorak: In all my life met I never with +such a knight that was so big and well breathed as ye be, therefore, +said Sir Tristram, it were pity that any of us both should here be +mischieved. Sir, said Sir Lamorak, for your renown and name I will that +ye have the worship of this battle, and therefore I will yield me unto +you. And therewith he took the point of his sword to yield him. Nay, +said Sir Tristram, ye shall not do so, for well I know your proffers, +and more of your gentleness than for any fear or dread ye have of me. +And therewithal Sir Tristram proffered him his sword and said: Sir +Lamorak, as an overcome knight I yield me unto you as to a man of the +most noble prowess that ever I met withal. Nay, said Sir Lamorak, I +will do you gentleness; I require you let us be sworn together that +never none of us shall after this day have ado with other. And +therewithal Sir Tristram and Sir Lamorak sware that never none of them +should fight against other, nor for weal nor for woe. + + + +CHAPTER XII. How Sir Palomides followed the Questing Beast, and smote +down Sir Tristram and Sir Lamorak with one spear. + +And this meanwhile there came Sir Palomides, the good knight, following +the Questing Beast that had in shape a head like a serpent's head, and +a body like a leopard, buttocks like a lion, and footed like an hart; +and in his body there was such a noise as it had been the noise of +thirty couple of hounds questing, and such a noise that beast made +wheresomever he went; and this beast ever more Sir Palomides followed, +for it was called his quest. And right so as he followed this beast it +came by Sir Tristram, and soon after came Palomides. And to brief this +matter he smote down Sir Tristram and Sir Lamorak both with one spear; +and so he departed after the beast Galtisant, that was called the +Questing Beast; wherefore these two knights were passing wroth that Sir +Palomides would not fight on foot with them. Here men may understand +that be of worship, that he was never formed that all times might +stand, but sometime he was put to the worse by mal-fortune; and at +sometime the worse knight put the better knight to a rebuke. + +Then Sir Tristram and Sir Lamorak gat Sir Kehydius upon a shield +betwixt them both, and led him to a forester's lodge, and there they +gave him in charge to keep him well, and with him they abode three +days. Then the two knights took their horses and at the cross they +departed. And then said Sir Tristram to Sir Lamorak: I require you if +ye hap to meet with Sir Palomides, say him that he shall find me at the +same well where I met him, and there I, Sir Tristram, shall prove +whether he be better knight than I. And so either departed from other a +sundry way, and Sir Tristram rode nigh thereas was Sir Kehydius; and +Sir Lamorak rode until he came to a chapel, and there he put his horse +unto pasture. And anon there came Sir Meliagaunce, that was King +Bagdemagus' son, and he there put his horse to pasture, and was not +ware of Sir Lamorak; and then this knight Sir Meliagaunce made his moan +of the love that he had to Queen Guenever, and there he made a woful +complaint. All this heard Sir Lamorak, and on the morn Sir Lamorak took +his horse and rode unto the forest, and there he met with two knights +hoving under the wood-shaw. Fair knights, said Sir Lamorak, what do ye +hoving here and watching? and if ye be knights-errant that will joust, +lo I am ready. Nay, sir knight, they said, not so, we abide not here to +joust with you, but we lie here in await of a knight that slew our +brother. What knight was that, said Sir Lamorak, that you would fain +meet withal? Sir, they said, it is Sir Launcelot that slew our brother, +and if ever we may meet with him he shall not escape, but we shall slay +him. Ye take upon you a great charge, said Sir Lamorak, for Sir +Launcelot is a noble proved knight. As for that we doubt not, for there +nis none of us but we are good enough for him. I will not believe that, +said Sir Lamorak, for I heard never yet of no knight the days of my +life but Sir Launcelot was too big for him. + + + +CHAPTER XIII. How Sir Lamorak met with Sir Meliagaunce, and fought +together for the beauty of Dame Guenever. + +Right so as they stood talking thus Sir Lamorak was ware how Sir +Launcelot came riding straight toward them; then Sir Lamorak saluted +him, and he him again. And then Sir Lamorak asked Sir Launcelot if +there were anything that he might do for him in these marches. Nay, +said Sir Launcelot, not at this time I thank you. Then either departed +from other, and Sir Lamorak rode again thereas he left the two knights, +and then he found them hid in the leaved wood. Fie on you, said Sir +Lamorak, false cowards, pity and shame it is that any of you should +take the high order of knighthood. So Sir Lamorak departed from them, +and within a while he met with Sir Meliagaunce. And then Sir Lamorak +asked him why he loved Queen Guenever as he did: For I was not far from +you when ye made your complaint by the chapel. Did ye so? said Sir +Meliagaunce, then will I abide by it: I love Queen Guenever, what will +ye with it? I will prove and make good that she is the fairest lady and +most of beauty in the world. As to that, said Sir Lamorak, I say nay +thereto, for Queen Morgawse of Orkney, mother to Sir Gawaine, and his +mother is the fairest queen and lady that beareth the life. That is not +so, said Sir Meliagaunce, and that will I prove with my hands upon thy +body. Will ye so? said Sir Lamorak, and in a better quarrel keep I not +to fight. Then they departed either from other in great wrath. And then +they came riding together as it had been thunder, and either smote +other so sore that their horses fell backward to the earth. And then +they avoided their horses, and dressed their shields, and drew their +swords. And then they hurtled together as wild boars, and thus they +fought a great while. For Meliagaunce was a good man and of great +might, but Sir Lamorak was hard big for him, and put him always aback, +but either had wounded other sore. + +And as they stood thus fighting, by fortune came Sir Launcelot and Sir +Bleoberis riding. And then Sir Launcelot rode betwixt them, and asked +them for what cause they fought so together: And ye are both knights of +King Arthur! + +Sir, said Meliagaunce, I shall tell you for what cause we do this +battle. I praised my lady, Queen Guenever, and said she was the fairest +lady of the world, and Sir Lamorak said nay thereto, for he said Queen +Morgawse of Orkney was fairer than she and more of beauty. Ah, Sir +Lamorak, why sayest thou so? it is not thy part to dispraise thy +princess that thou art under her obeissance, and we all. And therewith +he alighted on foot, and said: For this quarrel, make thee ready, for I +will prove upon thee that Queen Guenever is the fairest lady and most +of bounty in the world. Sir, said Sir Lamorak, I am loath to have ado +with you in this quarrel, for every man thinketh his own lady fairest; +and though I praise the lady that I love most ye should not be wroth; +for though my lady, Queen Guenever, be fairest in your eye, wit ye well +Queen Morgawse of Orkney is fairest in mine eye, and so every knight +thinketh his own lady fairest; and wit ye well, sir, ye are the man in +the world except Sir Tristram that I am most loathest to have ado +withal, but, an ye will needs fight with me I shall endure you as long +as I may. Then spake Sir Bleoberis and said: My lord Sir Launcelot, I +wist you never so misadvised as ye are now, for Sir Lamorak sayeth you +but reason and knightly; for I warn you I have a lady, and methinketh +that she is the fairest lady of the world. Were this a great reason +that ye should be wroth with me for such language? And well ye wot, +that Sir Lamorak is as noble a knight as I know, and he hath ought you +and us ever good will, and therefore I pray you be good friends. Then +Sir Launcelot said unto Sir Lamorak. I pray you forgive me mine evil +will, and if I was misadvised I will amend it. Sir, said Sir Lamorak, +the amends is soon made betwixt you and me. And so Sir Launcelot and +Sir Bleoberis departed, and Sir Meliagaunce and Sir Lamorak took their +horses, and either departed from other. + +And within a while came King Arthur, and met with Sir Lamorak, and +jousted with him; and there he smote down Sir Lamorak, and wounded him +sore with a spear, and so he rode from him; wherefore Sir Lamorak was +wroth that he would not fight with him on foot, howbeit that Sir +Lamorak knew not King Arthur. + + + +CHAPTER XIV. How Sir Kay met with Sir Tristram, and after of the shame +spoken of the knights of Cornwall, and how they jousted. + +Now leave we of this tale, and speak we of Sir Tristram, that as he +rode he met with Sir Kay, the Seneschal; and there Sir Kay asked Sir +Tristram of what country he was. He answered that he was of the country +of Cornwall. It may well be, said Sir Kay, for yet heard I never that +ever good knight came out of Cornwall. That is evil spoken, said Sir +Tristram, but an it please you to tell me your name I require you. Sir, +wit ye well, said Sir Kay, that my name is Sir Kay, the Seneschal. Is +that your name? said Sir Tristram, now wit ye well that ye are named +the shamefullest knight of your tongue that now is living; howbeit ye +are called a good knight, but ye are called unfortunate, and passing +overthwart of your tongue. And thus they rode together till they came +to a bridge. And there was a knight would not let them pass till one of +them jousted with him; and so that knight jousted with Sir Kay, and +there that knight gave Sir Kay a fall: his name was Sir Tor, Sir +Lamorak's half-brother. And then they two rode to their lodging, and +there they found Sir Brandiles, and Sir Tor came thither anon after. +And as they sat at supper these four knights, three of them spake all +shame by Cornish knights. Sir Tristram heard all that they said and he +said but little, but he thought the more, but at that time he +discovered not his name. + +Upon the morn Sir Tristram took his horse and abode them upon their +way. And there Sir Brandiles proffered to joust with Sir Tristram, and +Sir Tristram smote him down, horse and all, to the earth. Then Sir Tor +le Fise de Vayshoure encountered with Sir Tristram and there Sir +Tristram smote him down, and then he rode his way, and Sir Kay followed +him, but he would not of his fellowship. Then Sir Brandiles came to Sir +Kay and said: I would wit fain what is that knight's name. Come on with +me, said Sir Kay, and we shall pray him to tell us his name. So they +rode together till they came nigh him, and then they were ware where he +sat by a well, and had put off his helm to drink at the well. And when +he saw them come he laced on his helm lightly, and took his horse, and +proffered them to joust. Nay, said Sir Brandiles, we jousted late +enough with you, we come not in that intent. But for this we come to +require you of knighthood to tell us your name. My fair knights, sithen +that is your desire, and to please you, ye shall wit that my name is +Sir Tristram de Liones, nephew unto King Mark of Cornwall. In good +time, said Sir Brandiles, and well be ye found, and wit ye well that we +be right glad that we have found you, and we be of a fellowship that +would be right glad of your company. For ye are the knight in the world +that the noble fellowship of the Round Table most desireth to have the +company of. God thank them, said Sir Tristram, of their great goodness, +but as yet I feel well that I am unable to be of their fellowship, for +I was never yet of such deeds of worthiness to be in the company of +such a fellowship. Ah, said Sir Kay, an ye be Sir Tristram de Liones, +ye are the man called now most of prowess except Sir Launcelot du Lake; +for he beareth not the life, Christian nor heathen, that can find such +another knight, to speak of his prowess, and of his hands, and his +truth withal. For yet could there never creature say of him dishonour +and make it good. Thus they talked a great while, and then they +departed either from other such ways as them seemed best. + + + +CHAPTER XV. How King Arthur was brought into the Forest Perilous, and +how Sir Tristram saved his life. + +Now shall ye hear what was the cause that King Arthur came into the +Forest Perilous, that was in North Wales, by the means of a lady. Her +name was Annowre, and this lady came to King Arthur at Cardiff; and she +by fair promise and fair behests made King Arthur to ride with her into +that Forest Perilous; and she was a great sorceress; and many days she +had loved King Arthur, and because she would have him to lie by her she +came into that country. So when the king was gone with her many of his +knights followed after King Arthur when they missed him, as Sir +Launcelot, Brandiles, and many other; and when she had brought him to +her tower she desired him to lie by her; and then the king remembered +him of his lady, and would not lie by her for no craft that she could +do. Then every day she would make him ride into that forest with his +own knights, to the intent to have had King Arthur slain. For when this +Lady Annowre saw that she might not have him at her will, then she +laboured by false means to have destroyed King Arthur, and slain. + +Then the Lady of the Lake that was alway friendly to King Arthur, she +understood by her subtle crafts that King Arthur was like to be +destroyed. And therefore this Lady of the Lake, that hight Nimue, came +into that forest to seek after Sir Launcelot du Lake or Sir Tristram +for to help King Arthur; foras that same day this Lady of the Lake knew +well that King Arthur should be slain, unless that he had help of one +of these two knights. And thus she rode up and down till she met with +Sir Tristram, and anon as she saw him she knew him. O my lord Sir +Tristram, she said, well be ye met, and blessed be the time that I have +met with you; for this same day, and within these two hours, shall be +done the foulest deed that ever was done in this land. O fair damosel, +said Sir Tristram, may I amend it. Come on with me, she said, and that +in all the haste ye may, for ye shall see the most worshipfullest +knight of the world hard bestead. Then said Sir Tristram: I am ready to +help such a noble man. He is neither better nor worse, said the Lady of +the Lake, but the noble King Arthur himself. God defend, said Sir +Tristram, that ever he should be in such distress. Then they rode +together a great pace, until they came to a little turret or castle; +and underneath that castle they saw a knight standing upon foot +fighting with two knights; and so Sir Tristram beheld them, and at the +last the two knights smote down the one knight, and that one of them +unlaced his helm to have slain him. And the Lady Annowre gat King +Arthur's sword in her hand to have stricken off his head. And +therewithal came Sir Tristram with all his might, crying: Traitress, +traitress, leave that. And anon there Sir Tristram smote the one of the +knights through the body that he fell dead; and then he rashed to the +other and smote his back asunder; and in the meanwhile the Lady of the +Lake cried to King Arthur: Let not that false lady escape. Then King +Arthur overtook her, and with the same sword he smote off her head, and +the Lady of the Lake took up her head and hung it up by the hair of her +saddle-bow. And then Sir Tristram horsed King Arthur and rode forth +with him, but he charged the Lady of the Lake not to discover his name +as at that time. + +When the king was horsed he thanked heartily Sir Tristram, and desired +to wit his name; but he would not tell him, but that he was a poor +knight adventurous; and so he bare King Arthur fellowship till he met +with some of his knights. And within a while he met with Sir Ector de +Maris, and he knew not King Arthur nor Sir Tristram, and he desired to +joust with one of them. Then Sir Tristram rode unto Sir Ector, and +smote him from his horse. And when he had done so he came again to the +king and said: My lord, yonder is one of your knights, he may bare you +fellowship, and another day that deed that I have done for you I trust +to God ye shall understand that I would do you service. Alas, said King +Arthur, let me wit what ye are? Not at this time, said Sir Tristram. So +he departed and left King Arthur and Sir Ector together. + + + +CHAPTER XVI. How Sir Tristram came to La Beale Isoud, and how Kehydius +began to love Beale Isoud, and of a letter that Tristram found. + +And then at a day set Sir Tristram and Sir Lamorak met at the well; and +then they took Kehydius at the forester's house, and so they rode with +him to the ship where they left Dame Bragwaine and Gouvernail, and so +they sailed into Cornwall all wholly together. And by assent and +information of Dame Bragwaine when they were landed they rode unto Sir +Dinas, the Seneschal, a trusty friend of Sir Tristram's. And so Dame +Bragwaine and Sir Dinas rode to the court of King Mark, and told the +queen, La Beale Isoud, that Sir Tristram was nigh her in that country. +Then for very pure joy La Beale Isoud swooned; and when she might speak +she said: Gentle knight Seneschal, help that I might speak with him, +outher my heart will brast. Then Sir Dinas and Dame Bragwaine brought +Sir Tristram and Kehydius privily unto the court, unto a chamber +whereas La Beale Isoud had assigned it; and to tell the joys that were +betwixt La Beale Isoud and Sir Tristram, there is no tongue can tell +it, nor heart think it, nor pen write it. And as the French book maketh +mention, at the first time that ever Sir Kehydius saw La Beale Isoud he +was so enamoured upon her that for very pure love he might never +withdraw it. And at the last, as ye shall hear or the book be ended, +Sir Kehydius died for the love of La Beale Isoud. And then privily he +wrote unto her letters and ballads of the most goodliest that were used +in those days. And when La Beale Isoud understood his letters she had +pity of his complaint, and unavised she wrote another letter to comfort +him withal. + +And Sir Tristram was all this while in a turret at the commandment of +La Beale Isoud, and when she might she came unto Sir Tristram. So on a +day King Mark played at the chess under a chamber window; and at that +time Sir Tristram and Sir Kehydius were within the chamber over King +Mark, and as it mishapped Sir Tristram found the letter that Kehydius +sent unto La Beale Isoud, also he had found the letter that she wrote +unto Kehydius, and at that same time La Beale Isoud was in the same +chamber. Then Sir Tristram came unto La Beale Isoud and said: Madam, +here is a letter that was sent unto you, and here is the letter that ye +sent unto him that sent you that letter. Alas, Madam, the good love +that I have loved you; and many lands and riches have I forsaken for +your love, and now ye are a traitress to me, the which doth me great +pain. But as for thee, Sir Kehydius, I brought thee out of Brittany +into this country, and thy father, King Howel, I won his lands, howbeit +I wedded thy sister Isoud la Blanche Mains for the goodness she did +unto me. And yet, as I am true knight, she is a clean maiden for me; +but wit thou well, Sir Kehydius, for this falsehood and treason thou +hast done me, I will revenge it upon thee. And therewithal Sir Tristram +drew out his sword and said: Sir Kehydius, keep thee, and then La Beale +Isoud swooned to the earth. And when Sir Kehydius saw Sir Tristram come +upon him he saw none other boot, but leapt out at a bay-window even +over the head where sat King Mark playing at the chess. And when the +king saw one come hurling over his head he said: Fellow, what art thou, +and what is the cause thou leapest out at that window? My lord the +king, said Kehydius, it fortuned me that I was asleep in the window +above your head, and as I slept I slumbered, and so I fell down. And +thus Sir Kehydius excused him. + + + +CHAPTER XVII. How Sir Tristram departed from Tintagil, and how he +sorrowed and was so long in a forest till he was out of his mind. + +Then Sir Tristram dread sore lest he were discovered unto the king that +he was there; wherefore he drew him to the strength of the Tower, and +armed him in such armour as he had for to fight with them that would +withstand him. And so when Sir Tristram saw there was no resistance +against him he sent Gouvernail for his horse and his spear, and +knightly he rode forth out of the castle openly, that was called the +Castle of Tintagil. And even at gate he met with Gingalin, Sir +Gawaine's son. And anon Sir Gingalin put his spear in his rest, and ran +upon Sir Tristram and brake his spear; and Sir Tristram at that time +had but a sword, and gave him such a buffet upon the helm that he fell +down from his saddle, and his sword slid adown, and carved asunder his +horse's neck. And so Sir Tristram rode his way into the forest, and all +this doing saw King Mark. And then he sent a squire unto the hurt +knight, and commanded him to come to him, and so he did. And when King +Mark wist that it was Sir Gingalin he welcomed him and gave him an +horse, and asked him what knight it was that had encountered with him. +Sir, said Gingalin, I wot not what knight he was, but well I wot that +he sigheth and maketh great dole. + +Then Sir Tristram within a while met with a knight of his own, that +hight Sir Fergus. And when he had met with him he made great sorrow, +insomuch that he fell down off his horse in a swoon, and in such sorrow +he was in three days and three nights. Then at the last Sir Tristram +sent unto the court by Sir Fergus, for to spere what tidings. And so as +he rode by the way he met with a damosel that came from Sir Palomides, +to know and seek how Sir Tristram did. Then Sir Fergus told her how he +was almost out of his mind. Alas, said the damosel, where shall I find +him? In such a place, said Sir Fergus. Then Sir Fergus found Queen +Isoud sick in her bed, making the greatest dole that ever any earthly +woman made. And when the damosel found Sir Tristram she made great dole +because she might not amend him, for the more she made of him the more +was his pain. And at the last Sir Tristram took his horse and rode away +from her. And then was it three days or that she could find him, and +then she brought him meat and drink, but he would none; and then +another time Sir Tristram escaped away from the damosel, and it happed +him to ride by the same castle where Sir Palomides and Sir Tristram did +battle when La Beale Isoud departed them. And there by fortune the +damosel met with Sir Tristram again, making the greatest dole that ever +earthly creature made; and she yede to the lady of that castle and told +her of the misadventure of Sir Tristram. Alas, said the lady of that +castle, where is my lord, Sir Tristram? Right here by your castle, said +the damosel. In good time, said the lady, is he so nigh me; he shall +have meat and drink of the best; and an harp I have of his whereupon he +taught me, for of goodly harping he beareth the prize in the world. So +this lady and damosel brought him meat and drink, but he ate little +thereof. Then upon a night he put his horse from him, and then he +unlaced his armour, and then Sir Tristram would go into the wilderness, +and brast down the trees and boughs; and otherwhile when he found the +harp that the lady sent him, then would he harp, and play thereupon and +weep together. And sometime when Sir Tristram was in the wood that the +lady wist not where he was, then would she sit her down and play upon +that harp: then would Sir Tristram come to that harp, and hearken +thereto, and sometime he would harp himself. Thus he there endured a +quarter of a year. Then at the last he ran his way, and she wist not +where he was become. And then was he naked and waxed lean and poor of +flesh; and so he fell in the fellowship of herdmen and shepherds, and +daily they would give him some of their meat and drink. And when he did +any shrewd deed they would beat him with rods, and so they clipped him +with shears and made him like a fool. + + + +CHAPTER XVIII. How Sir Tristram soused Dagonet in a well, and how +Palomides sent a damosel to seek Tristram, and how Palomides met with +King Mark. + +And upon a day Dagonet, King Arthur's fool, came into Cornwall with two +squires with him; and as they rode through that forest they came by a +fair well where Sir Tristram was wont to be; and the weather was hot, +and they alighted to drink of that well, and in the meanwhile their +horses brake loose. Right so Sir Tristram came unto them, and first he +soused Sir Dagonet in that well, and after his squires, and thereat +laughed the shepherds; and forthwithal he ran after their horses and +brought them again one by one, and right so, wet as they were, he made +them leap up and ride their ways. Thus Sir Tristram endured there an +half year naked, and would never come in town nor village. The +meanwhile the damosel that Sir Palomides sent to seek Sir Tristram, she +yede unto Sir Palomides and told him all the mischief that Sir Tristram +endured. Alas, said Sir Palomides, it is great pity that ever so noble +a knight should be so mischieved for the love of a lady; but +nevertheless, I will go and seek him, and comfort him an I may. Then a +little before that time La Beale Isoud had commanded Sir Kehydius out +of the country of Cornwall. So Sir Kehydius departed with a dolorous +heart, and by adventure he met with Sir Palomides, and they +enfellowshipped together; and either complained to other of their hot +love that they loved La Beale Isoud. Now let us, said Sir Palomides, +seek Sir Tristram, that loved her as well as we, and let us prove +whether we may recover him. So they rode into that forest, and three +days and three nights they would never take their lodging, but ever +sought Sir Tristram. + +And upon a time, by adventure, they met with King Mark that was ridden +from his men all alone. When they saw him Sir Palomides knew him, but +Sir Kehydius knew him not. Ah, false king, said Sir Palomides, it is +pity thou hast thy life, for thou art a destroyer of all worshipful +knights, and by thy mischief and thy vengeance thou hast destroyed that +most noble knight, Sir Tristram de Liones. And therefore defend thee, +said Sir Palomides, for thou shalt die this day. That were shame, said +King Mark, for ye two are armed and I am unarmed. As for that, said Sir +Palomides, I shall find a remedy therefore; here is a knight with me, +and thou shalt have his harness. Nay, said King Mark, I will not have +ado with you, for cause have ye none to me; for all the misease that +Sir Tristram hath was for a letter that he found; for as to me I did to +him no displeasure, and God knoweth I am full sorry for his disease and +malady. So when the king had thus excused him they were friends, and +King Mark would have had them unto Tintagil; but Sir Palomides would +not, but turned unto the realm of Logris, and Sir Kehydius said that he +would go into Brittany. + +Now turn we unto Sir Dagonet again, that when he and his squires were +upon horseback he deemed that the shepherds had sent that fool to array +them so, because that they laughed at them, and so they rode unto the +keepers of beasts and all to-beat them. Sir Tristram saw them beat that +were wont to give him meat and drink, then he ran thither and gat Sir +Dagonet by the head, and gave him such a fall to the earth that he +bruised him sore so that he lay still. And then he wrast his sword out +of his hand, and therewith he ran to one of his squires and smote off +his head, and the other fled. And so Sir Tristram took his way with +that sword in his hand, running as he had been wild wood. Then Sir +Dagonet rode to King Mark and told him how he had sped in that forest. +And therefore, said Sir Dagonet, beware, King Mark, that thou come not +about that well in the forest, for there is a fool naked, and that fool +and I fool met together, and he had almost slain me. Ah, said King +Mark, that is Sir Matto le Breune, that fell out of his wit because he +lost his lady; for when Sir Gaheris smote down Sir Matto and won his +lady of him, never since was he in his mind, and that was pity, for he +was a good knight. + + + +CHAPTER XIX. How it was noised how Sir Tristram was dead, and how La +Beale Isoud would have slain herself. + +Then Sir Andred, that was cousin unto Sir Tristram, made a lady that +was his paramour to say and to noise it that she was with Sir Tristram +or ever he died. And this tale she brought unto King Mark's court, that +she buried him by a well, and that or he died he besought King Mark to +make his cousin, Sir Andred, king of the country of Liones, of the +which Sir Tristram was lord of. All this did Sir Andred because he +would have had Sir Tristram's lands. And when King Mark heard tell that +Sir Tristram was dead he wept and made great dole. But when Queen Isoud +heard of these tidings she made such sorrow that she was nigh out of +her mind; and so upon a day she thought to slay herself and never to +live after Sir Tristram's death. And so upon a day La Beale Isoud gat a +sword privily and bare it to her garden, and there she pight the sword +through a plum tree up to the hilt, so that it stuck fast, and it stood +breast high. And as she would have run upon the sword and to have slain +herself all this espied King Mark, how she kneeled down and said: Sweet +Lord Jesu, have mercy upon me, for I may not live after the death of +Sir Tristram de Liones, for he was my first love and he shall be the +last. And with these words came King Mark and took her in his arms, and +then he took up the sword, and bare her away with him into a tower; and +there he made her to be kept, and watched her surely, and after that +she lay long sick, nigh at the point of death. + +This meanwhile ran Sir Tristram naked in the forest with the sword in +his hand, and so he came to an hermitage, and there he laid him down +and slept; and in the meanwhile the hermit stole away his sword, and +laid meat down by him. Thus was he kept there ten days; and at the last +he departed and came to the herdmen again. And there was a giant in +that country that hight Tauleas, and for fear of Sir Tristram more than +seven year he durst never much go at large, but for the most part he +kept him in a sure castle of his own; and so this Tauleas heard tell +that Sir Tristram was dead, by the noise of the court of King Mark. +Then this Tauleas went daily at large. And so he happed upon a day he +came to the herdmen wandering and langering, and there he set him down +to rest among them. The meanwhile there came a knight of Cornwall that +led a lady with him, and his name was Sir Dinant; and when the giant +saw him he went from the herdmen and hid him under a tree, and so the +knight came to that well, and there he alighted to repose him. And as +soon as he was from his horse this giant Tauleas came betwixt this +knight and his horse, and took the horse and leapt upon him. So +forthwith he rode unto Sir Dinant and took him by the collar, and +pulled him afore him upon his horse, and there would have stricken off +his head. Then the herdmen said unto Sir Tristram: Help yonder knight. +Help ye him, said Sir Tristram. We dare not, said the herdmen. Then Sir +Tristram was ware of the sword of the knight thereas it lay; and so +thither he ran and took up the sword and struck off Sir Tauleas' head, +and so he yede his way to the herdmen. + + + +CHAPTER XX. How King Mark found Sir Tristram naked, and made him to be +borne home to Tintagil, and how he was there known by a brachet. + +Then the knight took up the giant's head and bare it with him unto King +Mark, and told him what adventure betid him in the forest, and how a +naked man rescued him from the grimly giant, Tauleas. Where had ye this +adventure? said King Mark. Forsooth, said Sir Dinant, at the fair +fountain in your forest where many adventurous knights meet, and there +is the mad man. Well, said King Mark, I will see that wild man. So +within a day or two King Mark commanded his knights and his hunters +that they should be ready on the morn for to hunt, and so upon the morn +he went unto that forest. And when the king came to that well he found +there lying by that well a fair naked man, and a sword by him. Then +King Mark blew and straked, and therewith his knights came to him; and +then the king commanded his knights to: Take that naked man with +fairness, and bring him to my castle. So they did softly and fair, and +cast mantles upon Sir Tristram, and so led him unto Tintagil; and there +they bathed him, and washed him, and gave him hot suppings till they +had brought him well to his remembrance; but all this while there was +no creature that knew Sir Tristram, nor what man he was. + +So it fell upon a day that the queen, La Beale Isoud, heard of such a +man, that ran naked in the forest, and how the king had brought him +home to the court. Then La Beale Isoud called unto her Dame Bragwaine +and said: Come on with me, for we will go see this man that my lord +brought from the forest the last day. So they passed forth, and spered +where was the sick man. And then a squire told the queen that he was in +the garden taking his rest, and reposing him against the sun. So when +the queen looked upon Sir Tristram she was not remembered of him. But +ever she said unto Dame Bragwaine: Meseemeth I should have seen him +heretofore in many places. But as soon as Sir Tristram saw her he knew +her well enough. And then he turned away his visage and wept. + +Then the queen had always a little brachet with her that Sir Tristram +gave her the first time that ever she came into Cornwall, and never +would that brachet depart from her but if Sir Tristram was nigh thereas +was La Beale Isoud; and this brachet was sent from the king's daughter +of France unto Sir Tristram for great love. And anon as this little +brachet felt a savour of Sir Tristram, she leapt upon him and licked +his lears and his ears, and then she whined and quested, and she +smelled at his feet and at his hands, and on all parts of his body that +she might come to. Ah, my lady, said Dame Bragwaine unto La Beale +Isoud, alas, alas, said she, I see it is mine own lord, Sir Tristram. +And thereupon Isoud fell down in a swoon, and so lay a great while. And +when she might speak she said: My lord Sir Tristram, blessed be God ye +have your life, and now I am sure ye shall be discovered by this little +brachet, for she will never leave you. And also I am sure as soon as my +lord, King Mark, do know you he will banish you out of the country of +Cornwall, or else he will destroy you; for God's sake, mine own lord, +grant King Mark his will, and then draw you unto the court of King +Arthur, for there are ye beloved, and ever when I may I shall send unto +you; and when ye list ye may come to me, and at all times early and +late I will be at your commandment, to live as poor a life as ever did +queen or lady. O Madam, said Sir Tristram, go from me, for mickle anger +and danger have I escaped for your love. + + + +CHAPTER XXI. How King Mark, by the advice of his council, banished Sir +Tristram out of Cornwall the term of ten years. + +Then the queen departed, but the brachet would not from him; and +therewithal came King Mark, and the brachet set upon him, and bayed at +them all. There withal Sir Andred spake and said: Sir, this is Sir +Tristram, I see by the brachet. Nay, said the king, I cannot suppose +that. Then the king asked him upon his faith what he was, and what was +his name. So God me help, said he, my name is Sir Tristram de Liones; +now do by me what ye list. Ah, said King Mark, me repenteth of your +recovery. And then he let call his barons to judge Sir Tristram to the +death. Then many of his barons would not assent thereto, and in +especial Sir Dinas, the Seneschal, and Sir Fergus. And so by the advice +of them all Sir Tristram was banished out of the country for ten year, +and thereupon he took his oath upon a book before the king and his +barons. And so he was made to depart out of the country of Cornwall; +and there were many barons brought him unto his ship, of the which some +were his friends and some his foes. And in the meanwhile there came a +knight of King Arthur's, his name was Dinadan, and his coming was for +to seek after Sir Tristram; then they showed him where he was armed at +all points going to the ship. Now fair knight, said Sir Dinadan, or ye +pass this court that ye will joust with me I require thee. With a good +will, said Sir Tristram, an these lords will give me leave. Then the +barons granted thereto, and so they ran together, and there Sir +Tristram gave Sir Dinadan a fall. And then he prayed Sir Tristram to +give him leave to go in his fellowship. Ye shall be right welcome, said +then Sir Tristram. + +And so they took their horses and rode to their ships together, and +when Sir Tristram was in the sea he said: Greet well King Mark and all +mine enemies, and say them I will come again when I may; and well am I +rewarded for the fighting with Sir Marhaus, and delivered all this +country from servage; and well am I rewarded for the fetching and costs +of Queen Isoud out of Ireland, and the danger that I was in first and +last, and by the way coming home what danger I had to bring again Queen +Isoud from the Castle Pluere; and well am I rewarded when I fought with +Sir Bleoberis for Sir Segwarides' wife; and well am I rewarded when I +fought with Sir Blamore de Ganis for King Anguish, father unto La Beale +Isoud; and well am I rewarded when I smote down the good knight, Sir +Lamorak de Galis, at King Mark's request; and well am I rewarded when I +fought with the King with the Hundred Knights, and the King of +Northgalis, and both these would have put his land in servage, and by +me they were put to a rebuke; and well am I rewarded for the slaying of +Tauleas, the mighty giant, and many other deeds have I done for him, +and now have I my warison. And tell King Mark that many noble knights +of the Table Round have spared the barons of this country for my sake. +Also am I not well rewarded when I fought with the good knight Sir +Palomides and rescued Queen Isoud from him; and at that time King Mark +said afore all his barons I should have been better rewarded. And +forthwithal he took the sea. + + + +CHAPTER XXII. How a damosel sought help to help Sir Launcelot against +thirty knights, and how Sir Tristram fought with them. + +And at the next landing, fast by the sea, there met with Sir Tristram +and with Sir Dinadan, Sir Ector de Maris and Sir Bors de Ganis; and +there Sir Ector jousted with Sir Dinadan, and he smote him and his +horse down. And then Sir Tristram would have jousted with Sir Bors, and +Sir Bors said that he would not joust with no Cornish knights, for they +are not called men of worship; and all this was done upon a bridge. And +with this came Sir Bleoberis and Sir Driant, and Sir Bleoberis +proffered to joust with Sir Tristram, and there Sir Tristram smote down +Sir Bleoberis. Then said Sir Bors de Ganis: I wist never Cornish knight +of so great valour nor so valiant as that knight that beareth the +trappings embroidered with crowns. And then Sir Tristram and Sir +Dinadan departed from them into a forest, and there met them a damosel +that came for the love of Sir Launcelot to seek after some noble +knights of King Arthur's court for to rescue Sir Launcelot. And so Sir +Launcelot was ordained, for-by the treason of Queen Morgan le Fay to +have slain Sir Launcelot, and for that cause she ordained thirty +knights to lie in await for Sir Launcelot, and this damosel knew this +treason. And for this cause the damosel came for to seek noble knights +to help Sir Launcelot. For that night, or the day after, Sir Launcelot +should come where these thirty knights were. And so this damosel met +with Sir Bors and Sir Ector and with Sir Driant, and there she told +them all four of the treason of Morgan le Fay; and then they promised +her that they would be nigh where Sir Launcelot should meet with the +thirty knights. And if so be they set upon him we will do rescues as we +can. + +So the damosel departed, and by adventure the damosel met with Sir +Tristram and with Sir Dinadan, and there the damosel told them all the +treason that was ordained for Sir Launcelot. Fair damosel, said Sir +Tristram, bring me to that same place where they should meet with Sir +Launcelot. Then said Sir Dinadan: What will ye do? it is not for us to +fight with thirty knights, and wit you well I will not thereof; as to +match one knight two or three is enough an they be men, but for to +match fifteen knights that will I never undertake. Fie for shame, said +Sir Tristram, do but your part. Nay, said Sir Dinadan, I will not +thereof but if ye will lend me your shield, for ye bear a shield of +Cornwall; and for the cowardice that is named to the knights of +Cornwall, by your shields ye be ever forborne. Nay, said Sir Tristram, +I will not depart from my shield for her sake that gave it me. But one +thing, said Sir Tristram, I promise thee, Sir Dinadan, but if thou wilt +promise me to abide with me, here I shall slay thee, for I desire no +more of thee but answer one knight. And if thy heart will not serve +thee, stand by and look upon me and them. Sir, said Sir Dinadan, I +promise you to look upon and to do what I may to save myself, but I +would I had not met with you. + +So then anon these thirty knights came fast by these four knights, and +they were ware of them, and either of other. And so these thirty +knights let them pass, for this cause, that they would not wrath them, +if case be that they had ado with Sir Launcelot; and the four knights +let them pass to this intent, that they would see and behold what they +would do with Sir Launcelot. And so the thirty knights passed on and +came by Sir Tristram and by Sir Dinadan, and then Sir Tristram cried on +high: Lo, here is a knight against you for the love of Sir Launcelot. +And there he slew two with one spear and ten with his sword. And then +came in Sir Dinadan and he did passing well, and so of the thirty +knights there went but ten away, and they fled. All this battle saw Sir +Bors de Ganis and his three fellows, and then they saw well it was the +same knight that jousted with them at the bridge; then they took their +horses and rode unto Sir Tristram, and praised him and thanked him of +his good deeds, and they all desired Sir Tristram to go with them to +their lodging; and he said: Nay, he would not go to no lodging. Then +they all four knights prayed him to tell them his name. Fair lords, +said Sir Tristram, as at this time I will not tell you my name. + + + +CHAPTER XXIII. How Sir Tristram and Sir Dinadan came to a lodging where +they must joust with two knights. + +Then Sir Tristram and Sir Dinadan rode forth their way till they came +to the shepherds and to the herdmen, and there they asked them if they +knew any lodging or harbour there nigh hand. Forsooth, sirs, said the +herdmen, hereby is good lodging in a castle; but there is such a custom +that there shall no knight be harboured but if he joust with two +knights, and if he be but one knight he must joust with two. And as ye +be therein soon shall ye be matched. There is shrewd harbour, said Sir +Dinadan; lodge where ye will, for I will not lodge there. Fie for +shame, said Sir Tristram, are ye not a knight of the Table Round? +wherefore ye may not with your worship refuse your lodging. Not so, +said the herdmen, for an ye be beaten and have the worse ye shall not +be lodged there, and if ye beat them ye shall be well harboured. Ah, +said Sir Dinadan, they are two sure knights. Then Sir Dinadan would not +lodge there in no manner but as Sir Tristram required him of his +knighthood; and so they rode thither. And to make short tale, Sir +Tristram and Sir Dinadan smote them down both, and so they entered into +the castle and had good cheer as they could think or devise. + +And when they were unarmed, and thought to be merry and in good rest, +there came in at the gates Sir Palomides and Sir Gaheris, requiring to +have the custom of the castle. What array is this? said Sir Dinadan, I +would have my rest. That may not be, said Sir Tristram; now must we +needs defend the custom of this castle, insomuch as we have the better +of the lords of this castle, and therefore, said Sir Tristram, needs +must ye make you ready. In the devil's name, said Sir Dinadan, came I +into your company. And so they made them ready; and Sir Gaheris +encountered with Sir Tristram, and Sir Gaheris had a fall; and Sir +Palomides encountered with Sir Dinadan, and Sir Dinadan had a fall: +then was it fall for fall. So then must they fight on foot. That would +not Sir Dinadan, for he was so sore bruised of the fall that Sir +Palomides gave him. Then Sir Tristram unlaced Sir Dinadan's helm, and +prayed him to help him. I will not, said Sir Dinadan, for I am sore +wounded of the thirty knights that we had but late ago to do withal. +But ye fare, said Sir Dinadan unto Sir Tristram, as a madman and as a +man that is out of his mind that would cast himself away, and I may +curse the time that ever I saw you, for in all the world are not two +such knights that be so wood as is Sir Launcelot and ye Sir Tristram; +for once I fell in the fellowship of Sir Launcelot as I have done now +with you, and he set me a work that a quarter of a year I kept my bed. +Jesu defend me, said Sir Dinadan, from such two knights, and specially +from your fellowship. Then, said Sir Tristram, I will fight with them +both. Then Sir Tristram bade them come forth both, for I will fight +with you. Then Sir Palomides and Sir Gaheris dressed them, and smote at +them both. Then Dinadan smote at Sir Gaheris a stroke or two, and +turned from him. Nay, said Sir Palomides, it is too much shame for us +two knights to fight with one. And then he did bid Sir Gaheris stand +aside with that knight that hath no list to fight. Then they rode +together and fought long, and at the last Sir Tristram doubled his +strokes, and drove Sir Palomides aback more than three strides. And +then by one assent Sir Gaheris and Sir Dinadan went betwixt them, and +departed them in-sunder. And then by assent of Sir Tristram they would +have lodged together. But Sir Dinadan would not lodge in that castle. +And then he cursed the time that ever he came in their fellowship, and +so he took his horse, and his harness, and departed. + +Then Sir Tristram prayed the lords of that castle to lend him a man to +bring him to a lodging, and so they did, and overtook Sir Dinadan, and +rode to their lodging two mile thence with a good man in a priory, and +there they were well at ease. And that same night Sir Bors and Sir +Bleoberis, and Sir Ector and Sir Driant, abode still in the same place +thereas Sir Tristram fought with the thirty knights; and there they met +with Sir Launcelot the same night, and had made promise to lodge with +Sir Colgrevance the same night. + + + +CHAPTER XXIV. How Sir Tristram jousted with Sir Kay and Sir Sagramore +le Desirous, and how Sir Gawaine turned Sir Tristram from Morgan le +Fay. + +But anon as the noble knight, Sir Launcelot, heard of the shield of +Cornwall, then wist he well that it was Sir Tristram that fought with +his enemies. And then Sir Launcelot praised Sir Tristram, and called +him the man of most worship in the world. So there was a knight in that +priory that hight Pellinore, and he desired to wit the name of Sir +Tristram, but in no wise he could not; and so Sir Tristram departed and +left Sir Dinadan in the priory, for he was so weary and so sore bruised +that he might not ride. Then this knight, Sir Pellinore, said to Sir +Dinadan: Sithen that ye will not tell me that knight's name I will ride +after him and make him to tell me his name, or he shall die therefore. +Beware, sir knight, said Sir Dinadan, for an ye follow him ye shall +repent it. So that knight, Sir Pellinore, rode after Sir Tristram and +required him of jousts. Then Sir Tristram smote him down and wounded +him through the shoulder, and so he passed on his way. And on the next +day following Sir Tristram met with pursuivants, and they told him that +there was made a great cry of tournament between King Carados of +Scotland and the King of North Wales, and either should joust against +other at the Castle of Maidens; and these pursuivants sought all the +country after the good knights, and in especial King Carados let make +seeking for Sir Launcelot du Lake, and the King of Northgalis let seek +after Sir Tristram de Liones. And at that time Sir Tristram thought to +be at that jousts; and so by adventure they met with Sir Kay, the +Seneschal, and Sir Sagramore le Desirous; and Sir Kay required Sir +Tristram to joust, and Sir Tristram in a manner refused him, because he +would not be hurt nor bruised against the great jousts that should be +before the Castle of Maidens, and therefore thought to repose him and +to rest him. And alway Sir Kay cried: Sir knight of Cornwall, joust +with me, or else yield thee to me as recreant. When Sir Tristram heard +him say so he turned to him, and then Sir Kay refused him and turned +his back. Then Sir Tristram said: As I find thee I shall take thee. +Then Sir Kay turned with evil will, and Sir Tristram smote Sir Kay +down, and so he rode forth. + +Then Sir Sagramore le Desirous rode after Sir Tristram, and made him to +joust with him, and there Sir Tristram smote down Sir Sagramore le +Desirous from his horse, and rode his way; and the same day he met with +a damosel that told him that he should win great worship of a knight +adventurous that did much harm in all that country. When Sir Tristram +heard her say so, he was glad to go with her to win worship. So Sir +Tristram rode with that damosel a six mile, and then met him Sir +Gawaine, and therewithal Sir Gawaine knew the damosel, that she was a +damosel of Queen Morgan le Fay. Then Sir Gawaine understood that she +led that knight to some mischief. Fair knight, said Sir Gawaine, +whither ride you now with that damosel? Sir, said Sir Tristram, I wot +not whither I shall ride but as the damosel will lead me. Sir, said Sir +Gawaine, ye shall not ride with her, for she and her lady did never +good, but ill. And then Sir Gawaine pulled out his sword and said: +Damosel, but if thou tell me anon for what cause thou leadest this +knight with thee thou shalt die for it right anon: I know all your +lady's treason, and yours. Mercy, Sir Gawaine, she said, and if ye will +save my life I will tell you. Say on, said Sir Gawaine, and thou shalt +have thy life. Sir, she said, Queen Morgan le Fay, my lady, hath +ordained a thirty ladies to seek and espy after Sir Launcelot or Sir +Tristram, and by the trains of these ladies, who that may first meet +any of these two knights they should turn them unto Morgan le Fay's +castle, saying that they should do deeds of worship; and if any of the +two knights came there, there be thirty knights lying and watching in a +tower to wait upon Sir Launcelot or upon Sir Tristram. Fie for shame, +said Sir Gawaine, that ever such false treason should be wrought or +used in a queen, and a king's sister, and a king and queen's daughter. + + + +CHAPTER XXV. How Sir Tristram and Sir Gawaine rode to have foughten +with the thirty knights, but they durst not come out. + +Sir, said Sir Gawaine, will ye stand with me, and we will see the +malice of these thirty knights. Sir, said Sir Tristram, go ye to them, +an it please you, and ye shall see I will not fail you, for it is not +long ago since I and a fellow met with thirty knights of that queen's +fellowship; and God speed us so that we may win worship. So then Sir +Gawaine and Sir Tristram rode toward the castle where Morgan le Fay +was, and ever Sir Gawaine deemed well that he was Sir Tristram de +Liones, because he heard that two knights had slain and beaten thirty +knights. And when they came afore the castle Sir Gawaine spake on high +and said: Queen Morgan le Fay, send out your knights that ye have laid +in a watch for Sir Launcelot and for Sir Tristram. Now, said Sir +Gawaine, I know your false treason, and through all places where that I +ride men shall know of your false treason; and now let see, said Sir +Gawaine, whether ye dare come out of your castle, ye thirty knights. +Then the queen spake and all the thirty knights at once, and said: Sir +Gawaine, full well wottest thou what thou dost and sayest; for by God +we know thee passing well, but all that thou speakest and dost, thou +sayest it upon pride of that good knight that is there with thee. For +there be some of us that know full well the hands of that knight over +all well. And wit thou well, Sir Gawaine, it is more for his sake than +for thine that we will not come out of this castle. For wit ye well, +Sir Gawaine, the knight that beareth the arms of Cornwall, we know him +and what he is. + +Then Sir Gawaine and Sir Tristram departed and rode on their ways a day +or two together; and there by adventure, they met with Sir Kay and Sir +Sagramore le Desirous. And then they were glad of Sir Gawaine, and he +of them, but they wist not what he was with the shield of Cornwall, but +by deeming. And thus they rode together a day or two. And then they +were ware of Sir Breuse Saunce Pité chasing a lady for to have slain +her, for he had slain her paramour afore. Hold you all still, said Sir +Gawaine, and show none of you forth, and ye shall see me reward yonder +false knight; for an he espy you he is so well horsed that he will +escape away. And then Sir Gawaine rode betwixt Sir Breuse and the lady, +and said: False knight, leave her, and have ado with me. When Sir +Breuse saw no more but Sir Gawaine he feutred his spear, and Sir +Gawaine against him; and there Sir Breuse overthrew Sir Gawaine, and +then he rode over him, and overthwart him twenty times to have +destroyed him; and when Sir Tristram saw him do so villainous a deed, +he hurled out against him. And when Sir Breuse saw him with the shield +of Cornwall he knew him well that it was Sir Tristram, and then he +fled, and Sir Tristram followed after him; and Sir Breuse Saunce Pité +was so horsed that he went his way quite, and Sir Tristram followed him +long, for he would fain have been avenged upon him. And so when he had +long chased him, he saw a fair well, and thither he rode to repose him, +and tied his horse till a tree. + + + +CHAPTER XXVI. How damosel Bragwaine found Tristram sleeping by a well, +and how she delivered letters to him from La Beale Isoud. + +And then he pulled off his helm and washed his visage and his hands, +and so he fell asleep. In the meanwhile came a damosel that had sought +Sir Tristram many ways and days within this land. And when she came to +the well she looked upon him, and had forgotten him as in remembrance +of Sir Tristram, but by his horse she knew him, that hight Passe-Brewel +that had been Sir Tristram's horse many years. For when he was mad in +the forest Sir Fergus kept him. So this lady, Dame Bragwaine, abode +still till he was awake. So when she saw him wake she saluted him, and +he her again, for either knew other of old acquaintance; then she told +him how she had sought him long and broad, and there she told him how +she had letters from Queen La Beale Isoud. Then anon Sir Tristram read +them, and wit ye well he was glad, for therein was many a piteous +complaint. Then Sir Tristram said: Lady Bragwaine, ye shall ride with +me till that tournament be done at the Castle of Maidens, and then +shall bear letters and tidings with you. And then Sir Tristram took his +horse and sought lodging, and there he met with a good ancient knight +and prayed him to lodge with him. Right so came Gouvernail unto Sir +Tristram, that was glad of that lady. So this old knight's name was Sir +Pellounes, and he told of the great tournament that should be at the +Castle of Maidens. And there Sir Launcelot and thirty-two knights of +his blood had ordained shields of Cornwall. And right so there came one +unto Sir Pellounes, and told him that Sir Persides de Bloise was come +home; then that knight held up his hands and thanked God of his coming +home. And there Sir Pellounes told Sir Tristram that in two years he +had not seen his son, Sir Persides. Sir, said Sir Tristram, I know your +son well enough for a good knight. + +So on a time Sir Tristram and Sir Persides came to their lodging both +at once, and so they unarmed them, and put upon them their clothing. +And then these two knights each welcomed other. And when Sir Persides +understood that Sir Tristram was of Cornwall, he said he was once in +Cornwall: And there I jousted afore King Mark; and so it happed me at +that time to overthrow ten knights, and then came to me Sir Tristram de +Liones and overthrew me, and took my lady away from me, and that shall +I never forget, but I shall remember me an ever I see my time. Ah, said +Sir Tristram, now I understand that ye hate Sir Tristram. What deem ye, +ween ye that Sir Tristram is not able to withstand your malice? Yes, +said Sir Persides, I know well that Sir Tristram is a noble knight and +a much better knight than I, yet shall I not owe him my good will. +Right as they stood thus talking at a bay-window of that castle, they +saw many knights riding to and fro toward the tournament. And then was +Sir Tristram ware of a likely knight riding upon a great black horse, +and a black-covered shield. What knight is that, said Sir Tristram, +with the black horse and the black shield? he seemeth a good knight. I +know him well, said Sir Persides, he is one of the best knights of the +world. Then is it Sir Launcelot, said Tristram. Nay, said Sir Persides, +it is Sir Palomides, that is yet unchristened. + + + +CHAPTER XXVII. How Sir Tristram had a fall with Sir Palomides, and how +Launcelot overthrew two knights. + +Then they saw much people of the country salute Sir Palomides. And +within a while after there came a squire of the castle, that told Sir +Pellounes that was lord of that castle, that a knight with a black +shield had smitten down thirteen knights. Fair brother, said Sir +Tristram unto Sir Persides, let us cast upon us cloaks, and let us go +see the play. Not so, said Sir Persides, we will not go like knaves +thither, but we will ride like men and good knights to withstand our +enemies. So they armed them, and took their horses and great spears, +and thither they went thereas many knights assayed themself before the +tournament. And anon Sir Palomides saw Sir Persides, and then he sent a +squire unto him and said: Go thou to the yonder knight with the green +shield and therein a lion of gold, and say him I require him to joust +with me, and tell him that my name is Sir Palomides. When Sir Persides +understood that request of Sir Palomides, he made him ready, and there +anon they met together, but Sir Persides had a fall. Then Sir Tristram +dressed him to be revenged upon Sir Palomides, and that saw Sir +Palomides that was ready and so was not Sir Tristram, and took him at +an advantage and smote him over his horse's tail when he had no spear +in his rest. Then stert up Sir Tristram and took his horse lightly, and +was wroth out of measure, and sore ashamed of that fall. Then Sir +Tristram sent unto Sir Palomides by Gouvernail, and prayed him to joust +with him at his request. Nay, said Sir Palomides, as at this time I +will not joust with that knight, for I know him better than he weeneth. +And if he be wroth he may right it to-morn at the Castle of Maidens, +where he may see me and many other knights. + +With that came Sir Dinadan, and when he saw Sir Tristram wroth he list +not to jape. Lo, said Sir Dinadan, here may a man prove, be a man never +so good yet may he have a fall, and he was never so wise but he might +be overseen, and he rideth well that never fell. So Sir Tristram was +passing wroth, and said to Sir Persides and to Sir Dinadan: I will +revenge me. Right so as they stood talking there, there came by Sir +Tristram a likely knight riding passing soberly and heavily with a +black shield. What knight is that? said Sir Tristram unto Sir Persides. +I know him well, said Sir Persides, for his name is Sir Briant of North +Wales; so he passed on among other knights of North Wales. And there +came in Sir Launcelot du Lake with a shield of the arms of Cornwall, +and he sent a squire unto Sir Briant, and required him to joust with +him. Well, said Sir Briant, sithen I am required to joust I will do +what I may; and there Sir Launcelot smote down Sir Briant from his +horse a great fall. And then Sir Tristram marvelled what knight he was +that bare the shield of Cornwall. Whatsoever he be, said Sir Dinadan, I +warrant you he is of King Ban's blood, the which be knights of the most +noble prowess in the world, for to account so many for so many. Then +there came two knights of Northgalis, that one hight Hew de la +Montaine, and the other Sir Madok de la Montaine, and they challenged +Sir Launcelot foot-hot. Sir Launcelot not refusing them but made him +ready, with one spear he smote them down both over their horses' +croups; and so Sir Launcelot rode his way. By the good lord, said Sir +Tristram, he is a good knight that beareth the shield of Cornwall, and +meseemeth he rideth in the best manner that ever I saw knight ride. + +Then the King of Northgalis rode unto Sir Palomides and prayed him +heartily for his sake to joust with that knight that hath done us of +Northgalis despite. Sir, said Sir Palomides, I am full loath to have +ado with that knight, and cause why is, for as to-morn the great +tournament shall be; and therefore I will keep myself fresh by my will. +Nay, said the King of Northgalis, I pray you require him of jousts. +Sir, said Sir Palomides, I will joust at your request, and require that +knight to joust with me, and often I have seen a man have a fall at his +own request. + + + +CHAPTER XXVIII. How Sir Launcelot jousted with Palomides and overthrew +him, and after he was assailed with twelve knights. + +Then Sir Palomides sent unto Sir Launcelot a squire, and required him +of jousts. Fair fellow, said Sir Launcelot, tell me thy lord's name. +Sir, said the squire, my lord's name is Sir Palomides, the good knight. +In good hour, said Sir Launcelot, for there is no knight that I saw +this seven years that I had liefer ado withal than with him. And so +either knights made them ready with two great spears. Nay, said Sir +Dinadan, ye shall see that Sir Palomides will quit him right well. It +may be so, said Sir Tristram, but I undertake that knight with the +shield of Cornwall shall give him a fall. I believe it not, said Sir +Dinadan. Right so they spurred their horses and feutred their spears, +and either hit other, and Sir Palomides brake a spear upon Sir +Launcelot, and he sat and moved not; but Sir Launcelot smote him so +lightly that he made his horse to avoid the saddle, and the stroke +brake his shield and the hauberk, and had he not fallen he had been +slain. How now, said Sir Tristram, I wist well by the manner of their +riding both that Sir Palomides should have a fall. + +Right so Sir Launcelot rode his way, and rode to a well to drink and to +repose him, and they of Northgalis espied him whither he rode; and then +there followed him twelve knights for to have mischieved him, for this +cause that upon the morn at the tournament of the Castle of Maidens +that he should not win the victory. So they came upon Sir Launcelot +suddenly, and unnethe he might put upon him his helm and take his +horse, but they were in hands with him; and then Sir Launcelot gat his +spear, and rode through them, and there he slew a knight and brake a +spear in his body. Then he drew his sword and smote upon the right hand +and upon the left hand, so that within a few strokes he had slain other +three knights, and the remnant that abode he wounded them sore all that +did abide. Thus Sir Launcelot escaped from his enemies of North Wales, +and then Sir Launcelot rode his way till a friend, and lodged him till +on the morn; for he would not the first day have ado in the tournament +because of his great labour. And on the first day he was with King +Arthur thereas he was set on high upon a scaffold to discern who was +best worthy of his deeds. So Sir Launcelot was with King Arthur, and +jousted not the first day. + + + +CHAPTER XXIX. How Sir Tristram behaved him the first day of the +tournament, and there he had the prize. + +Now turn we unto Sir Tristram de Liones, that commanded Gouvernail, his +servant, to ordain him a black shield with none other remembrance +therein. And so Sir Persides and Sir Tristram departed from their host +Sir Pellounes, and they rode early toward the tournament, and then they +drew them to King Carados' side, of Scotland; and anon knights began +the field what of King Northgalis' part, and what of King Carados' +part, and there began great party. Then there was hurling and rashing. +Right so came in Sir Persides and Sir Tristram and so they did fare +that they put the King of Northgalis aback. Then came in Sir Bleoberis +de Ganis and Sir Gaheris with them of Northgalis, and then was Sir +Persides smitten down and almost slain, for more than forty horse men +went over him. For Sir Bleoberis did great deeds of arms, and Sir +Gaheris failed him not. When Sir Tristram beheld them, and saw them do +such deeds of arms, he marvelled what they were. Also Sir Tristram +thought shame that Sir Persides was so done to; and then he gat a great +spear in his hand, and then he rode to Sir Gaheris and smote him down +from his horse. And then was Sir Bleoberis wroth, and gat a spear and +rode against Sir Tristram in great ire; and there Sir Tristram met with +him, and smote Sir Bleoberis from his horse. So then the King with the +Hundred Knights was wroth, and he horsed Sir Bleoberis and Sir Gaheris +again, and there began a great medley; and ever Sir Tristram held them +passing short, and ever Sir Bleoberis was passing busy upon Sir +Tristram; and there came Sir Dinadan against Sir Tristram, and Sir +Tristram gave him such a buffet that he swooned in his saddle. Then +anon Sir Dinadan came to Sir Tristram and said: Sir, I know thee better +than thou weenest; but here I promise thee my troth I will never come +against thee more, for I promise thee that sword of thine shall never +come on mine helm. + +With that came Sir Bleoberis, and Sir Tristram gave him such a buffet +that down he laid his head; and then he caught him so sore by the helm +that he pulled him under his horse's feet. And then King Arthur blew to +lodging. Then Sir Tristram departed to his pavilion, and Sir Dinadan +rode with him; and Sir Persides and King Arthur then, and the kings +upon both parties, marvelled what knight that was with the black +shield. Many said their advice, and some knew him for Sir Tristram, and +held their peace and would nought say. So that first day King Arthur, +and all the kings and lords that were judges, gave Sir Tristram the +prize; howbeit they knew him not, but named him the Knight with the +Black Shield. + + + +CHAPTER XXX. How Sir Tristram returned against King Arthur's party +because he saw Sir Palomides on that party. + +Then upon the morn Sir Palomides returned from the King of Northgalis, +and rode to King Arthur's side, where was King Carados, and the King of +Ireland, and Sir Launcelot's kin, and Sir Gawaine's kin. So Sir +Palomides sent the damosel unto Sir Tristram that he sent to seek him +when he was out of his mind in the forest, and this damosel asked Sir +Tristram what he was and what was his name? + +As for that, said Sir Tristram, tell Sir Palomides ye shall not wit as +at this time unto the time I have broken two spears upon him. But let +him wit thus much, said Sir Tristram, that I am the same knight that he +smote down in over evening at the tournament; and tell him plainly on +what party that Sir Palomides be I will be of the contrary party. + +Sir, said the damosel, ye shall understand that Sir Palomides will be +on King Arthur's side, where the most noble knights of the world be. In +the name of God, said Sir Tristram, then will I be with the King of +Northgalis, because Sir Palomides will be on King Arthur's side, and +else I would not but for his sake. So when King Arthur was come they +blew unto the field; and then there began a great party, and so King +Carados jousted with the King of the Hundred Knights, and there King +Carados had a fall: then was there hurling and rushing, and right so +came in knights of King Arthur's, and they bare aback the King of +Northgalis' knights. + +Then Sir Tristram came in, and began so roughly and so bigly that there +was none might withstand him, and thus Sir Tristram dured long. And at +the last Sir Tristram fell among the fellowship of King Ban, and there +fell upon him Sir Bors de Ganis, and Sir Ector de Maris, and Sir +Blamore de Ganis, and many other knights. And then Sir Tristram smote +on the right hand and on the left hand, that all lords and ladies spake +of his noble deeds. But at the last Sir Tristram should have had the +worse had not the King with the Hundred Knights been. And then he came +with his fellowship and rescued Sir Tristram, and brought him away from +those knights that bare the shields of Cornwall. And then Sir Tristram +saw another fellowship by themself, and there were a forty knights +together, and Sir Kay, the Seneschal, was their governor. Then Sir +Tristram rode in amongst them, and there he smote down Sir Kay from his +horse; and there he fared among those knights like a greyhound among +conies. + +Then Sir Launcelot found a knight that was sore wounded upon the head. +Sir, said Sir Launcelot, who wounded you so sore? Sir, he said, a +knight that beareth a black shield, and I may curse the time that ever +I met with him, for he is a devil and no man. So Sir Launcelot departed +from him and thought to meet with Sir Tristram, and so he rode with his +sword drawn in his hand to seek Sir Tristram; and then he espied him +how he hurled here and there, and at every stroke Sir Tristram wellnigh +smote down a knight. O mercy Jesu! said the king, sith the times I bare +arms saw I never no knight do so marvellous deeds of arms. And if I +should set upon this knight, said Sir Launcelot to himself, I did shame +to myself, and therewithal Sir Launcelot put up his sword. And then the +King with the Hundred Knights and an hundred more of North Wales set +upon the twenty of Sir Launcelot's kin: and they twenty knights held +them ever together as wild swine, and none would fail other. And so +when Sir Tristram beheld the noblesse of these twenty knights he +marvelled of their good deeds, for he saw by their fare and by their +rule that they had liefer die than avoid the field. Now Jesu, said Sir +Tristram, well may he be valiant and full of prowess that hath such a +sort of noble knights unto his kin, and full like is he to be a noble +man that is their leader and governor. He meant it by Sir Launcelot du +Lake. So when Sir Tristram had beholden them long he thought shame to +see two hundred knights battering upon twenty knights. Then Sir +Tristram rode unto the King with the Hundred Knights and said: Sir, +leave your fighting with those twenty knights, for ye win no worship of +them, ye be so many and they so few; and wit ye well they will not out +of the field I see by their cheer and countenance; and worship get ye +none an ye slay them. Therefore leave your fighting with them, for I to +increase my worship I will ride to the twenty knights and help them +with all my might and power. Nay, said the King with the Hundred +Knights, ye shall not do so; now I see your courage and courtesy I will +withdraw my knights for your pleasure, for evermore a good knight will +favour another, and like will draw to like. + + + +CHAPTER XXXI. How Sir Tristram found Palomides by a well, and brought +him with him to his lodging. + +Then the King with the Hundred Knights withdrew his knights. And all +this while, and long to-fore, Sir Launcelot had watched upon Sir +Tristram with a very purpose to have fellowshipped with him. And then +suddenly Sir Tristram, Sir Dinadan, and Gouvernail, his man, rode their +way into the forest, that no man perceived where they went. So then +King Arthur blew unto lodging, and gave the King of Northgalis the +prize because Sir Tristram was upon his side. Then Sir Launcelot rode +here and there, so wood as lion that fauted his fill, because he had +lost Sir Tristram, and so he returned unto King Arthur. And then in all +the field was a noise that with the wind it might be heard two mile +thence, how the lords and ladies cried: The Knight with the Black +Shield hath won the field. Alas, said King Arthur, where is that knight +become? It is shame to all those in the field so to let him escape away +from you; but with gentleness and courtesy ye might have brought him +unto me to the Castle of Maidens. Then the noble King Arthur went unto +his knights and comforted them in the best wise that he could, and +said: My fair fellows, be not dismayed, howbeit ye have lost the field +this day. And many were hurt and sore wounded, and many were whole. My +fellows, said King Arthur, look that ye be of good cheer, for to-morn I +will be in the field with you and revenge you of your enemies. So that +night King Arthur and his knights reposed themself. + +The damosel that came from La Beale Isoud unto Sir Tristram, all the +while the tournament was a-doing she was with Queen Guenever, and ever +the queen asked her for what cause she came into that country. Madam, +she answered, I come for none other cause but from my lady La Beale +Isoud to wit of your welfare. For in no wise she would not tell the +queen that she came for Sir Tristram's sake. So this lady, Dame +Bragwaine, took her leave of Queen Guenever, and she rode after Sir +Tristram. And as she rode through the forest she heard a great cry; +then she commanded her squire to go into the forest to wit what was +that noise. And so he came to a well, and there he found a knight +bounden till a tree crying as he had been wood, and his horse and his +harness standing by him. And when he espied that squire, therewith he +abraid and brake himself loose, and took his sword in his hand, and ran +to have slain the squire. Then he took his horse and fled all that ever +he might unto Dame Bragwaine, and told her of his adventure. Then she +rode unto Sir Tristram's pavilion, and told Sir Tristram what adventure +she had found in the forest. Alas, said Sir Tristram, upon my head +there is some good knight at mischief. + +Then Sir Tristram took his horse and his sword and rode thither, and +there he heard how the knight complained unto himself and said: I, +woful knight Sir Palomides, what misadventure befalleth me, that thus +am defoiled with falsehood and treason, through Sir Bors and Sir Ector. +Alas, he said, why live I so long! And then he gat his sword in his +hands, and made many strange signs and tokens; and so through his +raging he threw his sword into that fountain. Then Sir Palomides wailed +and wrang his hands. And at the last for pure sorrow he ran into that +fountain, over his belly, and sought after his sword. Then Sir Tristram +saw that, and ran upon Sir Palomides, and held him in his arms fast. +What art thou, said Palomides, that holdeth me so? I am a man of this +forest that would thee none harm. Alas, said Sir Palomides, I may never +win worship where Sir Tristram is; for ever where he is an I be there, +then get I no worship; and if he be away for the most part I have the +gree, unless that Sir Launcelot be there or Sir Lamorak. Then Sir +Palomides said: Once in Ireland Sir Tristram put me to the worse, and +another time in Cornwall, and in other places in this land. What would +ye do, said Sir Tristram, an ye had Sir Tristram? I would fight with +him, said Sir Palomides, and ease my heart upon him; and yet, to say +thee sooth, Sir Tristram is the gentlest knight in this world living. +What will ye do, said Sir Tristram, will ye go with me to your lodging? +Nay, said he, I will go to the King with the Hundred Knights, for he +rescued me from Sir Bors de Ganis and Sir Ector and else had I been +slain traitorly. Sir Tristram said him such kind words that Sir +Palomides went with him to his lodging. Then Gouvernail went to-fore, +and charged Dame Bragwaine to go out of the way to her lodging. And bid +ye Sir Persides that he make him no quarrels. And so they rode together +till they came to Sir Tristram's pavilion, and there Sir Palomides had +all the cheer that might be had all that night. But in no wise Sir +Palomides might not know what was Sir Tristram; and so after supper +they yede to rest, and Sir Tristram for great travail slept till it was +day. And Sir Palomides might not sleep for anguish; and in the dawning +of the day he took his horse privily, and rode his way unto Sir Gaheris +and unto Sir Sagramore le Desirous, where they were in their pavilions; +for they three were fellows at the beginning of the tournament. And +then upon the morn the king blew unto the tournament upon the third +day. + + + +CHAPTER XXXII. How Sir Tristram smote down Sir Palomides, and how he +jousted with King Arthur, and other feats. + +So the King of Northgalis and the King with the Hundred Knights, they +two encountered with King Carados and with the King of Ireland; and +there the King with the Hundred Knights smote down King Carados, and +the King of Northgalis smote down the King of Ireland. With that came +in Sir Palomides, and when he came he made great work, for by his +indented shield he was well known. So came in King Arthur, and did +great deeds of arms together, and put the King of Northgalis and the +King with the Hundred Knights to the worse. With this came in Sir +Tristram with his black shield, and anon he jousted with Sir Palomides, +and there by fine force Sir Tristram smote Sir Palomides over his +horse's croup. Then King Arthur cried: Knight with the Black Shield, +make thee ready to me, and in the same wise Sir Tristram smote King +Arthur. And then by force of King Arthur's knights the King and Sir +Palomides were horsed again. Then King Arthur with a great eager heart +he gat a spear in his hand, and there upon the one side he smote Sir +Tristram over his horse. Then foot-hot Sir Palomides came upon Sir +Tristram, as he was upon foot, to have overridden him. Then Sir +Tristram was ware of him, and there he stooped aside, and with great +ire he gat him by the arm, and pulled him down from his horse. Then Sir +Palomides lightly arose, and then they dashed together mightily with +their swords; and many kings, queens, and lords, stood and beheld them. +And at the last Sir Tristram smote Sir Palomides upon the helm three +mighty strokes, and at every stroke that he gave him he said: This for +Sir Tristram's sake. With that Sir Palomides fell to the earth +grovelling. + +Then came the King with the Hundred Knights, and brought Sir Tristram +an horse, and so was he horsed again. By then was Sir Palomides horsed, +and with great ire he jousted upon Sir Tristram with his spear as it +was in the rest, and gave him a great dash with his sword. Then Sir +Tristram avoided his spear, and gat him by the neck with his both +hands, and pulled him clean out of his saddle, and so he bare him afore +him the length of ten spears, and then in the presence of them all he +let him fall at his adventure. Then Sir Tristram was ware of King +Arthur with a naked sword in his hand, and with his spear Sir Tristram +ran upon King Arthur; and then King Arthur boldly abode him and with +his sword he smote a-two his spear, and therewithal Sir Tristram +stonied; and so King Arthur gave him three or four strokes or he might +get out his sword, and at the last Sir Tristram drew his sword and +[either] assailed other passing hard. With that the great press +departed [them]. Then Sir Tristram rode here and there and did his +great pain, that eleven of the good knights of the blood of King Ban, +that was of Sir Launcelot's kin, that day Sir Tristram smote down; that +all the estates marvelled of his great deeds and all cried upon the +Knight with the Black Shield. + + + +CHAPTER XXXIII. How Sir Launcelot hurt Sir Tristram, and how after Sir +Tristram smote down Sir Palomides. + +Then this cry was so large that Sir Launcelot heard it. And then he gat +a great spear in his hand and came towards the cry. Then Sir Launcelot +cried: The Knight with the Black Shield, make thee ready to joust with +me. When Sir Tristram heard him say so he gat his spear in his hand, +and either abashed down their heads, and came together as thunder; and +Sir Tristram's spear brake in pieces, and Sir Launcelot by malfortune +struck Sir Tristram on the side a deep wound nigh to the death; but yet +Sir Tristram avoided not his saddle, and so the spear brake. +Therewithal Sir Tristram that was wounded gat out his sword, and he +rushed to Sir Launcelot, and gave him three great strokes upon the helm +that the fire sprang thereout, and Sir Launcelot abashed his head lowly +toward his saddle-bow. And therewithal Sir Tristram departed from the +field, for he felt him so wounded that he weened he should have died; +and Sir Dinadan espied him and followed him into the forest. Then Sir +Launcelot abode and did many marvellous deeds. + +So when Sir Tristram was departed by the forest's side he alighted, and +unlaced his harness and freshed his wound; then weened Sir Dinadan that +he should have died. Nay, nay, said Sir Tristram, Dinadan never dread +thee, for I am heart-whole, and of this wound I shall soon be whole, by +the mercy of God. By that Sir Dinadan was ware where came Palomides +riding straight upon them. And then Sir Tristram was ware that Sir +Palomides came to have destroyed him. And so Sir Dinadan gave him +warning, and said: Sir Tristram, my lord, ye are so sore wounded that +ye may not have ado with him, therefore I will ride against him and do +to him what I may, and if I be slain ye may pray for my soul; and in +the meanwhile ye may withdraw you and go into the castle, or in the +forest, that he shall not meet with you. Sir Tristram smiled and said: +I thank you, Sir Dinadan, of your good will, but ye shall wit that I am +able to handle him. And then anon hastily he armed him, and took his +horse, and a great spear in his hand, and said to Sir Dinadan: Adieu; +and rode toward Sir Palomides a soft pace. Then when Sir Palomides saw +that, he made countenance to amend his horse, but he did it for this +cause, for he abode Sir Gaheris that came after him. And when he was +come he rode toward Sir Tristram. Then Sir Tristram sent unto Sir +Palomides, and required him to joust with him; and if he smote down Sir +Palomides he would do no more to him; and if it so happened that Sir +Palomides smote down Sir Tristram, he bade him do his utterance. So +they were accorded. Then they met together, and Sir Tristram smote down +Sir Palomides that he had a grievous fall, so that he lay still as he +had been dead. And then Sir Tristram ran upon Sir Gaheris, and he would +not have jousted; but whether he would or not Sir Tristram smote him +over his horse's croup, that he lay still as though he had been dead. +And then Sir Tristram rode his way and left Sir Persides' squire within +the pavilions, and Sir Tristram and Sir Dinadan rode to an old knight's +place to lodge them. And that old knight had five sons at the +tournament, for whom he prayed God heartily for their coming home. And +so, as the French book saith, they came home all five well beaten. + +And when Sir Tristram departed into the forest Sir Launcelot held alway +the stour like hard, as a man araged that took no heed to himself, and +wit ye well there was many a noble knight against him. And when King +Arthur saw Sir Launcelot do so marvellous deeds of arms he then armed +him, and took his horse and his armour, and rode into the field to help +Sir Launcelot; and so many knights came in with King Arthur. And to +make short tale in conclusion, the King of Northgalis and the King of +the Hundred Knights were put to the worse; and because Sir Launcelot +abode and was the last in the field the prize was given him. But Sir +Launcelot would neither for king, queen, nor knight, have the prize, +but where the cry was cried through the field: Sir Launcelot, Sir +Launcelot hath won the field this day, Sir Launcelot let make another +cry contrary: Sir Tristram hath won the field, for he began first, and +last he hath endured, and so hath he done the first day, the second, +and the third day. + + + +CHAPTER XXXIV. How the prize of the third day was given to Sir +Launcelot, and Sir Launcelot gave it to Sir Tristram. + +Then all the estates and degrees high and low said of Sir Launcelot +great worship, for the honour that he did unto Sir Tristram; and for +that honour doing to Sir Tristram he was at that time more praised and +renowned than an he had overthrown five hundred knights; and all the +people wholly for this gentleness, first the estates both high and low, +and after the commonalty cried at once: Sir Launcelot hath won the +field whosoever say nay. Then was Sir Launcelot wroth and ashamed, and +so therewithal he rode to King Arthur. Alas, said the king, we are all +dismayed that Sir Tristram is thus departed from us. By God, said King +Arthur, he is one of the noblest knights that ever I saw hold spear or +sword in hand, and the most courteoust knight in his fighting; for full +hard I saw him, said King Arthur, when he smote Sir Palomides upon the +helm thrice, that he abashed his helm with his strokes, and also he +said: Here is a stroke for Sir Tristram, and thus thrice he said. Then +King Arthur, Sir Launcelot, and Sir Dodinas le Savage took their horses +to seek Sir Tristram, and by the means of Sir Persides he had told King +Arthur where Sir Tristram was in his pavilion. But when they came +there, Sir Tristram and Sir Dinadan were gone. + +Then King Arthur and Sir Launcelot were heavy, and returned again to +the Castle of Maidens making great dole for the hurt of Sir Tristram, +and his sudden departing. So God me help, said King Arthur, I am more +heavy that I cannot meet with him than for all the hurts that all my +knights have had at the tournament. Right so came Sir Gaheris and told +King Arthur how Sir Tristram had smitten down Sir Palomides, and it was +at Sir Palomides' own request. Alas, said King Arthur, that was great +dishonour to Sir Palomides, inasmuch as Sir Tristram was sore wounded, +and now may we all, kings, and knights, and men of worship, say that +Sir Tristram may be called a noble knight, and one of the best knights +that ever I saw the days of my life. For I will that ye all, kings and +knights, know, said King Arthur, that I never saw knight do so +marvellously as he hath done these three days; for he was the first +that began and that longest held on, save this last day. And though he +was hurt, it was a manly adventure of two noble knights, and when two +noble men encounter needs must the one have the worse, like as God will +suffer at that time. As for me, said Sir Launcelot, for all the lands +that ever my father left me I would not have hurt Sir Tristram an I had +known him at that time; that I hurt him was for I saw not his shield. +For an I had seen his black shield, I would not have meddled with him +for many causes; for late he did as much for me as ever did knight, and +that is well known that he had ado with thirty knights, and no help +save Sir Dinadan. And one thing shall I promise, said Sir Launcelot, +Sir Palomides shall repent it as in his unkindly dealing for to follow +that noble knight that I by mishap hurted thus. Sir Launcelot said all +the worship that might be said by Sir Tristram. Then King Arthur made a +great feast to all that would come. And thus we let pass King Arthur, +and a little we will turn unto Sir Palomides, that after he had a fall +of Sir Tristram, he was nigh-hand araged out of his wit for despite of +Sir Tristram. And so he followed him by adventure. And as he came by a +river, in his woodness he would have made his horse to have leapt over; +and the horse failed footing and fell in the river, wherefore Sir +Palomides was adread lest he should have been drowned; and then he +avoided his horse, and swam to the land, and let his horse go down by +adventure. + + + +CHAPTER XXXV. How Palomides came to the castle where Sir Tristram was, +and of the quest that Sir Launcelot and ten knights made for Sir +Tristram. + +And when he came to the land he took off his harness, and sat roaring +and crying as a man out of his mind. Right so came a damosel even by +Sir Palomides, that was sent from Sir Gawaine and his brother unto Sir +Mordred, that lay sick in the same place with that old knight where Sir +Tristram was. For, as the French book saith, Sir Persides hurt so Sir +Mordred a ten days afore; and had it not been for the love of Sir +Gawaine and his brother, Sir Persides had slain Sir Mordred. And so +this damosel came by Sir Palomides, and she and he had language +together, the which pleased neither of them; and so the damosel rode +her ways till she came to the old knight's place, and there she told +that old knight how she met with the woodest knight by adventure that +ever she met withal. What bare he in his shield? said Sir Tristram. It +was indented with white and black, said the damosel. Ah, said Sir +Tristram, that was Sir Palomides, the good knight. For well I know him, +said Sir Tristram, for one of the best knights living in this realm. +Then that old knight took a little hackney, and rode for Sir Palomides, +and brought him unto his own manor; and full well knew Sir Tristram Sir +Palomides, but he said but little, for at that time Sir Tristram was +walking upon his feet, and well amended of his hurts; and always when +Sir Palomides saw Sir Tristram he would behold him full marvellously, +and ever him seemed that he had seen him. Then would he say unto Sir +Dinadan: An ever I may meet with Sir Tristram he shall not escape mine +hands. I marvel, said Sir Dinadan, that ye boast behind Sir Tristram, +for it is but late that he was in your hands, and ye in his hands; why +would ye not hold him when ye had him? for I saw myself twice or thrice +that ye gat but little worship of Sir Tristram. Then was Sir Palomides +ashamed. So leave we them a little while in the old castle with the old +knight Sir Darras. + +Now shall we speak of King Arthur, that said to Sir Launcelot: Had not +ye been we had not lost Sir Tristram, for he was here daily unto the +time ye met with him, and in an evil time, said Arthur, ye encountered +with him. My lord Arthur, said Launcelot, ye put upon me that I should +be cause of his departition; God knoweth it was against my will. But +when men be hot in deeds of arms oft they hurt their friends as well as +their foes. And my lord, said Sir Launcelot, ye shall understand that +Sir Tristram is a man that I am loath to offend, for he hath done for +me more than ever I did for him as yet. But then Sir Launcelot made +bring forth a book: and then Sir Launcelot said: Here we are ten +knights that will swear upon a book never to rest one night where we +rest another this twelvemonth until that we find Sir Tristram. And as +for me, said Sir Launcelot, I promise you upon this book that an I may +meet with him, either with fairness or foulness I shall bring him to +this court, or else I shall die therefore. And the names of these ten +knights that had undertaken this quest were these following: First was +Sir Launcelot, Sir Ector de Maris, Sir Bors de Ganis, and Bleoberis, +and Sir Blamore de Ganis, and Lucan the Butler, Sir Uwaine, Sir Galihud +Lionel, and Galiodin. So these ten noble knights departed from the +court of King Arthur, and so they rode upon their quest together until +they came to a cross where departed four ways, and there departed the +fellowship in four to seek Sir Tristram. + +And as Sir Launcelot rode by adventure he met with Dame Bragwaine that +was sent into that country to seek Sir Tristram, and she fled as fast +as her palfrey might go. So Sir Launcelot met with her and asked her +why she fled. Ah, fair knight, said Dame Bragwaine, I flee for dread of +my life, for here followeth me Sir Breuse Saunce Pité to slay me. Hold +you nigh me, said Sir Launcelot. Then when Sir Launcelot saw Sir Breuse +Saunce Pité, Sir Launcelot cried unto him, and said: False knight, +destroyer of ladies and damosels, now thy last days be come. When Sir +Breuse Saunce Pité saw Sir Launcelot's shield he knew it well, for at +that time he bare not the arms of Cornwall, but he bare his own shield. +And then Sir Breuse fled, and Sir Launcelot followed after him. But Sir +Breuse was so well horsed that when him list to flee he might well +flee, and also abide when him list. And then Sir Launcelot returned +unto Dame Bragwaine, and she thanked him of his great labour. + + + +CHAPTER XXXVI. How Sir Tristram, Sir Palomides, and Sir Dinadan were +taken and put in prison. + +Now will we speak of Sir Lucan the butler, that by fortune he came +riding to the same place thereas was Sir Tristram, and in he came in +none other intent but to ask harbour. Then the porter asked what was +his name. Tell your lord that my name is Sir Lucan, the butler, a +Knight of the Round Table. So the porter went unto Sir Darras, lord of +the place, and told him who was there to ask harbour. Nay, nay, said +Sir Daname, that was nephew to Sir Darras, say him that he shall not be +lodged here, but let him wit that I, Sir Daname, will meet with him +anon, and bid him make him ready. So Sir Daname came forth on +horseback, and there they met together with spears, and Sir Lucan smote +down Sir Daname over his horse's croup, and then he fled into that +place, and Sir Lucan rode after him, and asked after him many times. + +Then Sir Dinadan said to Sir Tristram: It is shame to see the lord's +cousin of this place defoiled. Abide, said Sir Tristram, and I shall +redress it. And in the meanwhile Sir Dinadan was on horseback, and he +jousted with Lucan the butler, and there Sir Lucan smote Dinadan +through the thick of the thigh, and so he rode his way; and Sir +Tristram was wroth that Sir Dinadan was hurt, and followed after, and +thought to avenge him; and within a while he overtook Sir Lucan, and +bade him turn; and so they met together so that Sir Tristram hurt Sir +Lucan passing sore and gave him a fall. With that came Sir Uwaine, a +gentle knight, and when he saw Sir Lucan so hurt he called Sir Tristram +to joust with him. Fair knight, said Sir Tristram, tell me your name I +require you. Sir knight, wit ye well my name is Sir Uwaine le Fise de +Roy Ureine. Ah, said Sir Tristram, by my will I would not have ado with +you at no time. Ye shall not so, said Sir Uwaine, but ye shall have ado +with me. And then Sir Tristram saw none other bote, but rode against +him, and overthrew Sir Uwaine and hurt him in the side, and so he +departed unto his lodging again. And when Sir Dinadan understood that +Sir Tristram had hurt Sir Lucan he would have ridden after Sir Lucan +for to have slain him, but Sir Tristram would not suffer him. Then Sir +Uwaine let ordain an horse litter, and brought Sir Lucan to the abbey +of Ganis, and the castle thereby hight the Castle of Ganis, of the +which Sir Bleoberis was lord. And at that castle Sir Launcelot promised +all his fellows to meet in the quest of Sir Tristram. + +So when Sir Tristram was come to his lodging there came a damosel that +told Sir Darras that three of his sons were slain at that tournament, +and two grievously wounded that they were never like to help themself. +And all this was done by a noble knight that bare the black shield, and +that was he that bare the prize. Then came there one and told Sir +Darras that the same knight was within, him that bare the black shield. +Then Sir Darras yede unto Sir Tristram's chamber, and there he found +his shield and showed it to the damosel. Ah sir, said the damosel, that +same is he that slew your three sons. Then without any tarrying Sir +Darras put Sir Tristram, and Sir Palomides, and Sir Dinadan, within a +strong prison, and there Sir Tristram was like to have died of great +sickness; and every day Sir Palomides would reprove Sir Tristram of old +hate betwixt them. And ever Sir Tristram spake fair and said little. +But when Sir Palomides saw the falling of sickness of Sir Tristram, +then was he heavy for him, and comforted him in all the best wise he +could. And as the French book saith, there came forty knights to Sir +Darras that were of his own kin, and they would have slain Sir Tristram +and his two fellows, but Sir Darras would not suffer that, but kept +them in prison, and meat and drink they had. So Sir Tristram endured +there great pain, for sickness had undertaken him, and that is the +greatest pain a prisoner may have. For all the while a prisoner may +have his health of body he may endure under the mercy of God and in +hope of good deliverance; but when sickness toucheth a prisoner's body, +then may a prisoner say all wealth is him bereft, and then he hath +cause to wail and to weep. Right so did Sir Tristram when sickness had +undertaken him, for then he took such sorrow that he had almost slain +himself. + + + +CHAPTER XXXVII. How King Mark was sorry for the good renown of Sir +Tristram. Some of King Arthur's knights jousted with knights of +Cornwall. + +Now will we speak, and leave Sir Tristram, Sir Palomides, and Sir +Dinadan in prison, and speak we of other knights that sought after Sir +Tristram many divers parts of this land. And some yede into Cornwall; +and by adventure Sir Gaheris, nephew unto King Arthur, came unto King +Mark, and there he was well received and sat at King Mark's own table +and ate of his own mess. Then King Mark asked Sir Gaheris what tidings +there were in the realm of Logris. Sir, said Sir Gaheris, the king +reigneth as a noble knight; and now but late there was a great jousts +and tournament as ever I saw any in the realm of Logris, and the most +noble knights were at that jousts. But there was one knight that did +marvellously three days, and he bare a black shield, and of all knights +that ever I saw he proved the best knight. Then, said King Mark, that +was Sir Launcelot, or Sir Palomides the paynim. Not so, said Sir +Gheris, for both Sir Launcelot and Sir Palomides were on the contrary +party against the Knight with the Black Shield. Then was it Sir +Tristram, said the king. Yea, said Sir Gaheris. And therewithal the +king smote down his head, and in his heart he feared sore that Sir +Tristram should get him such worship in the realm of Logris +wherethrough that he himself should not be able to withstand him. Thus +Sir Gaheris had great cheer with King Mark, and with Queen La Beale +Isoud, the which was glad of Sir Gaheris' words; for well she wist by +his deeds and manners that it was Sir Tristram. And then the king made +a feast royal, and to that feast came Sir Uwaine le Fise de Roy Ureine, +and some called him Uwaine le Blanchemains. And this Sir Uwaine +challenged all the knights of Cornwall. Then was the king wood wroth +that he had no knights to answer him. Then Sir Andred, nephew unto King +Mark, leapt up and said: I will encounter with Sir Uwaine. Then he yede +and armed him and horsed him in the best manner. And there Sir Uwaine +met with Sir Andred, and smote him down that he swooned on the earth. +Then was King Mark sorry and wroth out of measure that he had no knight +to revenge his nephew, Sir Andred. + +So the king called unto him Sir Dinas, the Seneschal, and prayed him +for his sake to take upon him to joust with Sir Uwaine. Sir, said Sir +Dinas, I am full loath to have ado with any knight of the Round Table. +Yet, said the king, for my love take upon thee to joust. So Sir Dinas +made him ready, and anon they encountered together with great spears, +but Sir Dinas was overthrown, horse and man, a great fall. Who was +wroth but King Mark! Alas, he said, have I no knight that will +encounter with yonder knight? Sir, said Sir Gaheris, for your sake I +will joust. So Sir Gaheris made him ready, and when he was armed he +rode into the field. And when Sir Uwaine saw Sir Gaheris' shield he +rode to him and said: Sir, ye do not your part. For, sir, the first +time ye were made Knight of the Round Table ye sware that ye should not +have ado with your fellowship wittingly. And pardie, Sir Gaheris, ye +knew me well enough by my shield, and so do I know you by your shield, +and though ye would break your oath I would not break mine; for there +is not one here, nor ye, that shall think I am afeard of you, but I +durst right well have ado with you, and yet we be sisters' sons. Then +was Sir Gaheris ashamed, and so therewithal every knight went their +way, and Sir Uwaine rode into the country. + +Then King Mark armed him, and took his horse and his spear, with a +squire with him. And then he rode afore Sir Uwaine, and suddenly at a +gap he ran upon him as he that was not ware of him, and there he smote +him almost through the body, and there left him. So within a while +there came Sir Kay and found Sir Uwaine, and asked him how he was hurt. +I wot not, said Sir Uwaine, why nor wherefore, but by treason I am sure +I gat this hurt; for here came a knight suddenly upon me or that I was +ware, and suddenly hurt me. Then there was come Sir Andred to seek King +Mark. Thou traitor knight, said Sir Kay, an I wist it were thou that +thus traitorly hast hurt this noble knight thou shouldst never pass my +hands. Sir, said Sir Andred, I did never hurt him, and that I will +report me to himself. Fie on you false knight, said Sir Kay, for ye of +Cornwall are nought worth. So Sir Kay made carry Sir Uwaine to the +Abbey of the Black Cross, and there he was healed. And then Sir Gaheris +took his leave of King Mark, but or he departed he said: Sir king, ye +did a foul shame unto you and your court, when ye banished Sir Tristram +out of this country, for ye needed not to have doubted no knight an he +had been here. And so he departed. + + + +CHAPTER XXVIII. Of the treason of King Mark, and how Sir Gaheris smote +him down and Andred his cousin. + +Then there came Sir Kay, the Seneschal, unto King Mark, and there he +had good cheer showing outward. Now, fair lords, said he, will ye prove +any adventure in the forest of Morris, in the which I know well is as +hard an adventure as I know any. Sir, said Sir Kay, I will prove it. +And Sir Gaheris said he would be avised for King Mark was ever full of +treason: and therewithal Sir Gaheris departed and rode his way. And by +the same way that Sir Kay should ride he laid him down to rest, +charging his squire to wait upon Sir Kay; And warn me when he cometh. +So within a while Sir Kay came riding that way, and then Sir Gaheris +took his horse and met him, and said: Sir Kay, ye are not wise to ride +at the request of King Mark, for he dealeth all with treason. Then said +Sir Kay: I require you let us prove this adventure. I shall not fail +you, said Sir Gaheris. And so they rode that time till a lake that was +that time called the Perilous Lake, and there they abode under the shaw +of the wood. + +The meanwhile King Mark within the castle of Tintagil avoided all his +barons, and all other save such as were privy with him were avoided out +of his chamber. And then he let call his nephew Sir Andred, and bade +arm him and horse him lightly; and by that time it was midnight. And so +King Mark was armed in black, horse and all; and so at a privy postern +they two issued out with their varlets with them, and rode till they +came to that lake. Then Sir Kay espied them first, and gat his spear, +and proffered to joust. And King Mark rode against him, and smote each +other full hard, for the moon shone as the bright day. And there at +that jousts Sir Kay's horse fell down, for his horse was not so big as +the king's horse, and Sir Kay's horse bruised him full sore. Then Sir +Gaheris was wroth that Sir Kay had a fall. Then he cried: Knight, sit +thou fast in thy saddle, for I will revenge my fellow. Then King Mark +was afeard of Sir Gaheris, and so with evil will King Mark rode against +him, and Sir Gaheris gave him such a stroke that he fell down. So then +forthwithal Sir Gaheris ran unto Sir Andred and smote him from his +horse quite, that his helm smote in the earth, and nigh had broken his +neck. And therewithal Sir Gaheris alighted, and gat up Sir Kay. And +then they yode both on foot to them, and bade them yield them, and tell +their names outher they should die. Then with great pain Sir Andred +spake first, and said: It is King Mark of Cornwall, therefore be ye +ware what ye do, and I am Sir Andred, his cousin. Fie on you both, said +Sir Gaheris, for a false traitor, and false treason hast thou wrought +and he both, under the feigned cheer that ye made us! it were pity, +said Sir Gaheris, that thou shouldst live any longer. Save my life, +said King Mark, and I will make amends; and consider that I am a king +anointed. It were the more shame, said Sir Gaheris, to save thy life; +thou art a king anointed with cream, and therefore thou shouldst hold +with all men of worship; and therefore thou art worthy to die. With +that he lashed at King Mark without saying any more, and covered him +with his shield and defended him as he might. And then Sir Kay lashed +at Sir Andred, and therewithal King Mark yielded him unto Sir Gaheris. +And then he kneeled adown, and made his oath upon the cross of the +sword, that never while he lived he would be against errant-knights. +And also he sware to be good friend unto Sir Tristram if ever he came +into Cornwall. + +By then Sir Andred was on the earth, and Sir Kay would have slain him. +Let be, said Sir Gaheris, slay him not I pray you. It were pity, said +Sir Kay, that he should live any longer, for this is nigh cousin unto +Sir Tristram, and ever he hath been a traitor unto him, and by him he +was exiled out of Cornwall, and therefore I will slay him, said Sir +Kay. Ye shall not, said Sir Gaheris; sithen I have given the king his +life, I pray you give him his life. And therewithal Sir Kay let him go. +And so Sir Kay and Sir Gaheris rode their way unto Dinas, the +Seneschal, for because they heard say that he loved well Sir Tristram. +So they reposed them there, and soon after they rode unto the realm of +Logris. And so within a little while they met with Sir Launcelot that +always had Dame Bragwaine with him, to that intent he weened to have +met the sooner with Sir Tristram; and Sir Launcelot asked what tidings +in Cornwall, and whether they heard of Sir Tristram or not. Sir Kay and +Sir Gaheris answered and said, that they heard not of him. Then they +told Sir Launcelot word by word of their adventure. Then Sir Launcelot +smiled and said: Hard it is to take out of the flesh that is bred in +the bone; and so made them merry together. + + + +CHAPTER XIX. How after that Sir Tristram, Sir Palomides, and Sir +Dinadan had been long in prison they were delivered. + +Now leave we off this tale, and speak we of Sir Dinas that had within +the castle a paramour, and she loved another knight better than him. +And so when Sir Dinas went out a-hunting she slipped down by a towel, +and took with her two brachets, and so she yede to the knight that she +loved, and he her again. And when Sir Dinas came home and missed his +paramour and his brachets, then was he the more wrother for his +brachets than for the lady. So then he rode after the knight that had +his paramour, and bade him turn and joust. So Sir Dinas smote him down, +that with the fall he brake his leg and his arm. And then his lady and +paramour cried Sir Dinas mercy, and said she would love him better than +ever she did. Nay, said Sir Dinas, I shall never trust them that once +betrayed me, and therefore, as ye have begun, so end, for I will never +meddle with you. And so Sir Dinas departed, and took his brachets with +him, and so rode to his castle. + +Now will we turn unto Sir Launcelot, that was right heavy that he could +never hear no tidings of Sir Tristram, for all this while he was in +prison with Sir Darras, Palomides, and Dinadan. Then Dame Bragwaine +took her leave to go into Cornwall, and Sir Launcelot, Sir Kay, and Sir +Gaheris rode to seek Sir Tristram in the country of Surluse. + +Now speaketh this tale of Sir Tristram and of his two fellows, for +every day Sir Palomides brawled and said language against Sir Tristram. +I marvel, said Sir Dinadan, of thee, Sir Palomides, an thou haddest Sir +Tristram here thou wouldst do him no harm; for an a wolf and a sheep +were together in a prison the wolf would suffer the sheep to be in +peace. And wit thou well, said Sir Dinadan, this same is Sir Tristram +at a word, and now must thou do thy best with him, and let see now if +ye can skift it with your hands. Then was Sir Palomides abashed and +said little. Sir Palomides, then said Sir Tristram, I have heard much +of your maugre against me, but I will not meddle with you as at this +time by my will, because I dread the lord of this place that hath us in +governance; for an I dread him not more than I do thee, soon it should +be skift: so they peaced themself. Right so came in a damosel and said: +Knights, be of good cheer, for ye are sure of your lives, and that I +heard say my lord, Sir Darras. Then were they glad all three, for daily +they weened they should have died. + +Then soon after this Sir Tristram fell sick that he weened to have +died; then Sir Dinadan wept, and so did Sir Palomides under them both +making great sorrow. So a damosel came in to them and found them +mourning. Then she went unto Sir Darras, and told him how that mighty +knight that bare the black shield was likely to die. That shall not be, +said Sir Darras, for God defend when knights come to me for succour +that I should suffer them to die within my prison. Therefore, said Sir +Darras to the damosel, fetch that knight and his fellows afore me. And +then anon Sir Darras saw Sir Tristram brought afore him. He said: Sir +knight, me repenteth of thy sickness for thou art called a full noble +knight, and so it seemeth by thee; and wit ye well it shall never be +said that Sir Darras shall destroy such a noble knight as thou art in +prison, howbeit that thou hast slain three of my sons whereby I was +greatly aggrieved. But now shalt thou go and thy fellows, and your +harness and horses have been fair and clean kept, and ye shall go where +it liketh you, upon this covenant, that thou, knight, wilt promise me +to be good friend to my sons two that be now alive, and also that thou +tell me thy name. Sir, said he, as for me my name is Sir Tristram de +Liones, and in Cornwall was I born, and nephew I am unto King Mark. And +as for the death of your sons I might not do withal, for an they had +been the next kin that I have I might have done none otherwise. And if +I had slain them by treason or treachery I had been worthy to have +died. All this I consider, said Sir Darras, that all that ye did was by +force of knighthood, and that was the cause I would not put you to +death. But sith ye be Sir Tristram, the good knight, I pray you +heartily to be my good friend and to my sons. Sir, said Sir Tristram, I +promise you by the faith of my body, ever while I live I will do you +service, for ye have done to us but as a natural knight ought to do. +Then Sir Tristram reposed him there till that he was amended of his +sickness; and when he was big and strong they took their leave, and +every knight took their horses, and so departed and rode together till +they came to a cross way. Now fellows, said Sir Tristram, here will we +depart in sundry ways. And because Sir Dinadan had the first adventure +of him I will begin. + + + +CHAPTER XL. How Sir Dinadan rescued a lady from Sir Breuse Saunce Pité, +and how Sir Tristram received a shield of Morgan le Fay. + +So as Sir Dinadan rode by a well he found a lady making great dole. +What aileth you? said Sir Dinadan. Sir knight, said the lady, I am the +wofullest lady of the world, for within these five days here came a +knight called Sir Breuse Saunce Pité, and he slew mine own brother, and +ever since he hath kept me at his own will, and of all men in the world +I hate him most; and therefore I require you of knighthood to avenge +me, for he will not tarry, but be here anon. Let him come, said Sir +Dinadan, and because of honour of all women I will do my part. With +this came Sir Breuse, and when he saw a knight with his lady he was +wood wroth. And then he said: Sir knight, keep thee from me. So they +hurtled together as thunder, and either smote other passing sore, but +Sir Dinadan put him through the shoulder a grievous wound, and or ever +Sir Dinadan might turn him Sir Breuse was gone and fled. Then the lady +prayed him to bring her to a castle there beside but four mile thence; +and so Sir Dinadan brought her there, and she was welcome, for the lord +of that castle was her uncle; and so Sir Dinadan rode his way upon his +adventure. + +Now turn we this tale unto Sir Tristram, that by adventure he came to a +castle to ask lodging, wherein was Queen Morgan le Fay; and so when Sir +Tristram was let into that castle he had good cheer all that night. And +upon the morn when he would have departed the queen said: Wit ye well +ye shall not depart lightly, for ye are here as a prisoner. Jesu +defend! said Sir Tristram, for I was but late a prisoner. Fair knight, +said the queen, ye shall abide with me till that I wit what ye are and +from whence ye come. And ever the queen would set Sir Tristram on her +own side, and her paramour on the other side. And ever Queen Morgan +would behold Sir Tristram, and thereat the knight was jealous, and was +in will suddenly to have run upon Sir Tristram with a sword, but he +left it for shame. Then the queen said to Sir Tristram: Tell me thy +name, and I shall suffer you to depart when ye will. Upon that covenant +I tell you my name is Sir Tristram de Liones. Ah, said Morgan le Fay, +an I had wist that, thou shouldst not have departed so soon as thou +shalt. But sithen I have made a promise I will hold it, with that thou +wilt promise me to bear upon thee a shield that I shall deliver thee, +unto the castle of the Hard Rock, where King Arthur had cried a great +tournament, and there I pray you that ye will be, and to do for me as +much deeds of arms as ye may do. For at the Castle of Maidens, Sir +Tristram, ye did marvellous deeds of arms as ever I heard knight do. +Madam, said Sir Tristram, let me see the shield that I shall bear. Then +the shield was brought forth, and the field was goldish, with a king +and a queen therein painted, and a knight standing above them, [one +foot] upon the king's head, and the other upon the queen's. Madam, said +Sir Tristram, this is a fair shield and a mighty; but what signifieth +this king and this queen, and the knight standing upon both their +heads? I shall tell you, said Morgan le Fay, it signifieth King Arthur +and Queen Guenever, and a knight who holdeth them both in bondage and +in servage. Who is that knight? said Sir Tristram. That shall ye not +wit as at this time, said the queen. But as the French book saith, +Queen Morgan loved Sir Launcelot best, and ever she desired him, and he +would never love her nor do nothing at her request, and therefore she +held many knights together for to have taken him by strength. And +because she deemed that Sir Launcelot loved Queen Guenever paramour, +and she him again, therefore Queen Morgan le Fay ordained that shield +to put Sir Launcelot to a rebuke, to that intent that King Arthur might +understand the love between them. Then Sir Tristram took that shield +and promised her to bear it at the tournament at the Castle of the Hard +Rock. But Sir Tristram knew not that that shield was ordained against +Sir Launcelot, but afterward he knew it. + + + +CHAPTER XLI. How Sir Tristram took with him the shield, and also how he +slew the paramour of Morgan le Fay. + +So then Sir Tristram took his leave of the queen, and took the shield +with him. Then came the knight that held Queen Morgan le Fay, his name +was Sir Hemison, and he made him ready to follow Sir Tristram. Fair +friend, said Morgan, ride not after that knight, for ye shall not win +no worship of him. Fie on him, coward, said Sir Hemison, for I wist +never good knight come out of Cornwall but if it were Sir Tristram de +Liones. What an that be he? said she. Nay, nay, said he, he is with La +Beale Isoud, and this is but a daffish knight. Alas, my fair friend, ye +shall find him the best knight that ever ye met withal, for I know him +better than ye do. For your sake, said Sir Hemison, I shall slay him. +Ah, fair friend, said the queen, me repenteth that ye will follow that +knight, for I fear me sore of your again coming. With this this knight +rode his way wood wroth, and he rode after Sir Tristram as fast as he +had been chased with knights. When Sir Tristram heard a knight come +after him so fast he returned about, and saw a knight coming against +him. And when he came nigh to Sir Tristram he cried on high: Sir +knight, keep thee from me. Then they rushed together as it had been +thunder, and Sir Hemison brised his spear upon Sir Tristram, but his +harness was so good that he might not hurt him. And Sir Tristram smote +him harder, and bare him through the body, and he fell over his horse's +croup. Then Sir Tristram turned to have done more with his sword, but +he saw so much blood go from him that him seemed he was likely to die, +and so he departed from him and came to a fair manor to an old knight, +and there Sir Tristram lodged. + + + +CHAPTER XLII. How Morgan le Fay buried her paramour, and how Sir +Tristram praised Sir Launcelot and his kin. + +Now leave to speak of Sir Tristram, and speak we of the knight that was +wounded to the death. Then his varlet alighted, and took off his helm, +and then he asked his lord whether there were any life in him. There is +in me life, said the knight, but it is but little; and therefore leap +thou up behind me when thou hast holpen me up, and hold me fast that I +fall not, and bring me to Queen Morgan le Fay; for deep draughts of +death draw to my heart that I may not live, for I would fain speak with +her or I died: for else my soul will be in great peril an I die. +For[thwith] with great pain his varlet brought him to the castle, and +there Sir Hemison fell down dead. When Morgan le Fay saw him dead she +made great sorrow out of reason; and then she let despoil him unto his +shirt, and so she let him put into a tomb. And about the tomb she let +write: Here lieth Sir Hemison, slain by the hands of Sir Tristram de +Liones. + +Now turn we unto Sir Tristram, that asked the knight his host if he saw +late any knights adventurous. Sir, he said, the last night here lodged +with me Ector de Maris and a damosel with him, and that damosel told me +that he was one of the best knights of the world. That is not so, said +Sir Tristram, for I know four better knights of his own blood, and the +first is Sir Launcelot du Lake, call him the best knight, and Sir Bors +de Ganis, Sir Bleoberis, Sir Blamore de Ganis, and Sir Gaheris. Nay, +said his host, Sir Gawaine is a better knight than he. That is not so, +said Sir Tristram, for I have met with them both, and I felt Sir +Gaheris for the better knight, and Sir Lamorak I call him as good as +any of them except Sir Launcelot. Why name ye not Sir Tristram? said +his host, for I account him as good as any of them. I know not Sir +Tristram, said Tristram. Thus they talked and bourded as long as them +list, and then went to rest. And on the morn Sir Tristram departed, and +took his leave of his host, and rode toward the Roche Dure, and none +adventure had Sir Tristram but that; and so he rested not till he came +to the castle, where he saw five hundred tents. + + + +CHAPTER XLIII. How Sir Tristram at a tournament bare the shield that +Morgan le Fay delivered to him. + +Then the King of Scots and the King of Ireland held against King +Arthur's knights, and there began a great medley. So came in Sir +Tristram and did marvellous deeds of arms, for there he smote down many +knights. And ever he was afore King Arthur with that shield. And when +King Arthur saw that shield he marvelled greatly in what intent it was +made; but Queen Guenever deemed as it was, wherefore she was heavy. +Then was there a damosel of Queen Morgan in a chamber by King Arthur, +and when she heard King Arthur speak of that shield, then she spake +openly unto King Arthur. Sir King, wit ye well this shield was ordained +for you, to warn you of your shame and dishonour, and that longeth to +you and your queen. And then anon that damosel picked her away privily, +that no man wist where she was become. Then was King Arthur sad and +wroth, and asked from whence came that damosel. There was not one that +knew her nor wist where she was become. Then Queen Guenever called to +her Sir Ector de Maris, and there she made her complaint to him, and +said: I wot well this shield was made by Morgan le Fay in despite of me +and of Sir Launcelot, wherefore I dread me sore lest I should be +destroyed. And ever the king beheld Sir Tristram, that did so +marvellous deeds of arms that he wondered sore what knight he might be, +and well he wist it was not Sir Launcelot. And it was told him that Sir +Tristram was in Petit Britain with Isoud la Blanche Mains, for he +deemed, an he had been in the realm of Logris, Sir Launcelot or some of +his fellows that were in the quest of Sir Tristram that they should +have found him or that time. So King Arthur had marvel what knight he +might be. And ever Sir Arthur's eye was on that shield. All that espied +the queen, and that made her sore afeard. + +Then ever Sir Tristram smote down knights wonderly to behold, what upon +the right hand and upon the left hand, that unnethe no knight might +withstand him. And the King of Scots and the King of Ireland began to +withdraw them. When Arthur espied that, he thought that that knight +with the strange shield should not escape him. Then he called unto him +Sir Uwaine le Blanche Mains, and bade him arm him and make him ready. +So anon King Arthur and Sir Uwaine dressed them before Sir Tristram, +and required him to tell them where he had that shield. Sir, he said, I +had it of Queen Morgan le Fay, sister unto King Arthur. + + So here endeth this history of this book, for it is the first book of + Sir Tristram de Liones and the second book of Sir Tristram followeth. diff --git a/2.markov-chains/odyssey.txt b/2.markov-chains/odyssey.txt new file mode 100644 index 0000000..82dc044 --- /dev/null +++ b/2.markov-chains/odyssey.txt @@ -0,0 +1,10464 @@ +BOOK I + + +THE GODS IN COUNCIL—MINERVA'S VISIT TO ITHACA—THE CHALLENGE FROM +TELEMACHUS TO THE SUITORS. + + +Tell me, O Muse, of that ingenious hero who travelled far and wide +after he had sacked the famous town of Troy. Many cities did he visit, +and many were the nations with whose manners and customs he was +acquainted; moreover he suffered much by sea while trying to save his +own life and bring his men safely home; but do what he might he could +not save his men, for they perished through their own sheer folly in +eating the cattle of the Sun-god Hyperion; so the god prevented them +from ever reaching home. Tell me, too, about all these things, oh +daughter of Jove, from whatsoever source you may know them. + +So now all who escaped death in battle or by shipwreck had got safely +home except Ulysses, and he, though he was longing to return to his +wife and country, was detained by the goddess Calypso, who had got him +into a large cave and wanted to marry him. But as years went by, there +came a time when the gods settled that he should go back to Ithaca; +even then, however, when he was among his own people, his troubles were +not yet over; nevertheless all the gods had now begun to pity him +except Neptune, who still persecuted him without ceasing and would not +let him get home. + +Now Neptune had gone off to the Ethiopians, who are at the world's end, +and lie in two halves, the one looking West and the other East. He had +gone there to accept a hecatomb of sheep and oxen, and was enjoying +himself at his festival; but the other gods met in the house of +Olympian Jove, and the sire of gods and men spoke first. At that moment +he was thinking of Aegisthus, who had been killed by Agamemnon's son +Orestes; so he said to the other gods: + +"See now, how men lay blame upon us gods for what is after all nothing +but their own folly. Look at Aegisthus; he must needs make love to +Agamemnon's wife unrighteously and then kill Agamemnon, though he knew +it would be the death of him; for I sent Mercury to warn him not to do +either of these things, inasmuch as Orestes would be sure to take his +revenge when he grew up and wanted to return home. Mercury told him +this in all good will but he would not listen, and now he has paid for +everything in full." + +Then Minerva said, "Father, son of Saturn, King of kings, it served +Aegisthus right, and so it would any one else who does as he did; but +Aegisthus is neither here nor there; it is for Ulysses that my heart +bleeds, when I think of his sufferings in that lonely sea-girt island, +far away, poor man, from all his friends. It is an island covered with +forest, in the very middle of the sea, and a goddess lives there, +daughter of the magician Atlas, who looks after the bottom of the +ocean, and carries the great columns that keep heaven and earth +asunder. This daughter of Atlas has got hold of poor unhappy Ulysses, +and keeps trying by every kind of blandishment to make him forget his +home, so that he is tired of life, and thinks of nothing but how he may +once more see the smoke of his own chimneys. You, sir, take no heed of +this, and yet when Ulysses was before Troy did he not propitiate you +with many a burnt sacrifice? Why then should you keep on being so angry +with him?" + +And Jove said, "My child, what are you talking about? How can I forget +Ulysses than whom there is no more capable man on earth, nor more +liberal in his offerings to the immortal gods that live in heaven? Bear +in mind, however, that Neptune is still furious with Ulysses for having +blinded an eye of Polyphemus king of the Cyclopes. Polyphemus is son to +Neptune by the nymph Thoosa, daughter to the sea-king Phorcys; +therefore though he will not kill Ulysses outright, he torments him by +preventing him from getting home. Still, let us lay our heads together +and see how we can help him to return; Neptune will then be pacified, +for if we are all of a mind he can hardly stand out against us." + +And Minerva said, "Father, son of Saturn, King of kings, if, then, the +gods now mean that Ulysses should get home, we should first send +Mercury to the Ogygian island to tell Calypso that we have made up our +minds and that he is to return. In the meantime I will go to Ithaca, to +put heart into Ulysses' son Telemachus; I will embolden him to call the +Achaeans in assembly, and speak out to the suitors of his mother +Penelope, who persist in eating up any number of his sheep and oxen; I +will also conduct him to Sparta and to Pylos, to see if he can hear +anything about the return of his dear father—for this will make people +speak well of him." + +So saying she bound on her glittering golden sandals, imperishable, +with which she can fly like the wind over land or sea; she grasped the +redoubtable bronze-shod spear, so stout and sturdy and strong, +wherewith she quells the ranks of heroes who have displeased her, and +down she darted from the topmost summits of Olympus, whereon forthwith +she was in Ithaca, at the gateway of Ulysses' house, disguised as a +visitor, Mentes, chief of the Taphians, and she held a bronze spear in +her hand. There she found the lordly suitors seated on hides of the +oxen which they had killed and eaten, and playing draughts in front of +the house. Men-servants and pages were bustling about to wait upon +them, some mixing wine with water in the mixing-bowls, some cleaning +down the tables with wet sponges and laying them out again, and some +cutting up great quantities of meat. + +Telemachus saw her long before any one else did. He was sitting moodily +among the suitors thinking about his brave father, and how he would +send them flying out of the house, if he were to come to his own again +and be honoured as in days gone by. Thus brooding as he sat among them, +he caught sight of Minerva and went straight to the gate, for he was +vexed that a stranger should be kept waiting for admittance. He took +her right hand in his own, and bade her give him her spear. "Welcome," +said he, "to our house, and when you have partaken of food you shall +tell us what you have come for." + +He led the way as he spoke, and Minerva followed him. When they were +within he took her spear and set it in the spear-stand against a strong +bearing-post along with the many other spears of his unhappy father, +and he conducted her to a richly decorated seat under which he threw a +cloth of damask. There was a footstool also for her feet, and he set +another seat near her for himself, away from the suitors, that she +might not be annoyed while eating by their noise and insolence, and +that he might ask her more freely about his father. + +A maid servant then brought them water in a beautiful golden ewer and +poured it into a silver basin for them to wash their hands, and she +drew a clean table beside them. An upper servant brought them bread, +and offered them many good things of what there was in the house, the +carver fetched them plates of all manner of meats and set cups of gold +by their side, and a manservant brought them wine and poured it out for +them. + + +Then the suitors came in and took their places on the benches and +seats. Forthwith men servants poured water over their hands, maids +went round with the bread-baskets, pages filled the mixing-bowls with +wine and water, and they laid their hands upon the good things that +were before them. As soon as they had had enough to eat and drink they +wanted music and dancing, which are the crowning embellishments of a +banquet, so a servant brought a lyre to Phemius, whom they compelled +perforce to sing to them. As soon as he touched his lyre and began to +sing Telemachus spoke low to Minerva, with his head close to hers that +no man might hear. + +"I hope, sir," said he, "that you will not be offended with what I am +going to say. Singing comes cheap to those who do not pay for it, and +all this is done at the cost of one whose bones lie rotting in some +wilderness or grinding to powder in the surf. If these men were to see +my father come back to Ithaca they would pray for longer legs rather +than a longer purse, for money would not serve them; but he, alas, has +fallen on an ill fate, and even when people do sometimes say that he is +coming, we no longer heed them; we shall never see him again. And now, +sir, tell me and tell me true, who you are and where you come from. +Tell me of your town and parents, what manner of ship you came in, how +your crew brought you to Ithaca, and of what nation they declared +themselves to be—for you cannot have come by land. Tell me also truly, +for I want to know, are you a stranger to this house, or have you been +here in my father's time? In the old days we had many visitors for my +father went about much himself." + +And Minerva answered, "I will tell you truly and particularly all about +it. I am Mentes, son of Anchialus, and I am King of the Taphians. I +have come here with my ship and crew, on a voyage to men of a foreign +tongue being bound for Temesa with a cargo of iron, and I shall bring +back copper. As for my ship, it lies over yonder off the open country +away from the town, in the harbour Rheithron under the wooded mountain +Neritum. Our fathers were friends before us, as old Laertes will tell +you, if you will go and ask him. They say, however, that he never comes +to town now, and lives by himself in the country, faring hardly, with +an old woman to look after him and get his dinner for him, when he +comes in tired from pottering about his vineyard. They told me your +father was at home again, and that was why I came, but it seems the +gods are still keeping him back, for he is not dead yet not on the +mainland. It is more likely he is on some sea-girt island in mid ocean, +or a prisoner among savages who are detaining him against his will. I +am no prophet, and know very little about omens, but I speak as it is +borne in upon me from heaven, and assure you that he will not be away +much longer; for he is a man of such resource that even though he were +in chains of iron he would find some means of getting home again. But +tell me, and tell me true, can Ulysses really have such a fine looking +fellow for a son? You are indeed wonderfully like him about the head +and eyes, for we were close friends before he set sail for Troy where +the flower of all the Argives went also. Since that time we have never +either of us seen the other." + +"My mother," answered Telemachus, "tells me I am son to Ulysses, but it +is a wise child that knows his own father. Would that I were son to one +who had grown old upon his own estates, for, since you ask me, there is +no more ill-starred man under heaven than he who they tell me is my +father." + +And Minerva said, "There is no fear of your race dying out yet, while +Penelope has such a fine son as you are. But tell me, and tell me true, +what is the meaning of all this feasting, and who are these people? +What is it all about? Have you some banquet, or is there a wedding in +the family—for no one seems to be bringing any provisions of his own? +And the guests—how atrociously they are behaving; what riot they make +over the whole house; it is enough to disgust any respectable person +who comes near them." + +"Sir," said Telemachus, "as regards your question, so long as my father +was here it was well with us and with the house, but the gods in their +displeasure have willed it otherwise, and have hidden him away more +closely than mortal man was ever yet hidden. I could have borne it +better even though he were dead, if he had fallen with his men before +Troy, or had died with friends around him when the days of his fighting +were done; for then the Achaeans would have built a mound over his +ashes, and I should myself have been heir to his renown; but now the +storm-winds have spirited him away we know not whither; he is gone +without leaving so much as a trace behind him, and I inherit nothing +but dismay. Nor does the matter end simply with grief for the loss of +my father; heaven has laid sorrows upon me of yet another kind; for the +chiefs from all our islands, Dulichium, Same, and the woodland island +of Zacynthus, as also all the principal men of Ithaca itself, are +eating up my house under the pretext of paying their court to my +mother, who will neither point blank say that she will not marry, nor +yet bring matters to an end; so they are making havoc of my estate, and +before long will do so also with myself." + +"Is that so?" exclaimed Minerva, "then you do indeed want Ulysses home +again. Give him his helmet, shield, and a couple of lances, and if he +is the man he was when I first knew him in our house, drinking and +making merry, he would soon lay his hands about these rascally suitors, +were he to stand once more upon his own threshold. He was then coming +from Ephyra, where he had been to beg poison for his arrows from Ilus, +son of Mermerus. Ilus feared the ever-living gods and would not give +him any, but my father let him have some, for he was very fond of him. +If Ulysses is the man he then was these suitors will have a short +shrift and a sorry wedding. + +"But there! It rests with heaven to determine whether he is to return, +and take his revenge in his own house or no; I would, however, urge you +to set about trying to get rid of these suitors at once. Take my +advice, call the Achaean heroes in assembly to-morrow morning—lay your +case before them, and call heaven to bear you witness. Bid the suitors +take themselves off, each to his own place, and if your mother's mind +is set on marrying again, let her go back to her father, who will find +her a husband and provide her with all the marriage gifts that so dear +a daughter may expect. As for yourself, let me prevail upon you to take +the best ship you can get, with a crew of twenty men, and go in quest +of your father who has so long been missing. Some one may tell you +something, or (and people often hear things in this way) some +heaven-sent message may direct you. First go to Pylos and ask Nestor; +thence go on to Sparta and visit Menelaus, for he got home last of all +the Achaeans; if you hear that your father is alive and on his way +home, you can put up with the waste these suitors will make for yet +another twelve months. If on the other hand you hear of his death, come +home at once, celebrate his funeral rites with all due pomp, build a +barrow to his memory, and make your mother marry again. Then, having +done all this, think it well over in your mind how, by fair means or +foul, you may kill these suitors in your own house. You are too old to +plead infancy any longer; have you not heard how people are singing +Orestes' praises for having killed his father's murderer Aegisthus? You +are a fine, smart looking fellow; show your mettle, then, and make +yourself a name in story. Now, however, I must go back to my ship and +to my crew, who will be impatient if I keep them waiting longer; think +the matter over for yourself, and remember what I have said to you." + +"Sir," answered Telemachus, "it has been very kind of you to talk to me +in this way, as though I were your own son, and I will do all you tell +me; I know you want to be getting on with your voyage, but stay a +little longer till you have taken a bath and refreshed yourself. I will +then give you a present, and you shall go on your way rejoicing; I will +give you one of great beauty and value—a keepsake such as only dear +friends give to one another." + +Minerva answered, "Do not try to keep me, for I would be on my way at +once. As for any present you may be disposed to make me, keep it till I +come again, and I will take it home with me. You shall give me a very +good one, and I will give you one of no less value in return." + +With these words she flew away like a bird into the air, but she had +given Telemachus courage, and had made him think more than ever about +his father. He felt the change, wondered at it, and knew that the +stranger had been a god, so he went straight to where the suitors were +sitting. + +Phemius was still singing, and his hearers sat rapt in silence as he +told the sad tale of the return from Troy, and the ills Minerva had +laid upon the Achaeans. Penelope, daughter of Icarius, heard his song +from her room upstairs, and came down by the great staircase, not +alone, but attended by two of her handmaids. When she reached the +suitors she stood by one of the bearing posts that supported the roof +of the cloisters with a staid maiden on either side of her. She held a +veil, moreover, before her face, and was weeping bitterly. + +"Phemius," she cried, "you know many another feat of gods and heroes, +such as poets love to celebrate. Sing the suitors some one of these, +and let them drink their wine in silence, but cease this sad tale, for +it breaks my sorrowful heart, and reminds me of my lost husband whom I +mourn ever without ceasing, and whose name was great over all Hellas +and middle Argos." + +"Mother," answered Telemachus, "let the bard sing what he has a mind +to; bards do not make the ills they sing of; it is Jove, not they, who +makes them, and who sends weal or woe upon mankind according to his own +good pleasure. This fellow means no harm by singing the ill-fated +return of the Danaans, for people always applaud the latest songs most +warmly. Make up your mind to it and bear it; Ulysses is not the only +man who never came back from Troy, but many another went down as well +as he. Go, then, within the house and busy yourself with your daily +duties, your loom, your distaff, and the ordering of your servants; for +speech is man's matter, and mine above all others 1—for it is I who am +master here." + +She went wondering back into the house, and laid her son's saying in +her heart. Then, going upstairs with her handmaids into her room, she +mourned her dear husband till Minerva shed sweet sleep over her eyes. +But the suitors were clamorous throughout the covered cloisters, and +prayed each one that he might be her bed fellow. + +Then Telemachus spoke, "Shameless," he cried, "and insolent suitors, +let us feast at our pleasure now, and let there be no brawling, for it +is a rare thing to hear a man with such a divine voice as Phemius has; +but in the morning meet me in full assembly that I may give you formal +notice to depart, and feast at one another's houses, turn and turn +about, at your own cost. If on the other hand you choose to persist in +spunging upon one man, heaven help me, but Jove shall reckon with you +in full, and when you fall in my father's house there shall be no man +to avenge you." + +The suitors bit their lips as they heard him, and marvelled at the +boldness of his speech. Then, Antinous, son of Eupeithes, said, "The +gods seem to have given you lessons in bluster and tall talking; may +Jove never grant you to be chief in Ithaca as your father was before +you." + +Telemachus answered, "Antinous, do not chide with me, but, god willing, +I will be chief too if I can. Is this the worst fate you can think of +for me? It is no bad thing to be a chief, for it brings both riches and +honour. Still, now that Ulysses is dead there are many great men in +Ithaca both old and young, and some other may take the lead among them; +nevertheless I will be chief in my own house, and will rule those whom +Ulysses has won for me." + +Then Eurymachus, son of Polybus, answered, "It rests with heaven to +decide who shall be chief among us, but you shall be master in your own +house and over your own possessions; no one while there is a man in +Ithaca shall do you violence nor rob you. And now, my good fellow, I +want to know about this stranger. What country does he come from? Of +what family is he, and where is his estate? Has he brought you news +about the return of your father, or was he on business of his own? He +seemed a well to do man, but he hurried off so suddenly that he was +gone in a moment before we could get to know him." + +"My father is dead and gone," answered Telemachus, "and even if some +rumour reaches me I put no more faith in it now. My mother does indeed +sometimes send for a soothsayer and question him, but I give his +prophecyings no heed. As for the stranger, he was Mentes, son of +Anchialus, chief of the Taphians, an old friend of my father's." But in +his heart he knew that it had been the goddess. + +The suitors then returned to their singing and dancing until the +evening; but when night fell upon their pleasuring they went home to +bed each in his own abode. Telemachus's room was high up in a tower +that looked on to the outer court; hither, then, he hied, brooding and +full of thought. A good old woman, Euryclea, daughter of Ops, the son +of Pisenor, went before him with a couple of blazing torches. Laertes +had bought her with his own money when she was quite young; he gave the +worth of twenty oxen for her, and shewed as much respect to her in his +household as he did to his own wedded wife, but he did not take her to +his bed for he feared his wife's resentment. She it was who now +lighted Telemachus to his room, and she loved him better than any of +the other women in the house did, for she had nursed him when he was a +baby. He opened the door of his bed room and sat down upon the bed; as +he took off his shirt he gave it to the good old woman, who folded it +tidily up, and hung it for him over a peg by his bed side, after which +she went out, pulled the door to by a silver catch, and drew the bolt +home by means of the strap. But Telemachus as he lay covered with a +woollen fleece kept thinking all night through of his intended voyage +and of the counsel that Minerva had given him. + + + + +BOOK II + + +ASSEMBLY OF THE PEOPLE OF ITHACA—SPEECHES OF TELEMACHUS AND OF THE +SUITORS—TELEMACHUS MAKES HIS PREPARATIONS AND STARTS FOR PYLOS WITH +MINERVA DISGUISED AS MENTOR. + + +Now when the child of morning, rosy-fingered Dawn, appeared Telemachus +rose and dressed himself. He bound his sandals on to his comely feet, +girded his sword about his shoulder, and left his room looking like an +immortal god. He at once sent the criers round to call the people in +assembly, so they called them and the people gathered thereon; then, +when they were got together, he went to the place of assembly spear in +hand—not alone, for his two hounds went with him. Minerva endowed him +with a presence of such divine comeliness that all marvelled at him as +he went by, and when he took his place in his father's seat even the +oldest councillors made way for him. + +Aegyptius, a man bent double with age, and of infinite experience, was +the first to speak. His son Antiphus had gone with Ulysses to Ilius, +land of noble steeds, but the savage Cyclops had killed him when they +were all shut up in the cave, and had cooked his last dinner for him. +He had three sons left, of whom two still worked on their father's +land, while the third, Eurynomus, was one of the suitors; nevertheless +their father could not get over the loss of Antiphus, and was still +weeping for him when he began his speech. + +"Men of Ithaca," he said, "hear my words. From the day Ulysses left us +there has been no meeting of our councillors until now; who then can it +be, whether old or young, that finds it so necessary to convene us? Has +he got wind of some host approaching, and does he wish to warn us, or +would he speak upon some other matter of public moment? I am sure he is +an excellent person, and I hope Jove will grant him his heart's +desire." + +Telemachus took this speech as of good omen and rose at once, for he +was bursting with what he had to say. He stood in the middle of the +assembly and the good herald Pisenor brought him his staff. Then, +turning to Aegyptius, "Sir," said he, "it is I, as you will shortly +learn, who have convened you, for it is I who am the most aggrieved. I +have not got wind of any host approaching about which I would warn you, +nor is there any matter of public moment on which I would speak. My +grievance is purely personal, and turns on two great misfortunes which +have fallen upon my house. The first of these is the loss of my +excellent father, who was chief among all you here present, and was +like a father to every one of you; the second is much more serious, and +ere long will be the utter ruin of my estate. The sons of all the chief +men among you are pestering my mother to marry them against her will. +They are afraid to go to her father Icarius, asking him to choose the +one he likes best, and to provide marriage gifts for his daughter, but +day by day they keep hanging about my father's house, sacrificing our +oxen, sheep, and fat goats for their banquets, and never giving so much +as a thought to the quantity of wine they drink. No estate can stand +such recklessness; we have now no Ulysses to ward off harm from our +doors, and I cannot hold my own against them. I shall never all my days +be as good a man as he was, still I would indeed defend myself if I had +power to do so, for I cannot stand such treatment any longer; my house +is being disgraced and ruined. Have respect, therefore, to your own +consciences and to public opinion. Fear, too, the wrath of heaven, lest +the gods should be displeased and turn upon you. I pray you by Jove and +Themis, who is the beginning and the end of councils, [do not] hold +back, my friends, and leave me singlehanded—unless it be that my +brave father Ulysses did some wrong to the Achaeans which you would now +avenge on me, by aiding and abetting these suitors. Moreover, if I am +to be eaten out of house and home at all, I had rather you did the +eating yourselves, for I could then take action against you to some +purpose, and serve you with notices from house to house till I got paid +in full, whereas now I have no remedy." + +With this Telemachus dashed his staff to the ground and burst into +tears. Every one was very sorry for him, but they all sat still and no +one ventured to make him an angry answer, save only Antinous, who spoke +thus: + +"Telemachus, insolent braggart that you are, how dare you try to throw +the blame upon us suitors? It is your mother's fault not ours, for she +is a very artful woman. This three years past, and close on four, she +had been driving us out of our minds, by encouraging each one of us, +and sending him messages without meaning one word of what she says. And +then there was that other trick she played us. She set up a great +tambour frame in her room, and began to work on an enormous piece of +fine needlework. 'Sweet hearts,' said she, 'Ulysses is indeed dead, +still do not press me to marry again immediately, wait—for I would not +have skill in needlework perish unrecorded—till I have completed a pall +for the hero Laertes, to be in readiness against the time when death +shall take him. He is very rich, and the women of the place will talk +if he is laid out without a pall.' + +"This was what she said, and we assented; whereon we could see her +working on her great web all day long, but at night she would unpick +the stitches again by torchlight. She fooled us in this way for three +years and we never found her out, but as time wore on and she was now +in her fourth year, one of her maids who knew what she was doing told +us, and we caught her in the act of undoing her work, so she had to +finish it whether she would or no. The suitors, therefore, make you +this answer, that both you and the Achaeans may understand—'Send your +mother away, and bid her marry the man of her own and of her father's +choice'; for I do not know what will happen if she goes on plaguing us +much longer with the airs she gives herself on the score of the +accomplishments Minerva has taught her, and because she is so clever. +We never yet heard of such a woman; we know all about Tyro, Alcmena, +Mycene, and the famous women of old, but they were nothing to your +mother any one of them. It was not fair of her to treat us in that way, +and as long as she continues in the mind with which heaven has now +endowed her, so long shall we go on eating up your estate; and I do not +see why she should change, for she gets all the honour and glory, and +it is you who pay for it, not she. Understand, then, that we will not +go back to our lands, neither here nor elsewhere, till she has made her +choice and married some one or other of us." + +Telemachus answered, "Antinous, how can I drive the mother who bore me +from my father's house? My father is abroad and we do not know whether +he is alive or dead. It will be hard on me if I have to pay Icarius the +large sum which I must give him if I insist on sending his daughter +back to him. Not only will he deal rigorously with me, but heaven will +also punish me; for my mother when she leaves the house will call on +the Erinyes to avenge her; besides, it would not be a creditable thing +to do, and I will have nothing to say to it. If you choose to take +offence at this, leave the house and feast elsewhere at one another's +houses at your own cost turn and turn about. If, on the other hand, you +elect to persist in spunging upon one man, heaven help me, but Jove +shall reckon with you in full, and when you fall in my father's house +there shall be no man to avenge you." + +As he spoke Jove sent two eagles from the top of the mountain, and they +flew on and on with the wind, sailing side by side in their own lordly +flight. When they were right over the middle of the assembly they +wheeled and circled about, beating the air with their wings and glaring +death into the eyes of them that were below; then, fighting fiercely +and tearing at one another, they flew off towards the right over the +town. The people wondered as they saw them, and asked each other what +all this might be; whereon Halitherses, who was the best prophet and +reader of omens among them, spoke to them plainly and in all honesty, +saying: + +"Hear me, men of Ithaca, and I speak more particularly to the suitors, +for I see mischief brewing for them. Ulysses is not going to be away +much longer; indeed he is close at hand to deal out death and +destruction, not on them alone, but on many another of us who live in +Ithaca. Let us then be wise in time, and put a stop to this wickedness +before he comes. Let the suitors do so of their own accord; it will be +better for them, for I am not prophesying without due knowledge; +everything has happened to Ulysses as I foretold when the Argives set +out for Troy, and he with them. I said that after going through much +hardship and losing all his men he should come home again in the +twentieth year and that no one would know him; and now all this is +coming true." + +Eurymachus son of Polybus then said, "Go home, old man, and prophesy to +your own children, or it may be worse for them. I can read these omens +myself much better than you can; birds are always flying about in the +sunshine somewhere or other, but they seldom mean anything. Ulysses has +died in a far country, and it is a pity you are not dead along with +him, instead of prating here about omens and adding fuel to the anger +of Telemachus which is fierce enough as it is. I suppose you think he +will give you something for your family, but I tell you—and it shall +surely be—when an old man like you, who should know better, talks a +young one over till he becomes troublesome, in the first place his +young friend will only fare so much the worse—he will take nothing by +it, for the suitors will prevent this—and in the next, we will lay a +heavier fine, sir, upon yourself than you will at all like paying, for +it will bear hardly upon you. As for Telemachus, I warn him in the +presence of you all to send his mother back to her father, who will +find her a husband and provide her with all the marriage gifts so dear +a daughter may expect. Till then we shall go on harassing him with our +suit; for we fear no man, and care neither for him, with all his fine +speeches, nor for any fortune-telling of yours. You may preach as much +as you please, but we shall only hate you the more. We shall go back +and continue to eat up Telemachus's estate without paying him, till +such time as his mother leaves off tormenting us by keeping us day +after day on the tiptoe of expectation, each vying with the other in +his suit for a prize of such rare perfection. Besides we cannot go +after the other women whom we should marry in due course, but for the +way in which she treats us." + +Then Telemachus said, "Eurymachus, and you other suitors, I shall say +no more, and entreat you no further, for the gods and the people of +Ithaca now know my story. Give me, then, a ship and a crew of twenty +men to take me hither and thither, and I will go to Sparta and to Pylos +in quest of my father who has so long been missing. Some one may tell +me something, or (and people often hear things in this way) some +heaven-sent message may direct me. If I can hear of him as alive and on +his way home I will put up with the waste you suitors will make for yet +another twelve months. If on the other hand I hear of his death, I will +return at once, celebrate his funeral rites with all due pomp, build a +barrow to his memory, and make my mother marry again." + +With these words he sat down, and Mentor who had been a friend of +Ulysses, and had been left in charge of everything with full authority +over the servants, rose to speak. He, then, plainly and in all honesty +addressed them thus: + +"Hear me, men of Ithaca, I hope that you may never have a kind and +well-disposed ruler any more, nor one who will govern you equitably; I +hope that all your chiefs henceforward may be cruel and unjust, for +there is not one of you but has forgotten Ulysses, who ruled you as +though he were your father. I am not half so angry with the suitors, +for if they choose to do violence in the naughtiness of their hearts, +and wager their heads that Ulysses will not return, they can take the +high hand and eat up his estate, but as for you others I am shocked at +the way in which you all sit still without even trying to stop such +scandalous goings on—which you could do if you chose, for you are many +and they are few." + +Leiocritus, son of Evenor, answered him saying, "Mentor, what folly is +all this, that you should set the people to stay us? It is a hard thing +for one man to fight with many about his victuals. Even though Ulysses +himself were to set upon us while we are feasting in his house, and do +his best to oust us, his wife, who wants him back so very badly, would +have small cause for rejoicing, and his blood would be upon his own +head if he fought against such great odds. There is no sense in what +you have been saying. Now, therefore, do you people go about your +business, and let his father's old friends, Mentor and Halitherses, +speed this boy on his journey, if he goes at all—which I do not think +he will, for he is more likely to stay where he is till some one comes +and tells him something." + +On this he broke up the assembly, and every man went back to his own +abode, while the suitors returned to the house of Ulysses. + +Then Telemachus went all alone by the sea side, washed his hands in the +grey waves, and prayed to Minerva. + +"Hear me," he cried, "you god who visited me yesterday, and bade me +sail the seas in search of my father who has so long been missing. I +would obey you, but the Achaeans, and more particularly the wicked +suitors, are hindering me that I cannot do so." + +As he thus prayed, Minerva came close up to him in the likeness and +with the voice of Mentor. "Telemachus," said she, "if you are made of +the same stuff as your father you will be neither fool nor coward +henceforward, for Ulysses never broke his word nor left his work half +done. If, then, you take after him, your voyage will not be fruitless, +but unless you have the blood of Ulysses and of Penelope in your veins +I see no likelihood of your succeeding. Sons are seldom as good men as +their fathers; they are generally worse, not better; still, as you are +not going to be either fool or coward henceforward, and are not +entirely without some share of your father's wise discernment, I look +with hope upon your undertaking. But mind you never make common cause +with any of those foolish suitors, for they have neither sense nor +virtue, and give no thought to death and to the doom that will shortly +fall on one and all of them, so that they shall perish on the same day. +As for your voyage, it shall not be long delayed; your father was such +an old friend of mine that I will find you a ship, and will come with +you myself. Now, however, return home, and go about among the suitors; +begin getting provisions ready for your voyage; see everything well +stowed, the wine in jars, and the barley meal, which is the staff of +life, in leathern bags, while I go round the town and beat up +volunteers at once. There are many ships in Ithaca both old and new; I +will run my eye over them for you and will choose the best; we will get +her ready and will put out to sea without delay." + +Thus spoke Minerva daughter of Jove, and Telemachus lost no time in +doing as the goddess told him. He went moodily home, and found the +suitors flaying goats and singeing pigs in the outer court. Antinous +came up to him at once and laughed as he took his hand in his own, +saying, "Telemachus, my fine fire-eater, bear no more ill blood neither +in word nor deed, but eat and drink with us as you used to do. The +Achaeans will find you in everything—a ship and a picked crew to +boot—so that you can set sail for Pylos at once and get news of your +noble father." + +"Antinous," answered Telemachus, "I cannot eat in peace, nor take +pleasure of any kind with such men as you are. Was it not enough that +you should waste so much good property of mine while I was yet a boy? +Now that I am older and know more about it, I am also stronger, and +whether here among this people, or by going to Pylos, I will do you all +the harm I can. I shall go, and my going will not be in vain—though, +thanks to you suitors, I have neither ship nor crew of my own, and must +be passenger not captain." + +As he spoke he snatched his hand from that of Antinous. Meanwhile the +others went on getting dinner ready about the buildings, jeering at +him tauntingly as they did so. + +"Telemachus," said one youngster, "means to be the death of us; I +suppose he thinks he can bring friends to help him from Pylos, or again +from Sparta, where he seems bent on going. Or will he go to Ephyra as +well, for poison to put in our wine and kill us?" + +Another said, "Perhaps if Telemachus goes on board ship, he will be +like his father and perish far from his friends. In this case we should +have plenty to do, for we could then divide up his property amongst us: +as for the house we can let his mother and the man who marries her have +that." + +This was how they talked. But Telemachus went down into the lofty and +spacious store-room where his father's treasure of gold and bronze lay +heaped up upon the floor, and where the linen and spare clothes were +kept in open chests. Here, too, there was a store of fragrant olive +oil, while casks of old, well-ripened wine, unblended and fit for a god +to drink, were ranged against the wall in case Ulysses should come home +again after all. The room was closed with well-made doors opening in +the middle; moreover the faithful old house-keeper Euryclea, daughter +of Ops the son of Pisenor, was in charge of everything both night and +day. Telemachus called her to the store-room and said: + +"Nurse, draw me off some of the best wine you have, after what you are +keeping for my father's own drinking, in case, poor man, he should +escape death, and find his way home again after all. Let me have twelve +jars, and see that they all have lids; also fill me some well-sewn +leathern bags with barley meal—about twenty measures in all. Get these +things put together at once, and say nothing about it. I will take +everything away this evening as soon as my mother has gone upstairs for +the night. I am going to Sparta and to Pylos to see if I can hear +anything about the return of my dear father." + +When Euryclea heard this she began to cry, and spoke fondly to him, +saying, "My dear child, what ever can have put such notion as that into +your head? Where in the world do you want to go to—you, who are the one +hope of the house? Your poor father is dead and gone in some foreign +country nobody knows where, and as soon as your back is turned these +wicked ones here will be scheming to get you put out of the way, and +will share all your possessions among themselves; stay where you are +among your own people, and do not go wandering and worrying your life +out on the barren ocean." + +"Fear not, nurse," answered Telemachus, "my scheme is not without +heaven's sanction; but swear that you will say nothing about all this +to my mother, till I have been away some ten or twelve days, unless she +hears of my having gone, and asks you; for I do not want her to spoil +her beauty by crying." + +The old woman swore most solemnly that she would not, and when she had +completed her oath, she began drawing off the wine into jars, and +getting the barley meal into the bags, while Telemachus went back to +the suitors. + +Then Minerva bethought her of another matter. She took his shape, and +went round the town to each one of the crew, telling them to meet at +the ship by sundown. She went also to Noemon son of Phronius, and asked +him to let her have a ship—which he was very ready to do. When the sun +had set and darkness was over all the land, she got the ship into the +water, put all the tackle on board her that ships generally carry, and +stationed her at the end of the harbour. Presently the crew came up, +and the goddess spoke encouragingly to each of them. + +Furthermore she went to the house of Ulysses, and threw the suitors +into a deep slumber. She caused their drink to fuddle them, and made +them drop their cups from their hands, so that instead of sitting over +their wine, they went back into the town to sleep, with their eyes +heavy and full of drowsiness. Then she took the form and voice of +Mentor, and called Telemachus to come outside. + +"Telemachus," said she, "the men are on board and at their oars, +waiting for you to give your orders, so make haste and let us be off." + +On this she led the way, while Telemachus followed in her steps. When +they got to the ship they found the crew waiting by the water side, and +Telemachus said, "Now my men, help me to get the stores on board; they +are all put together in the cloister, and my mother does not know +anything about it, nor any of the maid servants except one." + +With these words he led the way and the others followed after. When +they had brought the things as he told them, Telemachus went on board, +Minerva going before him and taking her seat in the stern of the +vessel, while Telemachus sat beside her. Then the men loosed the +hawsers and took their places on the benches. Minerva sent them a fair +wind from the West, that whistled over the deep blue waves whereon +Telemachus told them to catch hold of the ropes and hoist sail, and +they did as he told them. They set the mast in its socket in the cross +plank, raised it, and made it fast with the forestays; then they +hoisted their white sails aloft with ropes of twisted ox hide. As the +sail bellied out with the wind, the ship flew through the deep blue +water, and the foam hissed against her bows as she sped onward. Then +they made all fast throughout the ship, filled the mixing bowls to the +brim, and made drink offerings to the immortal gods that are from +everlasting, but more particularly to the grey-eyed daughter of Jove. + +Thus, then, the ship sped on her way through the watches of the night +from dark till dawn. + + + + +BOOK III + + +TELEMACHUS VISITS NESTOR AT PYLOS. + + +but as the sun was rising from the fair sea into the firmament of +heaven to shed light on mortals and immortals, they reached Pylos the +city of Neleus. Now the people of Pylos were gathered on the sea shore +to offer sacrifice of black bulls to Neptune lord of the Earthquake. +There were nine guilds with five hundred men in each, and there were +nine bulls to each guild. As they were eating the inward meats and +burning the thigh bones [on the embers] in the name of Neptune, +Telemachus and his crew arrived, furled their sails, brought their ship +to anchor, and went ashore. + +Minerva led the way and Telemachus followed her. Presently she said, +"Telemachus, you must not be in the least shy or nervous; you have +taken this voyage to try and find out where your father is buried and +how he came by his end; so go straight up to Nestor that we may see +what he has got to tell us. Beg of him to speak the truth, and he will +tell no lies, for he is an excellent person." + +"But how, Mentor," replied Telemachus, "dare I go up to Nestor, and how +am I to address him? I have never yet been used to holding long +conversations with people, and am ashamed to begin questioning one who +is so much older than myself." + +"Some things, Telemachus," answered Minerva, "will be suggested to you +by your own instinct, and heaven will prompt you further; for I am +assured that the gods have been with you from the time of your birth +until now." + +She then went quickly on, and Telemachus followed in her steps till +they reached the place where the guilds of the Pylian people were +assembled. There they found Nestor sitting with his sons, while his +company round him were busy getting dinner ready, and putting pieces of +meat on to the spits while other pieces were cooking. When they saw +the strangers they crowded round them, took them by the hand and bade +them take their places. Nestor's son Pisistratus at once offered his +hand to each of them, and seated them on some soft sheepskins that were +lying on the sands near his father and his brother Thrasymedes. Then he +gave them their portions of the inward meats and poured wine for them +into a golden cup, handing it to Minerva first, and saluting her at the +same time. + +"Offer a prayer, sir," said he, "to King Neptune, for it is his feast +that you are joining; when you have duly prayed and made your drink +offering, pass the cup to your friend that he may do so also. I doubt +not that he too lifts his hands in prayer, for man cannot live without +God in the world. Still he is younger than you are, and is much of an +age with myself, so I will give you the precedence." + +As he spoke he handed her the cup. Minerva thought it very right and +proper of him to have given it to herself first; she accordingly +began praying heartily to Neptune. "O thou," she cried, "that +encirclest the earth, vouchsafe to grant the prayers of thy servants +that call upon thee. More especially we pray thee send down thy grace +on Nestor and on his sons; thereafter also make the rest of the Pylian +people some handsome return for the goodly hecatomb they are offering +you. Lastly, grant Telemachus and myself a happy issue, in respect of +the matter that has brought us in our ship to Pylos." + +When she had thus made an end of praying, she handed the cup to +Telemachus and he prayed likewise. By and by, when the outer meats were +roasted and had been taken off the spits, the carvers gave every man +his portion and they all made an excellent dinner. As soon as they had +had enough to eat and drink, Nestor, knight of Gerene, began to speak. + +"Now," said he, "that our guests have done their dinner, it will be +best to ask them who they are. Who, then, sir strangers, are you, and +from what port have you sailed? Are you traders? or do you sail the +seas as rovers with your hand against every man, and every man's hand +against you?" + +Telemachus answered boldly, for Minerva had given him courage to ask +about his father and get himself a good name. + +"Nestor," said he, "son of Neleus, honour to the Achaean name, you ask +whence we come, and I will tell you. We come from Ithaca under +Neritum, and the matter about which I would speak is of private not +public import. I seek news of my unhappy father Ulysses, who is said to +have sacked the town of Troy in company with yourself. We know what +fate befell each one of the other heroes who fought at Troy, but as +regards Ulysses heaven has hidden from us the knowledge even that he is +dead at all, for no one can certify us in what place he perished, nor +say whether he fell in battle on the mainland, or was lost at sea amid +the waves of Amphitrite. Therefore I am suppliant at your knees, if +haply you may be pleased to tell me of his melancholy end, whether you +saw it with your own eyes, or heard it from some other traveller, for +he was a man born to trouble. Do not soften things out of any pity for +me, but tell me in all plainness exactly what you saw. If my brave +father Ulysses ever did you loyal service, either by word or deed, when +you Achaeans were harassed among the Trojans, bear it in mind now as in +my favour and tell me truly all." + +"My friend," answered Nestor, "you recall a time of much sorrow to my +mind, for the brave Achaeans suffered much both at sea, while +privateering under Achilles, and when fighting before the great city of +king Priam. Our best men all of them fell there—Ajax, Achilles, +Patroclus peer of gods in counsel, and my own dear son Antilochus, a +man singularly fleet of foot and in fight valiant. But we suffered much +more than this; what mortal tongue indeed could tell the whole story? +Though you were to stay here and question me for five years, or even +six, I could not tell you all that the Achaeans suffered, and you would +turn homeward weary of my tale before it ended. Nine long years did we +try every kind of stratagem, but the hand of heaven was against us; +during all this time there was no one who could compare with your +father in subtlety—if indeed you are his son—I can hardly believe my +eyes—and you talk just like him too—no one would say that people of +such different ages could speak so much alike. He and I never had any +kind of difference from first to last neither in camp nor council, but +in singleness of heart and purpose we advised the Argives how all might +be ordered for the best. + +"When, however, we had sacked the city of Priam, and were setting sail +in our ships as heaven had dispersed us, then Jove saw fit to vex the +Argives on their homeward voyage; for they had not all been either wise +or understanding, and hence many came to a bad end through the +displeasure of Jove's daughter Minerva, who brought about a quarrel +between the two sons of Atreus. + +"The sons of Atreus called a meeting which was not as it should be, for +it was sunset and the Achaeans were heavy with wine. When they +explained why they had called the people together, it seemed that +Menelaus was for sailing homeward at once, and this displeased +Agamemnon, who thought that we should wait till we had offered +hecatombs to appease the anger of Minerva. Fool that he was, he might +have known that he would not prevail with her, for when the gods have +made up their minds they do not change them lightly. So the two stood +bandying hard words, whereon the Achaeans sprang to their feet with a +cry that rent the air, and were of two minds as to what they should do. + +"That night we rested and nursed our anger, for Jove was hatching +mischief against us. But in the morning some of us drew our ships into +the water and put our goods with our women on board, while the rest, +about half in number, stayed behind with Agamemnon. We—the other +half—embarked and sailed; and the ships went well, for heaven had +smoothed the sea. When we reached Tenedos we offered sacrifices to the +gods, for we were longing to get home; cruel Jove, however, did not yet +mean that we should do so, and raised a second quarrel in the course of +which some among us turned their ships back again, and sailed away +under Ulysses to make their peace with Agamemnon; but I, and all the +ships that were with me pressed forward, for I saw that mischief was +brewing. The son of Tydeus went on also with me, and his crews with +him. Later on Menelaus joined us at Lesbos, and found us making up our +minds about our course—for we did not know whether to go outside Chios +by the island of Psyra, keeping this to our left, or inside Chios, over +against the stormy headland of Mimas. So we asked heaven for a sign, +and were shown one to the effect that we should be soonest out of +danger if we headed our ships across the open sea to Euboea. This we +therefore did, and a fair wind sprang up which gave us a quick passage +during the night to Geraestus, where we offered many sacrifices to +Neptune for having helped us so far on our way. Four days later Diomed +and his men stationed their ships in Argos, but I held on for Pylos, +and the wind never fell light from the day when heaven first made it +fair for me. + +"Therefore, my dear young friend, I returned without hearing anything +about the others. I know neither who got home safely nor who were lost +but, as in duty bound, I will give you without reserve the reports that +have reached me since I have been here in my own house. They say the +Myrmidons returned home safely under Achilles' son Neoptolemus; so also +did the valiant son of Poias, Philoctetes. Idomeneus, again, lost no +men at sea, and all his followers who escaped death in the field got +safe home with him to Crete. No matter how far out of the world you +live, you will have heard of Agamemnon and the bad end he came to at +the hands of Aegisthus—and a fearful reckoning did Aegisthus presently +pay. See what a good thing it is for a man to leave a son behind him to +do as Orestes did, who killed false Aegisthus the murderer of his noble +father. You too, then—for you are a tall smart-looking fellow—show your +mettle and make yourself a name in story." + +"Nestor son of Neleus," answered Telemachus, "honour to the Achaean +name, the Achaeans applaud Orestes and his name will live through all +time for he has avenged his father nobly. Would that heaven might grant +me to do like vengeance on the insolence of the wicked suitors, who are +ill treating me and plotting my ruin; but the gods have no such +happiness in store for me and for my father, so we must bear it as best +we may." + +"My friend," said Nestor, "now that you remind me, I remember to have +heard that your mother has many suitors, who are ill disposed towards +you and are making havoc of your estate. Do you submit to this tamely, +or are public feeling and the voice of heaven against you? Who knows +but what Ulysses may come back after all, and pay these scoundrels in +full, either single-handed or with a force of Achaeans behind him? If +Minerva were to take as great a liking to you as she did to Ulysses +when we were fighting before Troy (for I never yet saw the gods so +openly fond of any one as Minerva then was of your father), if she +would take as good care of you as she did of him, these wooers would +soon some of them forget their wooing." + +Telemachus answered, "I can expect nothing of the kind; it would be far +too much to hope for. I dare not let myself think of it. Even though +the gods themselves willed it no such good fortune could befall me." + +On this Minerva said, "Telemachus, what are you talking about? Heaven +has a long arm if it is minded to save a man; and if it were me, I +should not care how much I suffered before getting home, provided I +could be safe when I was once there. I would rather this, than get home +quickly, and then be killed in my own house as Agamemnon was by the +treachery of Aegisthus and his wife. Still, death is certain, and when +a man's hour is come, not even the gods can save him, no matter how +fond they are of him." + +"Mentor," answered Telemachus, "do not let us talk about it any more. +There is no chance of my father's ever coming back; the gods have long +since counselled his destruction. There is something else, however, +about which I should like to ask Nestor, for he knows much more than +any one else does. They say he has reigned for three generations so +that it is like talking to an immortal. Tell me, therefore, Nestor, and +tell me true; how did Agamemnon come to die in that way? What was +Menelaus doing? And how came false Aegisthus to kill so far better a +man than himself? Was Menelaus away from Achaean Argos, voyaging +elsewhither among mankind, that Aegisthus took heart and killed +Agamemnon?" + +"I will tell you truly," answered Nestor, "and indeed you have yourself +divined how it all happened. If Menelaus when he got back from Troy had +found Aegisthus still alive in his house, there would have been no +barrow heaped up for him, not even when he was dead, but he would have +been thrown outside the city to dogs and vultures, and not a woman +would have mourned him, for he had done a deed of great wickedness; but +we were over there, fighting hard at Troy, and Aegisthus, who was +taking his ease quietly in the heart of Argos, cajoled Agamemnon's wife +Clytemnestra with incessant flattery. + +"At first she would have nothing to do with his wicked scheme, for she +was of a good natural disposition; moreover there was a bard with +her, to whom Agamemnon had given strict orders on setting out for Troy, +that he was to keep guard over his wife; but when heaven had counselled +her destruction, Aegisthus carried this bard off to a desert island and +left him there for crows and seagulls to batten upon—after which she +went willingly enough to the house of Aegisthus. Then he offered many +burnt sacrifices to the gods, and decorated many temples with +tapestries and gilding, for he had succeeded far beyond his +expectations. + +"Meanwhile Menelaus and I were on our way home from Troy, on good terms +with one another. When we got to Sunium, which is the point of Athens, +Apollo with his painless shafts killed Phrontis the steersman of +Menelaus' ship (and never man knew better how to handle a vessel in +rough weather) so that he died then and there with the helm in his +hand, and Menelaus, though very anxious to press forward, had to wait +in order to bury his comrade and give him his due funeral rites. +Presently, when he too could put to sea again, and had sailed on as far +as the Malean heads, Jove counselled evil against him and made it blow +hard till the waves ran mountains high. Here he divided his fleet and +took the one half towards Crete where the Cydonians dwell round about +the waters of the river Iardanus. There is a high headland hereabouts +stretching out into the sea from a place called Gortyn, and all along +this part of the coast as far as Phaestus the sea runs high when there +is a south wind blowing, but after Phaestus the coast is more +protected, for a small headland can make a great shelter. Here this +part of the fleet was driven on to the rocks and wrecked; but the crews +just managed to save themselves. As for the other five ships, they were +taken by winds and seas to Egypt, where Menelaus gathered much gold and +substance among people of an alien speech. Meanwhile Aegisthus here at +home plotted his evil deed. For seven years after he had killed +Agamemnon he ruled in Mycene, and the people were obedient under him, +but in the eighth year Orestes came back from Athens to be his bane, +and killed the murderer of his father. Then he celebrated the funeral +rites of his mother and of false Aegisthus by a banquet to the people +of Argos, and on that very day Menelaus came home, with as much +treasure as his ships could carry. + +"Take my advice then, and do not go travelling about for long so far +from home, nor leave your property with such dangerous people in your +house; they will eat up everything you have among them, and you will +have been on a fool's errand. Still, I should advise you by all means +to go and visit Menelaus, who has lately come off a voyage among such +distant peoples as no man could ever hope to get back from, when the +winds had once carried him so far out of his reckoning; even birds +cannot fly the distance in a twelve-month, so vast and terrible are the +seas that they must cross. Go to him, therefore, by sea, and take your +own men with you; or if you would rather travel by land you can have a +chariot, you can have horses, and here are my sons who can escort you +to Lacedaemon where Menelaus lives. Beg of him to speak the truth, and +he will tell you no lies, for he is an excellent person." + +As he spoke the sun set and it came on dark, whereon Minerva said, +"Sir, all that you have said is well; now, however, order the tongues +of the victims to be cut, and mix wine that we may make drink-offerings +to Neptune, and the other immortals, and then go to bed, for it is bed +time. People should go away early and not keep late hours at a +religious festival." + +Thus spoke the daughter of Jove, and they obeyed her saying. Men +servants poured water over the hands of the guests, while pages filled +the mixing-bowls with wine and water, and handed it round after giving +every man his drink offering; then they threw the tongues of the +victims into the fire, and stood up to make their drink offerings. When +they had made their offerings and had drunk each as much as he was +minded, Minerva and Telemachus were for going on board their ship, but +Nestor caught them up at once and stayed them. + +"Heaven and the immortal gods," he exclaimed, "forbid that you should +leave my house to go on board of a ship. Do you think I am so poor and +short of clothes, or that I have so few cloaks and as to be unable to +find comfortable beds both for myself and for my guests? Let me tell +you I have store both of rugs and cloaks, and shall not permit the son +of my old friend Ulysses to camp down on the deck of a ship—not while I +live—nor yet will my sons after me, but they will keep open house as I +have done." + +Then Minerva answered, "Sir, you have spoken well, and it will be much +better that Telemachus should do as you have said; he, therefore, shall +return with you and sleep at your house, but I must go back to give +orders to my crew, and keep them in good heart. I am the only older +person among them; the rest are all young men of Telemachus' own age, +who have taken this voyage out of friendship; so I must return to the +ship and sleep there. Moreover to-morrow I must go to the Cauconians +where I have a large sum of money long owing to me. As for Telemachus, +now that he is your guest, send him to Lacedaemon in a chariot, and let +one of your sons go with him. Be pleased to also provide him with your +best and fleetest horses." + +When she had thus spoken, she flew away in the form of an eagle, and +all marvelled as they beheld it. Nestor was astonished, and took +Telemachus by the hand. "My friend," said he, "I see that you are going +to be a great hero some day, since the gods wait upon you thus while +you are still so young. This can have been none other of those who +dwell in heaven than Jove's redoubtable daughter, the Trito-born, who +shewed such favour towards your brave father among the Argives. Holy +queen," he continued, "vouchsafe to send down thy grace upon myself, my +good wife, and my children. In return, I will offer you in sacrifice a +broad-browed heifer of a year old, unbroken, and never yet brought by +man under the yoke. I will gild her horns, and will offer her up to you +in sacrifice." + +Thus did he pray, and Minerva heard his prayer. He then led the way to +his own house, followed by his sons and sons in law. When they had got +there and had taken their places on the benches and seats, he mixed +them a bowl of sweet wine that was eleven years old when the +housekeeper took the lid off the jar that held it. As he mixed the +wine, he prayed much and made drink offerings to Minerva, daughter of +Aegis-bearing Jove. Then, when they had made their drink offerings and +had drunk each as much as he was minded, the others went home to bed +each in his own abode; but Nestor put Telemachus to sleep in the room +that was over the gateway along with Pisistratus, who was the only +unmarried son now left him. As for himself, he slept in an inner room +of the house, with the queen his wife by his side. + +Now when the child of morning rosy-fingered Dawn appeared, Nestor left +his couch and took his seat on the benches of white and polished marble +that stood in front of his house. Here aforetime sat Neleus, peer of +gods in counsel, but he was now dead, and had gone to the house of +Hades; so Nestor sat in his seat sceptre in hand, as guardian of the +public weal. His sons as they left their rooms gathered round him, +Echephron, Stratius, Perseus, Aretus, and Thrasymedes; the sixth son +was Pisistratus, and when Telemachus joined them they made him sit with +them. Nestor then addressed them. + +"My sons," said he, "make haste to do as I shall bid you. I wish first +and foremost to propitiate the great goddess Minerva, who manifested +herself visibly to me during yesterday's festivities. Go, then, one or +other of you to the plain, tell the stockman to look me out a heifer, +and come on here with it at once. Another must go to Telemachus' ship, +and invite all the crew, leaving two men only in charge of the vessel. +Some one else will run and fetch Laerceus the goldsmith to gild the +horns of the heifer. The rest, stay all of you where you are; tell the +maids in the house to prepare an excellent dinner, and to fetch seats, +and logs of wood for a burnt offering. Tell them also to bring me some +clear spring water." + +On this they hurried off on their several errands. The heifer was +brought in from the plain, and Telemachus's crew came from the ship; +the goldsmith brought the anvil, hammer, and tongs, with which he +worked his gold, and Minerva herself came to accept the sacrifice. +Nestor gave out the gold, and the smith gilded the horns of the heifer +that the goddess might have pleasure in their beauty. Then Stratius and +Echephron brought her in by the horns; Aretus fetched water from the +house in a ewer that had a flower pattern on it, and in his other hand +he held a basket of barley meal; sturdy Thrasymedes stood by with a +sharp axe, ready to strike the heifer, while Perseus held a bucket. +Then Nestor began with washing his hands and sprinkling the barley +meal, and he offered many a prayer to Minerva as he threw a lock from +the heifer's head upon the fire. + +When they had done praying and sprinkling the barley meal Thrasymedes +dealt his blow, and brought the heifer down with a stroke that cut +through the tendons at the base of her neck, whereon the daughters and +daughters in law of Nestor, and his venerable wife Eurydice (she was +eldest daughter to Clymenus) screamed with delight. Then they lifted +the heifer's head from off the ground, and Pisistratus cut her throat. +When she had done bleeding and was quite dead, they cut her up. They +cut out the thigh bones all in due course, wrapped them round in two +layers of fat, and set some pieces of raw meat on the top of them; then +Nestor laid them upon the wood fire and poured wine over them, while +the young men stood near him with five-pronged spits in their hands. +When the thighs were burned and they had tasted the inward meats, they +cut the rest of the meat up small, put the pieces on the spits and +toasted them over the fire. + +Meanwhile lovely Polycaste, Nestor's youngest daughter, washed +Telemachus. When she had washed him and anointed him with oil, she +brought him a fair mantle and shirt, and he looked like a god as he +came from the bath and took his seat by the side of Nestor. When the +outer meats were done they drew them off the spits and sat down to +dinner where they were waited upon by some worthy henchmen, who kept +pouring them out their wine in cups of gold. As soon as they had had +enough to eat and drink Nestor said, "Sons, put Telemachus's horses to +the chariot that he may start at once." + +Thus did he speak, and they did even as he had said, and yoked the +fleet horses to the chariot. The housekeeper packed them up a provision +of bread, wine, and sweet meats fit for the sons of princes. Then +Telemachus got into the chariot, while Pisistratus gathered up the +reins and took his seat beside him. He lashed the horses on and they +flew forward nothing loth into the open country, leaving the high +citadel of Pylos behind them. All that day did they travel, swaying the +yoke upon their necks till the sun went down and darkness was over all +the land. Then they reached Pherae where Diocles lived, who was son to +Ortilochus and grandson to Alpheus. Here they passed the night and +Diocles entertained them hospitably. When the child of morning, +rosy-fingered Dawn, appeared, they again yoked their horses and drove +out through the gateway under the echoing gatehouse. Pisistratus +lashed the horses on and they flew forward nothing loth; presently they +came to the corn lands of the open country, and in the course of time +completed their journey, so well did their steeds take them. + +Now when the sun had set and darkness was over the land, + + + + +BOOK IV + + +THE VISIT TO KING MENELAUS, WHO TELLS HIS STORY—MEANWHILE THE SUITORS +IN ITHACA PLOT AGAINST TELEMACHUS. + + +they reached the low lying city of Lacedaemon, where they drove +straight to the abode of Menelaus [and found him in his own house, +feasting with his many clansmen in honour of the wedding of his son, +and also of his daughter, whom he was marrying to the son of that +valiant warrior Achilles. He had given his consent and promised her to +him while he was still at Troy, and now the gods were bringing the +marriage about; so he was sending her with chariots and horses to the +city of the Myrmidons over whom Achilles' son was reigning. For his +only son he had found a bride from Sparta, the daughter of Alector. +This son, Megapenthes, was born to him of a bondwoman, for heaven +vouchsafed Helen no more children after she had borne Hermione, who was +fair as golden Venus herself. + +So the neighbours and kinsmen of Menelaus were feasting and making +merry in his house. There was a bard also to sing to them and play his +lyre, while two tumblers went about performing in the midst of them +when the man struck up with his tune. + +Telemachus and the son of Nestor stayed their horses at the gate, +whereon Eteoneus servant to Menelaus came out, and as soon as he saw +them ran hurrying back into the house to tell his Master. He went close +up to him and said, "Menelaus, there are some strangers come here, two +men, who look like sons of Jove. What are we to do? Shall we take their +horses out, or tell them to find friends elsewhere as they best can?" + +Menelaus was very angry and said, "Eteoneus, son of Boethous, you never +used to be a fool, but now you talk like a simpleton. Take their horses +out, of course, and show the strangers in that they may have supper; +you and I have staid often enough at other people's houses before we +got back here, where heaven grant that we may rest in peace +henceforward." + +So Eteoneus bustled back and bade the other servants come with him. +They took their sweating steeds from under the yoke, made them fast to +the mangers, and gave them a feed of oats and barley mixed. Then they +leaned the chariot against the end wall of the courtyard, and led the +way into the house. Telemachus and Pisistratus were astonished when +they saw it, for its splendour was as that of the sun and moon; then, +when they had admired everything to their heart's content, they went +into the bath room and washed themselves. + +When the servants had washed them and anointed them with oil, they +brought them woollen cloaks and shirts, and the two took their seats by +the side of Menelaus. A maid-servant brought them water in a beautiful +golden ewer, and poured it into a silver basin for them to wash their +hands; and she drew a clean table beside them. An upper servant brought +them bread, and offered them many good things of what there was in the +house, while the carver fetched them plates of all manner of meats and +set cups of gold by their side. + +Menelaus then greeted them saying, "Fall to, and welcome; when you have +done supper I shall ask who you are, for the lineage of such men as you +cannot have been lost. You must be descended from a line of +sceptre-bearing kings, for poor people do not have such sons as you +are." + +On this he handed them a piece of fat roast loin, which had been set +near him as being a prime part, and they laid their hands on the good +things that were before them; as soon as they had had enough to eat and +drink, Telemachus said to the son of Nestor, with his head so close +that no one might hear, "Look, Pisistratus, man after my own heart, see +the gleam of bronze and gold—of amber, ivory, and silver. Everything +is so splendid that it is like seeing the palace of Olympian Jove. I am +lost in admiration." + +Menelaus overheard him and said, "No one, my sons, can hold his own +with Jove, for his house and everything about him is immortal; but +among mortal men—well, there may be another who has as much wealth as I +have, or there may not; but at all events I have travelled much and +have undergone much hardship, for it was nearly eight years before I +could get home with my fleet. I went to Cyprus, Phoenicia and the +Egyptians; I went also to the Ethiopians, the Sidonians, and the +Erembians, and to Libya where the lambs have horns as soon as they are +born, and the sheep lamb down three times a year. Every one in that +country, whether master or man, has plenty of cheese, meat, and good +milk, for the ewes yield all the year round. But while I was travelling +and getting great riches among these people, my brother was secretly +and shockingly murdered through the perfidy of his wicked wife, so that +I have no pleasure in being lord of all this wealth. Whoever your +parents may be they must have told you about all this, and of my heavy +loss in the ruin of a stately mansion fully and magnificently +furnished. Would that I had only a third of what I now have so that I +had stayed at home, and all those were living who perished on the plain +of Troy, far from Argos. I often grieve, as I sit here in my house, for +one and all of them. At times I cry aloud for sorrow, but presently I +leave off again, for crying is cold comfort and one soon tires of it. +Yet grieve for these as I may, I do so for one man more than for them +all. I cannot even think of him without loathing both food and sleep, +so miserable does he make me, for no one of all the Achaeans worked so +hard or risked so much as he did. He took nothing by it, and has left a +legacy of sorrow to myself, for he has been gone a long time, and we +know not whether he is alive or dead. His old father, his +long-suffering wife Penelope, and his son Telemachus, whom he left +behind him an infant in arms, are plunged in grief on his account." + +Thus spoke Menelaus, and the heart of Telemachus yearned as he +bethought him of his father. Tears fell from his eyes as he heard him +thus mentioned, so that he held his cloak before his face with both +hands. When Menelaus saw this he doubted whether to let him choose his +own time for speaking, or to ask him at once and find what it was all +about. + +While he was thus in two minds Helen came down from her high vaulted +and perfumed room, looking as lovely as Diana herself. Adraste brought +her a seat, Alcippe a soft woollen rug while Phylo fetched her the +silver work-box which Alcandra wife of Polybus had given her. Polybus +lived in Egyptian Thebes, which is the richest city in the whole world; +he gave Menelaus two baths, both of pure silver, two tripods, and ten +talents of gold; besides all this, his wife gave Helen some beautiful +presents, to wit, a golden distaff, and a silver work box that ran on +wheels, with a gold band round the top of it. Phylo now placed this by +her side, full of fine spun yarn, and a distaff charged with violet +coloured wool was laid upon the top of it. Then Helen took her seat, +put her feet upon the footstool, and began to question her husband. + +"Do we know, Menelaus," said she, "the names of these strangers who +have come to visit us? Shall I guess right or wrong?—but I cannot help +saying what I think. Never yet have I seen either man or woman so like +somebody else (indeed when I look at him I hardly know what to think) +as this young man is like Telemachus, whom Ulysses left as a baby +behind him, when you Achaeans went to Troy with battle in your hearts, +on account of my most shameless self." + +"My dear wife," replied Menelaus, "I see the likeness just as you do. +His hands and feet are just like Ulysses; so is his hair, with the +shape of his head and the expression of his eyes. Moreover, when I was +talking about Ulysses, and saying how much he had suffered on my +account, tears fell from his eyes, and he hid his face in his mantle." + +Then Pisistratus said, "Menelaus, son of Atreus, you are right in +thinking that this young man is Telemachus, but he is very modest, and +is ashamed to come here and begin opening up discourse with one whose +conversation is so divinely interesting as your own. My father, Nestor, +sent me to escort him hither, for he wanted to know whether you could +give him any counsel or suggestion. A son has always trouble at home +when his father has gone away leaving him without supporters; and this +is how Telemachus is now placed, for his father is absent, and there is +no one among his own people to stand by him." + +"Bless my heart," replied Menelaus, "then I am receiving a visit from +the son of a very dear friend, who suffered much hardship for my sake. +I had always hoped to entertain him with most marked distinction when +heaven had granted us a safe return from beyond the seas. I should have +founded a city for him in Argos, and built him a house. I should have +made him leave Ithaca with his goods, his son, and all his people, and +should have sacked for them some one of the neighbouring cities that +are subject to me. We should thus have seen one another continually, +and nothing but death could have interrupted so close and happy an +intercourse. I suppose, however, that heaven grudged us such great good +fortune, for it has prevented the poor fellow from ever getting home at +all." + +Thus did he speak, and his words set them all a weeping. Helen wept, +Telemachus wept, and so did Menelaus, nor could Pisistratus keep his +eyes from filling, when he remembered his dear brother Antilochus whom +the son of bright Dawn had killed. Thereon he said to Menelaus, + +"Sir, my father Nestor, when we used to talk about you at home, told me +you were a person of rare and excellent understanding. If, then, it be +possible, do as I would urge you. I am not fond of crying while I am +getting my supper. Morning will come in due course, and in the forenoon +I care not how much I cry for those that are dead and gone. This is all +we can do for the poor things. We can only shave our heads for them and +wring the tears from our cheeks. I had a brother who died at Troy; he +was by no means the worst man there; you are sure to have known him—his +name was Antilochus; I never set eyes upon him myself, but they say +that he was singularly fleet of foot and in fight valiant." + +"Your discretion, my friend," answered Menelaus, "is beyond your years. +It is plain you take after your father. One can soon see when a man is +son to one whom heaven has blessed both as regards wife and +offspring—and it has blessed Nestor from first to last all his days, +giving him a green old age in his own house, with sons about him who +are both well disposed and valiant. We will put an end therefore to all +this weeping, and attend to our supper again. Let water be poured over +our hands. Telemachus and I can talk with one another fully in the +morning." + +On this Asphalion, one of the servants, poured water over their hands +and they laid their hands on the good things that were before them. + +Then Jove's daughter Helen bethought her of another matter. She drugged +the wine with an herb that banishes all care, sorrow, and ill humour. +Whoever drinks wine thus drugged cannot shed a single tear all the rest +of the day, not even though his father and mother both of them drop +down dead, or he sees a brother or a son hewn in pieces before his very +eyes. This drug, of such sovereign power and virtue, had been given to +Helen by Polydamna wife of Thon, a woman of Egypt, where there grow all +sorts of herbs, some good to put into the mixing bowl and others +poisonous. Moreover, every one in the whole country is a skilled +physician, for they are of the race of Paeeon. When Helen had put this +drug in the bowl, and had told the servants to serve the wine round, +she said: + +"Menelaus, son of Atreus, and you my good friends, sons of honourable +men (which is as Jove wills, for he is the giver both of good and evil, +and can do what he chooses), feast here as you will, and listen while I +tell you a tale in season. I cannot indeed name every single one of the +exploits of Ulysses, but I can say what he did when he was before Troy, +and you Achaeans were in all sorts of difficulties. He covered himself +with wounds and bruises, dressed himself all in rags, and entered the +enemy's city looking like a menial or a beggar, and quite different +from what he did when he was among his own people. In this disguise he +entered the city of Troy, and no one said anything to him. I alone +recognised him and began to question him, but he was too cunning for +me. When, however, I had washed and anointed him and had given him +clothes, and after I had sworn a solemn oath not to betray him to the +Trojans till he had got safely back to his own camp and to the ships, +he told me all that the Achaeans meant to do. He killed many Trojans +and got much information before he reached the Argive camp, for all +which things the Trojan women made lamentation, but for my own part I +was glad, for my heart was beginning to yearn after my home, and I was +unhappy about the wrong that Venus had done me in taking me over there, +away from my country, my girl, and my lawful wedded husband, who is +indeed by no means deficient either in person or understanding." + +Then Menelaus said, "All that you have been saying, my dear wife, is +true. I have travelled much, and have had much to do with heroes, but I +have never seen such another man as Ulysses. What endurance too, and +what courage he displayed within the wooden horse, wherein all the +bravest of the Argives were lying in wait to bring death and +destruction upon the Trojans. At that moment you came up to us; some +god who wished well to the Trojans must have set you on to it and you +had Deiphobus with you. Three times did you go all round our hiding +place and pat it; you called our chiefs each by his own name, and +mimicked all our wives—Diomed, Ulysses, and I from our seats inside +heard what a noise you made. Diomed and I could not make up our minds +whether to spring out then and there, or to answer you from inside, but +Ulysses held us all in check, so we sat quite still, all except +Anticlus, who was beginning to answer you, when Ulysses clapped his two +brawny hands over his mouth, and kept them there. It was this that +saved us all, for he muzzled Anticlus till Minerva took you away +again." + +"How sad," exclaimed Telemachus, "that all this was of no avail to save +him, nor yet his own iron courage. But now, sir, be pleased to send us +all to bed, that we may lie down and enjoy the blessed boon of sleep." + +On this Helen told the maid servants to set beds in the room that was +in the gatehouse, and to make them with good red rugs, and spread +coverlets on the top of them with woollen cloaks for the guests to +wear. So the maids went out, carrying a torch, and made the beds, to +which a man-servant presently conducted the strangers. Thus, then, did +Telemachus and Pisistratus sleep there in the forecourt, while the son +of Atreus lay in an inner room with lovely Helen by his side. + +When the child of morning, rosy-fingered Dawn appeared, Menelaus rose +and dressed himself. He bound his sandals on to his comely feet, girded +his sword about his shoulders, and left his room looking like an +immortal god. Then, taking a seat near Telemachus he said: + +"And what, Telemachus, has led you to take this long sea voyage to +Lacedaemon? Are you on public, or private business? Tell me all about +it." + +"I have come, sir," replied Telemachus, "to see if you can tell me +anything about my father. I am being eaten out of house and home; my +fair estate is being wasted, and my house is full of miscreants who +keep killing great numbers of my sheep and oxen, on the pretence of +paying their addresses to my mother. Therefore, I am suppliant at your +knees if haply you may tell me about my father's melancholy end, +whether you saw it with your own eyes, or heard it from some other +traveller; for he was a man born to trouble. Do not soften things out +of any pity for myself, but tell me in all plainness exactly what you +saw. If my brave father Ulysses ever did you loyal service either by +word or deed, when you Achaeans were harassed by the Trojans, bear it +in mind now as in my favour and tell me truly all." + +Menelaus on hearing this was very much shocked. "So," he exclaimed, +"these cowards would usurp a brave man's bed? A hind might as well lay +her new born young in the lair of a lion, and then go off to feed in +the forest or in some grassy dell: the lion when he comes back to his +lair will make short work with the pair of them—and so will Ulysses +with these suitors. By father Jove, Minerva, and Apollo, if Ulysses is +still the man that he was when he wrestled with Philomeleides in +Lesbos, and threw him so heavily that all the Achaeans cheered him—if +he is still such and were to come near these suitors, they would have a +short shrift and a sorry wedding. As regards your questions, however, I +will not prevaricate nor deceive you, but will tell you without +concealment all that the old man of the sea told me. + +"I was trying to come on here, but the gods detained me in Egypt, for +my hecatombs had not given them full satisfaction, and the gods are +very strict about having their dues. Now off Egypt, about as far as a +ship can sail in a day with a good stiff breeze behind her, there is an +island called Pharos—it has a good harbour from which vessels can get +out into open sea when they have taken in water—and here the gods +becalmed me twenty days without so much as a breath of fair wind to +help me forward. We should have run clean out of provisions and my men +would have starved, if a goddess had not taken pity upon me and saved +me in the person of Idothea, daughter to Proteus, the old man of the +sea, for she had taken a great fancy to me. + +"She came to me one day when I was by myself, as I often was, for the +men used to go with their barbed hooks, all over the island in the hope +of catching a fish or two to save them from the pangs of hunger. +'Stranger,' said she, 'it seems to me that you like starving in this +way—at any rate it does not greatly trouble you, for you stick here day +after day, without even trying to get away though your men are dying by +inches.' + +"'Let me tell you,' said I, 'whichever of the goddesses you may happen +to be, that I am not staying here of my own accord, but must have +offended the gods that live in heaven. Tell me, therefore, for the gods +know everything, which of the immortals it is that is hindering me in +this way, and tell me also how I may sail the sea so as to reach my +home.' + +"'Stranger,' replied she, 'I will make it all quite clear to you. There +is an old immortal who lives under the sea hereabouts and whose name is +Proteus. He is an Egyptian, and people say he is my father; he is +Neptune's head man and knows every inch of ground all over the bottom +of the sea. If you can snare him and hold him tight, he will tell you +about your voyage, what courses you are to take, and how you are to +sail the sea so as to reach your home. He will also tell you, if you so +will, all that has been going on at your house both good and bad, while +you have been away on your long and dangerous journey.' + +"'Can you show me,' said I, 'some stratagem by means of which I may +catch this old god without his suspecting it and finding me out? For a +god is not easily caught—not by a mortal man.' + +"'Stranger,' said she, 'I will make it all quite clear to you. About +the time when the sun shall have reached mid heaven, the old man of the +sea comes up from under the waves, heralded by the West wind that furs +the water over his head. As soon as he has come up he lies down, and +goes to sleep in a great sea cave, where the seals—Halosydne's chickens +as they call them—come up also from the grey sea, and go to sleep in +shoals all round him; and a very strong and fish-like smell do they +bring with them. 4 Early to-morrow morning I will take you to this +place and will lay you in ambush. Pick out, therefore, the three best +men you have in your fleet, and I will tell you all the tricks that the +old man will play you. + +"'First he will look over all his seals, and count them; then, when he +has seen them and tallied them on his five fingers, he will go to sleep +among them, as a shepherd among his sheep. The moment you see that he +is asleep seize him; put forth all your strength and hold him fast, for +he will do his very utmost to get away from you. He will turn himself +into every kind of creature that goes upon the earth, and will become +also both fire and water; but you must hold him fast and grip him +tighter and tighter, till he begins to talk to you and comes back to +what he was when you saw him go to sleep; then you may slacken your +hold and let him go; and you can ask him which of the gods it is that +is angry with you, and what you must do to reach your home over the +seas.' + +"Having so said she dived under the waves, whereon I turned back to the +place where my ships were ranged upon the shore; and my heart was +clouded with care as I went along. When I reached my ship we got supper +ready, for night was falling, and camped down upon the beach. + +"When the child of morning rosy-fingered Dawn appeared, I took the +three men on whose prowess of all kinds I could most rely, and went +along by the sea-side, praying heartily to heaven. Meanwhile the +goddess fetched me up four seal skins from the bottom of the sea, all +of them just skinned, for she meant playing a trick upon her father. +Then she dug four pits for us to lie in, and sat down to wait till we +should come up. When we were close to her, she made us lie down in the +pits one after the other, and threw a seal skin over each of us. Our +ambuscade would have been intolerable, for the stench of the fishy +seals was most distressing—who would go to bed with a sea monster if +he could help it?—but here, too, the goddess helped us, and thought of +something that gave us great relief, for she put some ambrosia under +each man's nostrils, which was so fragrant that it killed the smell of +the seals. + +"We waited the whole morning and made the best of it, watching the +seals come up in hundreds to bask upon the sea shore, till at noon the +old man of the sea came up too, and when he had found his fat seals he +went over them and counted them. We were among the first he counted, +and he never suspected any guile, but laid himself down to sleep as +soon as he had done counting. Then we rushed upon him with a shout and +seized him; on which he began at once with his old tricks, and changed +himself first into a lion with a great mane; then all of a sudden he +became a dragon, a leopard, a wild boar; the next moment he was running +water, and then again directly he was a tree, but we stuck to him and +never lost hold, till at last the cunning old creature became +distressed, and said, 'Which of the gods was it, Son of Atreus, that +hatched this plot with you for snaring me and seizing me against my +will? What do you want?' + +"'You know that yourself, old man,' I answered, 'you will gain nothing +by trying to put me off. It is because I have been kept so long in this +island, and see no sign of my being able to get away. I am losing all +heart; tell me, then, for you gods know everything, which of the +immortals it is that is hindering me, and tell me also how I may sail +the sea so as to reach my home?' + +"Then,' he said, 'if you would finish your voyage and get home quickly, +you must offer sacrifices to Jove and to the rest of the gods before +embarking; for it is decreed that you shall not get back to your +friends, and to your own house, till you have returned to the +heaven-fed stream of Egypt, and offered holy hecatombs to the immortal +gods that reign in heaven. When you have done this they will let you +finish your voyage.' + +"I was broken hearted when I heard that I must go back all that long +and terrible voyage to Egypt; nevertheless, I answered, 'I will do +all, old man, that you have laid upon me; but now tell me, and tell me +true, whether all the Achaeans whom Nestor and I left behind us when we +set sail from Troy have got home safely, or whether any one of them +came to a bad end either on board his own ship or among his friends +when the days of his fighting were done.' + +"'Son of Atreus,' he answered, 'why ask me? You had better not know +what I can tell you, for your eyes will surely fill when you have heard +my story. Many of those about whom you ask are dead and gone, but many +still remain, and only two of the chief men among the Achaeans perished +during their return home. As for what happened on the field of +battle—you were there yourself. A third Achaean leader is still at sea, +alive, but hindered from returning. Ajax was wrecked, for Neptune drove +him on to the great rocks of Gyrae; nevertheless, he let him get safe +out of the water, and in spite of all Minerva's hatred he would have +escaped death, if he had not ruined himself by boasting. He said the +gods could not drown him even though they had tried to do so, and when +Neptune heard this large talk, he seized his trident in his two brawny +hands, and split the rock of Gyrae in two pieces. The base remained +where it was, but the part on which Ajax was sitting fell headlong into +the sea and carried Ajax with it; so he drank salt water and was +drowned. + +"'Your brother and his ships escaped, for Juno protected him, but when +he was just about to reach the high promontory of Malea, he was caught +by a heavy gale which carried him out to sea again sorely against his +will, and drove him to the foreland where Thyestes used to dwell, but +where Aegisthus was then living. By and by, however, it seemed as +though he was to return safely after all, for the gods backed the wind +into its old quarter and they reached home; whereon Agamemnon kissed +his native soil, and shed tears of joy at finding himself in his own +country. + +"'Now there was a watchman whom Aegisthus kept always on the watch, and +to whom he had promised two talents of gold. This man had been looking +out for a whole year to make sure that Agamemnon did not give him the +slip and prepare war; when, therefore, this man saw Agamemnon go by, he +went and told Aegisthus, who at once began to lay a plot for him. He +picked twenty of his bravest warriors and placed them in ambuscade on +one side the cloister, while on the opposite side he prepared a +banquet. Then he sent his chariots and horsemen to Agamemnon, and +invited him to the feast, but he meant foul play. He got him there, all +unsuspicious of the doom that was awaiting him, and killed him when the +banquet was over as though he were butchering an ox in the shambles; +not one of Agamemnon's followers was left alive, nor yet one of +Aegisthus', but they were all killed there in the cloisters.' + +"Thus spoke Proteus, and I was broken hearted as I heard him. I sat +down upon the sands and wept; I felt as though I could no longer bear +to live nor look upon the light of the sun. Presently, when I had had +my fill of weeping and writhing upon the ground, the old man of the sea +said, 'Son of Atreus, do not waste any more time in crying so bitterly; +it can do no manner of good; find your way home as fast as ever you +can, for Aegisthus may be still alive, and even though Orestes has been +beforehand with you in killing him, you may yet come in for his +funeral.' + +"On this I took comfort in spite of all my sorrow, and said, 'I know, +then, about these two; tell me, therefore, about the third man of whom +you spoke; is he still alive, but at sea, and unable to get home? or is +he dead? Tell me, no matter how much it may grieve me.' + +"'The third man,' he answered, 'is Ulysses who dwells in Ithaca. I can +see him in an island sorrowing bitterly in the house of the nymph +Calypso, who is keeping him prisoner, and he cannot reach his home for +he has no ships nor sailors to take him over the sea. As for your own +end, Menelaus, you shall not die in Argos, but the gods will take you +to the Elysian plain, which is at the ends of the world. There +fair-haired Rhadamanthus reigns, and men lead an easier life than any +where else in the world, for in Elysium there falls not rain, nor hail, +nor snow, but Oceanus breathes ever with a West wind that sings softly +from the sea, and gives fresh life to all men. This will happen to you +because you have married Helen, and are Jove's son-in-law.' + +"As he spoke he dived under the waves, whereon I turned back to the +ships with my companions, and my heart was clouded with care as I went +along. When we reached the ships we got supper ready, for night was +falling, and camped down upon the beach. When the child of morning, +rosy-fingered Dawn appeared, we drew our ships into the water, and put +our masts and sails within them; then we went on board ourselves, took +our seats on the benches, and smote the grey sea with our oars. I again +stationed my ships in the heaven-fed stream of Egypt, and offered +hecatombs that were full and sufficient. When I had thus appeased +heaven's anger, I raised a barrow to the memory of Agamemnon that his +name might live for ever, after which I had a quick passage home, for +the gods sent me a fair wind. + +"And now for yourself—stay here some ten or twelve days longer, and I +will then speed you on your way. I will make you a noble present of a +chariot and three horses. I will also give you a beautiful chalice that +so long as you live you may think of me whenever you make a +drink-offering to the immortal gods." + +"Son of Atreus," replied Telemachus, "do not press me to stay longer; I +should be contented to remain with you for another twelve months; I +find your conversation so delightful that I should never once wish +myself at home with my parents; but my crew whom I have left at Pylos +are already impatient, and you are detaining me from them. As for any +present you may be disposed to make me, I had rather that it should be +a piece of plate. I will take no horses back with me to Ithaca, but +will leave them to adorn your own stables, for you have much flat +ground in your kingdom where lotus thrives, as also meadow-sweet and +wheat and barley, and oats with their white and spreading ears; whereas +in Ithaca we have neither open fields nor racecourses, and the country +is more fit for goats than horses, and I like it the better for that. +4 None of our islands have much level ground, suitable for horses, and +Ithaca least of all." + +Menelaus smiled and took Telemachus's hand within his own. "What you +say," said he, "shows that you come of good family. I both can, and +will, make this exchange for you, by giving you the finest and most +precious piece of plate in all my house. It is a mixing bowl by +Vulcan's own hand, of pure silver, except the rim, which is inlaid with +gold. Phaedimus, king of the Sidonians, gave it me in the course of a +visit which I paid him when I returned thither on my homeward journey. +I will make you a present of it." + +Thus did they converse [and guests kept coming to the king's house. +They brought sheep and wine, while their wives had put up bread for +them to take with them; so they were busy cooking their dinners in the +courts]. + +Meanwhile the suitors were throwing discs or aiming with spears at a +mark on the levelled ground in front of Ulysses' house, and were +behaving with all their old insolence. Antinous and Eurymachus, who +were their ringleaders and much the foremost among them all, were +sitting together when Noemon son of Phronius came up and said to +Antinous, + +"Have we any idea, Antinous, on what day Telemachus returns from Pylos? +He has a ship of mine, and I want it, to cross over to Elis: I have +twelve brood mares there with yearling mule foals by their side not yet +broken in, and I want to bring one of them over here and break him." + +They were astounded when they heard this, for they had made sure that +Telemachus had not gone to the city of Neleus. They thought he was only +away somewhere on the farms, and was with the sheep, or with the +swineherd; so Antinous said, "When did he go? Tell me truly, and what +young men did he take with him? Were they freemen or his own +bondsmen—for he might manage that too? Tell me also, did you let him +have the ship of your own free will because he asked you, or did he +take it without your leave?" + +"I lent it him," answered Noemon, "what else could I do when a man of +his position said he was in a difficulty, and asked me to oblige him? I +could not possibly refuse. As for those who went with him they were the +best young men we have, and I saw Mentor go on board as captain—or some +god who was exactly like him. I cannot understand it, for I saw Mentor +here myself yesterday morning, and yet he was then setting out for +Pylos." + +Noemon then went back to his father's house, but Antinous and +Eurymachus were very angry. They told the others to leave off playing, +and to come and sit down along with themselves. When they came, +Antinous son of Eupeithes spoke in anger. His heart was black with +rage, and his eyes flashed fire as he said: + +"Good heavens, this voyage of Telemachus is a very serious matter; we +had made sure that it would come to nothing, but the young fellow has +got away in spite of us, and with a picked crew too. He will be giving +us trouble presently; may Jove take him before he is full grown. Find +me a ship, therefore, with a crew of twenty men, and I will lie in wait +for him in the straits between Ithaca and Samos; he will then rue the +day that he set out to try and get news of his father." + +Thus did he speak, and the others applauded his saying; they then all +of them went inside the buildings. + +It was not long ere Penelope came to know what the suitors were +plotting; for a man servant, Medon, overheard them from outside the +outer court as they were laying their schemes within, and went to tell +his mistress. As he crossed the threshold of her room Penelope said: +"Medon, what have the suitors sent you here for? Is it to tell the +maids to leave their master's business and cook dinner for them? I wish +they may neither woo nor dine henceforward, neither here nor anywhere +else, but let this be the very last time, for the waste you all make of +my son's estate. Did not your fathers tell you when you were children, +how good Ulysses had been to them—never doing anything high-handed, nor +speaking harshly to anybody? Kings may say things sometimes, and they +may take a fancy to one man and dislike another, but Ulysses never did +an unjust thing by anybody—which shows what bad hearts you have, and +that there is no such thing as gratitude left in this world." + +Then Medon said, "I wish, Madam, that this were all; but they are +plotting something much more dreadful now—may heaven frustrate their +design. They are going to try and murder Telemachus as he is coming +home from Pylos and Lacedaemon, where he has been to get news of his +father." + +Then Penelope's heart sank within her, and for a long time she was +speechless; her eyes filled with tears, and she could find no +utterance. At last, however, she said, "Why did my son leave me? What +business had he to go sailing off in ships that make long voyages over +the ocean like sea-horses? Does he want to die without leaving any one +behind him to keep up his name?" + +"I do not know," answered Medon, "whether some god set him on to it, or +whether he went on his own impulse to see if he could find out if his +father was dead, or alive and on his way home." + +Then he went downstairs again, leaving Penelope in an agony of grief. +There were plenty of seats in the house, but she had no heart for +sitting on any one of them; she could only fling herself on the floor +of her own room and cry; whereon all the maids in the house, both old +and young, gathered round her and began to cry too, till at last in a +transport of sorrow she exclaimed, + +"My dears, heaven has been pleased to try me with more affliction than +any other woman of my age and country. First I lost my brave and +lion-hearted husband, who had every good quality under heaven, and +whose name was great over all Hellas and middle Argos, and now my +darling son is at the mercy of the winds and waves, without my having +heard one word about his leaving home. You hussies, there was not one +of you would so much as think of giving me a call out of my bed, though +you all of you very well knew when he was starting. If I had known he +meant taking this voyage, he would have had to give it up, no matter +how much he was bent upon it, or leave me a corpse behind him—one or +other. Now, however, go some of you and call old Dolius, who was given +me by my father on my marriage, and who is my gardener. Bid him go at +once and tell everything to Laertes, who may be able to hit on some +plan for enlisting public sympathy on our side, as against those who +are trying to exterminate his own race and that of Ulysses." + +Then the dear old nurse Euryclea said, "You may kill me, Madam, or let +me live on in your house, whichever you please, but I will tell you the +real truth. I knew all about it, and gave him everything he wanted in +the way of bread and wine, but he made me take my solemn oath that I +would not tell you anything for some ten or twelve days, unless you +asked or happened to hear of his having gone, for he did not want you +to spoil your beauty by crying. And now, Madam, wash your face, change +your dress, and go upstairs with your maids to offer prayers to +Minerva, daughter of Aegis-bearing Jove, for she can save him even +though he be in the jaws of death. Do not trouble Laertes: he has +trouble enough already. Besides, I cannot think that the gods hate the +race of the son of Arceisius so much, but there will be a son left to +come up after him, and inherit both the house and the fair fields that +lie far all round it." + +With these words she made her mistress leave off crying, and dried the +tears from her eyes. Penelope washed her face, changed her dress, and +went upstairs with her maids. She then put some bruised barley into a +basket and began praying to Minerva. + +"Hear me," she cried, "Daughter of Aegis-bearing Jove, unweariable. If +ever Ulysses while he was here burned you fat thigh bones of sheep or +heifer, bear it in mind now as in my favour, and save my darling son +from the villainy of the suitors." + +She cried aloud as she spoke, and the goddess heard her prayer; +meanwhile the suitors were clamorous throughout the covered cloister, +and one of them said: + +"The queen is preparing for her marriage with one or other of us. +Little does she dream that her son has now been doomed to die." + +This was what they said, but they did not know what was going to +happen. Then Antinous said, "Comrades, let there be no loud talking, +lest some of it get carried inside. Let us be up and do that in +silence, about which we are all of a mind." + +He then chose twenty men, and they went down to their ship and to the +sea side; they drew the vessel into the water and got her mast and +sails inside her; they bound the oars to the thole-pins with twisted +thongs of leather, all in due course, and spread the white sails aloft, +while their fine servants brought them their armour. Then they made the +ship fast a little way out, came on shore again, got their suppers, and +waited till night should fall. + +But Penelope lay in her own room upstairs unable to eat or drink, and +wondering whether her brave son would escape, or be overpowered by the +wicked suitors. Like a lioness caught in the toils with huntsmen +hemming her in on every side she thought and thought till she sank into +a slumber, and lay on her bed bereft of thought and motion. + +Then Minerva bethought her of another matter, and made a vision in the +likeness of Penelope's sister Iphthime daughter of Icarius who had +married Eumelus and lived in Pherae. She told the vision to go to the +house of Ulysses, and to make Penelope leave off crying, so it came +into her room by the hole through which the thong went for pulling the +door to, and hovered over her head saying, + +"You are asleep, Penelope: the gods who live at ease will not suffer +you to weep and be so sad. Your son has done them no wrong, so he will +yet come back to you." + +Penelope, who was sleeping sweetly at the gates of dreamland, answered, +"Sister, why have you come here? You do not come very often, but I +suppose that is because you live such a long way off. Am I, then, to +leave off crying and refrain from all the sad thoughts that torture me? +I, who have lost my brave and lion-hearted husband, who had every good +quality under heaven, and whose name was great over all Hellas and +middle Argos; and now my darling son has gone off on board of a ship—a +foolish fellow who has never been used to roughing it, nor to going +about among gatherings of men. I am even more anxious about him than +about my husband; I am all in a tremble when I think of him, lest +something should happen to him, either from the people among whom he +has gone, or by sea, for he has many enemies who are plotting against +him, and are bent on killing him before he can return home." + +Then the vision said, "Take heart, and be not so much dismayed. There +is one gone with him whom many a man would be glad enough to have stand +by his side, I mean Minerva; it is she who has compassion upon you, and +who has sent me to bear you this message." + +"Then," said Penelope, "if you are a god or have been sent here by +divine commission, tell me also about that other unhappy one—is he +still alive, or is he already dead and in the house of Hades?" + +And the vision said, "I shall not tell you for certain whether he is +alive or dead, and there is no use in idle conversation." + +Then it vanished through the thong-hole of the door and was dissipated +into thin air; but Penelope rose from her sleep refreshed and +comforted, so vivid had been her dream. + +Meantime the suitors went on board and sailed their ways over the sea, +intent on murdering Telemachus. Now there is a rocky islet called +Asteris, of no great size, in mid channel between Ithaca and Samos, and +there is a harbour on either side of it where a ship can lie. Here then +the Achaeans placed themselves in ambush. + + + + +BOOK V + + +CALYPSO—ULYSSES REACHES SCHERIA ON A RAFT. + + +And now, as Dawn rose from her couch beside Tithonus—harbinger of light +alike to mortals and immortals—the gods met in council and with them, +Jove the lord of thunder, who is their king. Thereon Minerva began to +tell them of the many sufferings of Ulysses, for she pitied him away +there in the house of the nymph Calypso. + +"Father Jove," said she, "and all you other gods that live in +everlasting bliss, I hope there may never be such a thing as a kind and +well-disposed ruler any more, nor one who will govern equitably. I hope +they will be all henceforth cruel and unjust, for there is not one of +his subjects but has forgotten Ulysses, who ruled them as though he +were their father. There he is, lying in great pain in an island where +dwells the nymph Calypso, who will not let him go; and he cannot get +back to his own country, for he can find neither ships nor sailors to +take him over the sea. Furthermore, wicked people are now trying to +murder his only son Telemachus, who is coming home from Pylos and +Lacedaemon, where he has been to see if he can get news of his father." + +"What, my dear, are you talking about?" replied her father, "did you +not send him there yourself, because you thought it would help Ulysses +to get home and punish the suitors? Besides, you are perfectly able to +protect Telemachus, and to see him safely home again, while the suitors +have to come hurry-skurrying back without having killed him." + +When he had thus spoken, he said to his son Mercury, "Mercury, you are +our messenger, go therefore and tell Calypso we have decreed that poor +Ulysses is to return home. He is to be convoyed neither by gods nor +men, but after a perilous voyage of twenty days upon a raft he is to +reach fertile Scheria, the land of the Phaeacians, who are near of +kin to the gods, and will honour him as though he were one of +ourselves. They will send him in a ship to his own country, and will +give him more bronze and gold and raiment than he would have brought +back from Troy, if he had had all his prize money and had got home +without disaster. This is how we have settled that he shall return to +his country and his friends." + +Thus he spoke, and Mercury, guide and guardian, slayer of Argus, did as +he was told. Forthwith he bound on his glittering golden sandals with +which he could fly like the wind over land and sea. He took the wand +with which he seals men's eyes in sleep or wakes them just as he +pleases, and flew holding it in his hand over Pieria; then he swooped +down through the firmament till he reached the level of the sea, whose +waves he skimmed like a cormorant that flies fishing every hole and +corner of the ocean, and drenching its thick plumage in the spray. He +flew and flew over many a weary wave, but when at last he got to the +island which was his journey's end, he left the sea and went on by land +till he came to the cave where the nymph Calypso lived. + +He found her at home. There was a large fire burning on the hearth, and +one could smell from far the fragrant reek of burning cedar and sandal +wood. As for herself, she was busy at her loom, shooting her golden +shuttle through the warp and singing beautifully. Round her cave there +was a thick wood of alder, poplar, and sweet smelling cypress trees, +wherein all kinds of great birds had built their nests—owls, hawks, and +chattering sea-crows that occupy their business in the waters. A vine +loaded with grapes was trained and grew luxuriantly about the mouth of +the cave; there were also four running rills of water in channels cut +pretty close together, and turned hither and thither so as to irrigate +the beds of violets and luscious herbage over which they flowed. 5 +Even a god could not help being charmed with such a lovely spot, so +Mercury stood still and looked at it; but when he had admired it +sufficiently he went inside the cave. + +Calypso knew him at once—for the gods all know each other, no matter +how far they live from one another—but Ulysses was not within; he was +on the sea-shore as usual, looking out upon the barren ocean with tears +in his eyes, groaning and breaking his heart for sorrow. Calypso gave +Mercury a seat and said: "Why have you come to see me, +Mercury—honoured, and ever welcome—for you do not visit me often? Say +what you want; I will do it for you at once if I can, and if it can be +done at all; but come inside, and let me set refreshment before you." + +As she spoke she drew a table loaded with ambrosia beside him and mixed +him some red nectar, so Mercury ate and drank till he had had enough, +and then said: + +"We are speaking god and goddess to one another, and you ask me why I +have come here, and I will tell you truly as you would have me do. Jove +sent me; it was no doing of mine; who could possibly want to come all +this way over the sea where there are no cities full of people to offer +me sacrifices or choice hecatombs? Nevertheless I had to come, for none +of us other gods can cross Jove, nor transgress his orders. He says +that you have here the most ill-starred of all those who fought nine +years before the city of King Priam and sailed home in the tenth year +after having sacked it. On their way home they sinned against +Minerva, who raised both wind and waves against them, so that all his +brave companions perished, and he alone was carried hither by wind and +tide. Jove says that you are to let this man go at once, for it is +decreed that he shall not perish here, far from his own people, but +shall return to his house and country and see his friends again." + +Calypso trembled with rage when she heard this, "You gods," she +exclaimed, "ought to be ashamed of yourselves. You are always jealous +and hate seeing a goddess take a fancy to a mortal man, and live with +him in open matrimony. So when rosy-fingered Dawn made love to Orion, +you precious gods were all of you furious till Diana went and killed +him in Ortygia. So again when Ceres fell in love with Iasion, and +yielded to him in a thrice-ploughed fallow field, Jove came to hear of +it before so very long and killed Iasion with his thunderbolts. And now +you are angry with me too because I have a man here. I found the poor +creature sitting all alone astride of a keel, for Jove had struck his +ship with lightning and sunk it in mid ocean, so that all his crew were +drowned, while he himself was driven by wind and waves on to my island. +I got fond of him and cherished him, and had set my heart on making him +immortal, so that he should never grow old all his days; still I cannot +cross Jove, nor bring his counsels to nothing; therefore, if he insists +upon it, let the man go beyond the seas again; but I cannot send him +anywhere myself for I have neither ships nor men who can take him. +Nevertheless I will readily give him such advice, in all good faith, as +will be likely to bring him safely to his own country." + +"Then send him away," said Mercury, "or Jove will be angry with you and +punish you". + +On this he took his leave, and Calypso went out to look for Ulysses, +for she had heard Jove's message. She found him sitting upon the beach +with his eyes ever filled with tears, and dying of sheer home sickness; +for he had got tired of Calypso, and though he was forced to sleep with +her in the cave by night, it was she, not he, that would have it so. As +for the day time, he spent it on the rocks and on the sea shore, +weeping, crying aloud for his despair, and always looking out upon the +sea. Calypso then went close up to him said: + +"My poor fellow, you shall not stay here grieving and fretting your +life out any longer. I am going to send you away of my own free will; +so go, cut some beams of wood, and make yourself a large raft with an +upper deck that it may carry you safely over the sea. I will put bread, +wine, and water on board to save you from starving. I will also give +you clothes, and will send you a fair wind to take you home, if the +gods in heaven so will it—for they know more about these things, and +can settle them better than I can." + +Ulysses shuddered as he heard her. "Now goddess," he answered, "there +is something behind all this; you cannot be really meaning to help me +home when you bid me do such a dreadful thing as put to sea on a raft. +Not even a well found ship with a fair wind could venture on such a +distant voyage: nothing that you can say or do shall make me go on +board a raft unless you first solemnly swear that you mean me no +mischief." + +Calypso smiled at this and caressed him with her hand: "You know a +great deal," said she, "but you are quite wrong here. May heaven above +and earth below be my witnesses, with the waters of the river Styx—and +this is the most solemn oath which a blessed god can take—that I mean +you no sort of harm, and am only advising you to do exactly what I +should do myself in your place. I am dealing with you quite +straightforwardly; my heart is not made of iron, and I am very sorry +for you." + +When she had thus spoken she led the way rapidly before him, and +Ulysses followed in her steps; so the pair, goddess and man, went on +and on till they came to Calypso's cave, where Ulysses took the seat +that Mercury had just left. Calypso set meat and drink before him of +the food that mortals eat; but her maids brought ambrosia and nectar +for herself, and they laid their hands on the good things that were +before them. When they had satisfied themselves with meat and drink, +Calypso spoke, saying: + +"Ulysses, noble son of Laertes, so you would start home to your own +land at once? Good luck go with you, but if you could only know how +much suffering is in store for you before you get back to your own +country, you would stay where you are, keep house along with me, and +let me make you immortal, no matter how anxious you may be to see this +wife of yours, of whom you are thinking all the time day after day; yet +I flatter myself that I am no whit less tall or well-looking than she +is, for it is not to be expected that a mortal woman should compare in +beauty with an immortal." + +"Goddess," replied Ulysses, "do not be angry with me about this. I am +quite aware that my wife Penelope is nothing like so tall or so +beautiful as yourself. She is only a woman, whereas you are an +immortal. Nevertheless, I want to get home, and can think of nothing +else. If some god wrecks me when I am on the sea, I will bear it and +make the best of it. I have had infinite trouble both by land and sea +already, so let this go with the rest." + +Presently the sun set and it became dark, whereon the pair retired into +the inner part of the cave and went to bed. + +When the child of morning rosy-fingered Dawn appeared, Ulysses put on +his shirt and cloak, while the goddess wore a dress of a light gossamer +fabric, very fine and graceful, with a beautiful golden girdle about +her waist and a veil to cover her head. She at once set herself to +think how she could speed Ulysses on his way. So she gave him a great +bronze axe that suited his hands; it was sharpened on both sides, and +had a beautiful olive-wood handle fitted firmly on to it. She also gave +him a sharp adze, and then led the way to the far end of the island +where the largest trees grew—alder, poplar and pine, that reached the +sky—very dry and well seasoned, so as to sail light for him in the +water. Then, when she had shown him where the best trees grew, +Calypso went home, leaving him to cut them, which he soon finished +doing. He cut down twenty trees in all and adzed them smooth, squaring +them by rule in good workmanlike fashion. Meanwhile Calypso came back +with some augers, so he bored holes with them and fitted the timbers +together with bolts and rivets. He made the raft as broad as a skilled +shipwright makes the beam of a large vessel, and he fixed a deck on top +of the ribs, and ran a gunwale all round it. He also made a mast with a +yard arm, and a rudder to steer with. He fenced the raft all round with +wicker hurdles as a protection against the waves, and then he threw on +a quantity of wood. By and by Calypso brought him some linen to make +the sails, and he made these too, excellently, making them fast with +braces and sheets. Last of all, with the help of levers, he drew the +raft down into the water. + +In four days he had completed the whole work, and on the fifth Calypso +sent him from the island after washing him and giving him some clean +clothes. She gave him a goat skin full of black wine, and another +larger one of water; she also gave him a wallet full of provisions, and +found him in much good meat. Moreover, she made the wind fair and warm +for him, and gladly did Ulysses spread his sail before it, while he sat +and guided the raft skilfully by means of the rudder. He never closed +his eyes, but kept them fixed on the Pleiads, on late-setting Bootes, +and on the Bear—which men also call the wain, and which turns round and +round where it is, facing Orion, and alone never dipping into the +stream of Oceanus—for Calypso had told him to keep this to his left. +Days seven and ten did he sail over the sea, and on the eighteenth the +dim outlines of the mountains on the nearest part of the Phaeacian +coast appeared, rising like a shield on the horizon. + +But King Neptune, who was returning from the Ethiopians, caught sight +of Ulysses a long way off, from the mountains of the Solymi. He could +see him sailing upon the sea, and it made him very angry, so he wagged +his head and muttered to himself, saying, "Good heavens, so the gods +have been changing their minds about Ulysses while I was away in +Ethiopia, and now he is close to the land of the Phaeacians, where it +is decreed that he shall escape from the calamities that have befallen +him. Still, he shall have plenty of hardship yet before he has done +with it." + +Thereon he gathered his clouds together, grasped his trident, stirred +it round in the sea, and roused the rage of every wind that blows till +earth, sea, and sky were hidden in cloud, and night sprang forth out of +the heavens. Winds from East, South, North, and West fell upon him all +at the same time, and a tremendous sea got up, so that Ulysses' heart +began to fail him. "Alas," he said to himself in his dismay, "what ever +will become of me? I am afraid Calypso was right when she said I should +have trouble by sea before I got back home. It is all coming true. How +black is Jove making heaven with his clouds, and what a sea the winds +are raising from every quarter at once. I am now safe to perish. Blest +and thrice blest were those Danaans who fell before Troy in the cause +of the sons of Atreus. Would that I had been killed on the day when the +Trojans were pressing me so sorely about the dead body of Achilles, for +then I should have had due burial and the Achaeans would have honoured +my name; but now it seems that I shall come to a most pitiable end." + +As he spoke a sea broke over him with such terrific fury that the raft +reeled again, and he was carried overboard a long way off. He let go +the helm, and the force of the hurricane was so great that it broke the +mast half way up, and both sail and yard went over into the sea. For a +long time Ulysses was under water, and it was all he could do to rise +to the surface again, for the clothes Calypso had given him weighed him +down; but at last he got his head above water and spat out the bitter +brine that was running down his face in streams. In spite of all this, +however, he did not lose sight of his raft, but swam as fast as he +could towards it, got hold of it, and climbed on board again so as to +escape drowning. The sea took the raft and tossed it about as Autumn +winds whirl thistledown round and round upon a road. It was as though +the South, North, East, and West winds were all playing battledore and +shuttlecock with it at once. + +When he was in this plight, Ino daughter of Cadmus, also called +Leucothea, saw him. She had formerly been a mere mortal, but had been +since raised to the rank of a marine goddess. Seeing in what great +distress Ulysses now was, she had compassion upon him, and, rising like +a sea-gull from the waves, took her seat upon the raft. + +"My poor good man," said she, "why is Neptune so furiously angry with +you? He is giving you a great deal of trouble, but for all his bluster +he will not kill you. You seem to be a sensible person, do then as I +bid you; strip, leave your raft to drive before the wind, and swim to +the Phaeacian coast where better luck awaits you. And here, take my +veil and put it round your chest; it is enchanted, and you can come to +no harm so long as you wear it. As soon as you touch land take it off, +throw it back as far as you can into the sea, and then go away again." +With these words she took off her veil and gave it him. Then she dived +down again like a sea-gull and vanished beneath the dark blue waters. + +But Ulysses did not know what to think. "Alas," he said to himself in +his dismay, "this is only some one or other of the gods who is luring +me to ruin by advising me to quit my raft. At any rate I will not do so +at present, for the land where she said I should be quit of all +troubles seemed to be still a good way off. I know what I will do—I am +sure it will be best—no matter what happens I will stick to the raft as +long as her timbers hold together, but when the sea breaks her up I +will swim for it; I do not see how I can do any better than this." + +While he was thus in two minds, Neptune sent a terrible great wave that +seemed to rear itself above his head till it broke right over the raft, +which then went to pieces as though it were a heap of dry chaff tossed +about by a whirlwind. Ulysses got astride of one plank and rode upon it +as if he were on horseback; he then took off the clothes Calypso had +given him, bound Ino's veil under his arms, and plunged into the +sea—meaning to swim on shore. King Neptune watched him as he did so, +and wagged his head, muttering to himself and saying, "There now, swim +up and down as you best can till you fall in with well-to-do people. I +do not think you will be able to say that I have let you off too +lightly." On this he lashed his horses and drove to Aegae where his +palace is. + +But Minerva resolved to help Ulysses, so she bound the ways of all the +winds except one, and made them lie quite still; but she roused a good +stiff breeze from the North that should lay the waters till Ulysses +reached the land of the Phaeacians where he would be safe. + +Thereon he floated about for two nights and two days in the water, with +a heavy swell on the sea and death staring him in the face; but when +the third day broke, the wind fell and there was a dead calm without so +much as a breath of air stirring. As he rose on the swell he looked +eagerly ahead, and could see land quite near. Then, as children rejoice +when their dear father begins to get better after having for a long +time borne sore affliction sent him by some angry spirit, but the gods +deliver him from evil, so was Ulysses thankful when he again saw land +and trees, and swam on with all his strength that he might once more +set foot upon dry ground. When, however, he got within earshot, he +began to hear the surf thundering up against the rocks, for the swell +still broke against them with a terrific roar. Everything was enveloped +in spray; there were no harbours where a ship might ride, nor shelter +of any kind, but only headlands, low-lying rocks, and mountain tops. + +Ulysses' heart now began to fail him, and he said despairingly to +himself, "Alas, Jove has let me see land after swimming so far that I +had given up all hope, but I can find no landing place, for the coast +is rocky and surf-beaten, the rocks are smooth and rise sheer from the +sea, with deep water close under them so that I cannot climb out for +want of foot hold. I am afraid some great wave will lift me off my legs +and dash me against the rocks as I leave the water—which would give me +a sorry landing. If, on the other hand, I swim further in search of +some shelving beach or harbour, a hurricane may carry me out to sea +again sorely against my will, or heaven may send some great monster of +the deep to attack me; for Amphitrite breeds many such, and I know that +Neptune is very angry with me." + +While he was thus in two minds a wave caught him and took him with such +force against the rocks that he would have been smashed and torn to +pieces if Minerva had not shown him what to do. He caught hold of the +rock with both hands and clung to it groaning with pain till the wave +retired, so he was saved that time; but presently the wave came on +again and carried him back with it far into the sea—tearing his hands +as the suckers of a polypus are torn when some one plucks it from its +bed, and the stones come up along with it—even so did the rocks tear +the skin from his strong hands, and then the wave drew him deep down +under the water. + +Here poor Ulysses would have certainly perished even in spite of his +own destiny, if Minerva had not helped him to keep his wits about him. +He swam seaward again, beyond reach of the surf that was beating +against the land, and at the same time he kept looking towards the +shore to see if he could find some haven, or a spit that should take +the waves aslant. By and by, as he swam on, he came to the mouth of a +river, and here he thought would be the best place, for there were no +rocks, and it afforded shelter from the wind. He felt that there was a +current, so he prayed inwardly and said: + +"Hear me, O King, whoever you may be, and save me from the anger of the +sea-god Neptune, for I approach you prayerfully. Any one who has lost +his way has at all times a claim even upon the gods, wherefore in my +distress I draw near to your stream, and cling to the knees of your +riverhood. Have mercy upon me, O king, for I declare myself your +suppliant." + +Then the god staid his stream and stilled the waves, making all calm +before him, and bringing him safely into the mouth of the river. Here +at last Ulysses' knees and strong hands failed him, for the sea had +completely broken him. His body was all swollen, and his mouth and +nostrils ran down like a river with sea-water, so that he could neither +breathe nor speak, and lay swooning from sheer exhaustion; presently, +when he had got his breath and came to himself again, he took off the +scarf that Ino had given him and threw it back into the salt stream +of the river, whereon Ino received it into her hands from the wave that +bore it towards her. Then he left the river, laid himself down among +the rushes, and kissed the bounteous earth. + +"Alas," he cried to himself in his dismay, "what ever will become of +me, and how is it all to end? If I stay here upon the river bed through +the long watches of the night, I am so exhausted that the bitter cold +and damp may make an end of me—for towards sunrise there will be a keen +wind blowing from off the river. If, on the other hand, I climb the +hill side, find shelter in the woods, and sleep in some thicket, I may +escape the cold and have a good night's rest, but some savage beast may +take advantage of me and devour me." + +In the end he deemed it best to take to the woods, and he found one +upon some high ground not far from the water. There he crept beneath +two shoots of olive that grew from a single stock—the one an ungrafted +sucker, while the other had been grafted. No wind, however squally, +could break through the cover they afforded, nor could the sun's rays +pierce them, nor the rain get through them, so closely did they grow +into one another. Ulysses crept under these and began to make himself a +bed to lie on, for there was a great litter of dead leaves lying +about—enough to make a covering for two or three men even in hard +winter weather. He was glad enough to see this, so he laid himself down +and heaped the leaves all round him. Then, as one who lives alone in +the country, far from any neighbor, hides a brand as fire-seed in the +ashes to save himself from having to get a light elsewhere, even so did +Ulysses cover himself up with leaves; and Minerva shed a sweet sleep +upon his eyes, closed his eyelids, and made him lose all memories of +his sorrows. + + + + +BOOK VI + + +THE MEETING BETWEEN NAUSICAA AND ULYSSES. + + +So here Ulysses slept, overcome by sleep and toil; but Minerva went off +to the country and city of the Phaeacians—a people who used to live in +the fair town of Hypereia, near the lawless Cyclopes. Now the Cyclopes +were stronger than they and plundered them, so their king Nausithous +moved them thence and settled them in Scheria, far from all other +people. He surrounded the city with a wall, built houses and temples, +and divided the lands among his people; but he was dead and gone to the +house of Hades, and King Alcinous, whose counsels were inspired of +heaven, was now reigning. To his house, then, did Minerva hie in +furtherance of the return of Ulysses. + +She went straight to the beautifully decorated bedroom in which there +slept a girl who was as lovely as a goddess, Nausicaa, daughter to King +Alcinous. Two maid servants were sleeping near her, both very pretty, +one on either side of the doorway, which was closed with well made +folding doors. Minerva took the form of the famous sea captain Dymas's +daughter, who was a bosom friend of Nausicaa and just her own age; +then, coming up to the girl's bedside like a breath of wind, she +hovered over her head and said: + +"Nausicaa, what can your mother have been about, to have such a lazy +daughter? Here are your clothes all lying in disorder, yet you are +going to be married almost immediately, and should not only be well +dressed yourself, but should find good clothes for those who attend +you. This is the way to get yourself a good name, and to make your +father and mother proud of you. Suppose, then, that we make tomorrow a +washing day, and start at daybreak. I will come and help you so that +you may have everything ready as soon as possible, for all the best +young men among your own people are courting you, and you are not going +to remain a maid much longer. Ask your father, therefore, to have a +waggon and mules ready for us at daybreak, to take the rugs, robes, and +girdles, and you can ride, too, which will be much pleasanter for you +than walking, for the washing-cisterns are some way from the town." + +When she had said this Minerva went away to Olympus, which they say is +the everlasting home of the gods. Here no wind beats roughly, and +neither rain nor snow can fall; but it abides in everlasting sunshine +and in a great peacefulness of light, wherein the blessed gods are +illumined for ever and ever. This was the place to which the goddess +went when she had given instructions to the girl. + +By and by morning came and woke Nausicaa, who began wondering about her +dream; she therefore went to the other end of the house to tell her +father and mother all about it, and found them in their own room. Her +mother was sitting by the fireside spinning her purple yarn with her +maids around her, and she happened to catch her father just as he was +going out to attend a meeting of the town council, which the Phaeacian +aldermen had convened. She stopped him and said: + +"Papa dear, could you manage to let me have a good big waggon? I want +to take all our dirty clothes to the river and wash them. You are the +chief man here, so it is only right that you should have a clean shirt +when you attend meetings of the council. Moreover, you have five sons +at home, two of them married, while the other three are good looking +bachelors; you know they always like to have clean linen when they go +to a dance, and I have been thinking about all this." + +She did not say a word about her own wedding, for she did not like to, +but her father knew and said, "You shall have the mules, my love, and +whatever else you have a mind for. Be off with you, and the men shall +get you a good strong waggon with a body to it that will hold all your +clothes." + +On this he gave his orders to the servants, who got the waggon out, +harnessed the mules, and put them to, while the girl brought the +clothes down from the linen room and placed them on the waggon. Her +mother prepared her a basket of provisions with all sorts of good +things, and a goat skin full of wine; the girl now got into the waggon, +and her mother gave her also a golden cruse of oil, that she and her +women might anoint themselves. Then she took the whip and reins and +lashed the mules on, whereon they set off, and their hoofs clattered on +the road. They pulled without flagging, and carried not only Nausicaa +and her wash of clothes, but the maids also who were with her. + +When they reached the water side they went to the washing cisterns, +through which there ran at all times enough pure water to wash any +quantity of linen, no matter how dirty. Here they unharnessed the mules +and turned them out to feed on the sweet juicy herbage that grew by the +water side. They took the clothes out of the waggon, put them in the +water, and vied with one another in treading them in the pits to get +the dirt out. After they had washed them and got them quite clean, they +laid them out by the sea side, where the waves had raised a high beach +of shingle, and set about washing themselves and anointing themselves +with olive oil. Then they got their dinner by the side of the stream, +and waited for the sun to finish drying the clothes. When they had done +dinner they threw off the veils that covered their heads and began to +play at ball, while Nausicaa sang for them. As the huntress Diana goes +forth upon the mountains of Taygetus or Erymanthus to hunt wild boars +or deer, and the wood nymphs, daughters of Aegis-bearing Jove, take +their sport along with her (then is Leto proud at seeing her daughter +stand a full head taller than the others, and eclipse the loveliest +amid a whole bevy of beauties), even so did the girl outshine her +handmaids. + +When it was time for them to start home, and they were folding the +clothes and putting them into the waggon, Minerva began to consider how +Ulysses should wake up and see the handsome girl who was to conduct him +to the city of the Phaeacians. The girl, therefore, threw a ball at one +of the maids, which missed her and fell into deep water. On this they +all shouted, and the noise they made woke Ulysses, who sat up in his +bed of leaves and began to wonder what it might all be. + +"Alas," said he to himself, "what kind of people have I come amongst? +Are they cruel, savage, and uncivilised, or hospitable and humane? I +seem to hear the voices of young women, and they sound like those of +the nymphs that haunt mountain tops, or springs of rivers and meadows +of green grass. At any rate I am among a race of men and women. Let me +try if I cannot manage to get a look at them." + +As he said this he crept from under his bush, and broke off a bough +covered with thick leaves to hide his nakedness. He looked like some +lion of the wilderness that stalks about exulting in his strength and +defying both wind and rain; his eyes glare as he prowls in quest of +oxen, sheep, or deer, for he is famished, and will dare break even into +a well fenced homestead, trying to get at the sheep—even such did +Ulysses seem to the young women, as he drew near to them all naked as +he was, for he was in great want. On seeing one so unkempt and so +begrimed with salt water, the others scampered off along the spits that +jutted out into the sea, but the daughter of Alcinous stood firm, for +Minerva put courage into her heart and took away all fear from her. She +stood right in front of Ulysses, and he doubted whether he should go up +to her, throw himself at her feet, and embrace her knees as a +suppliant, or stay where he was and entreat her to give him some +clothes and show him the way to the town. In the end he deemed it best +to entreat her from a distance in case the girl should take offence at +his coming near enough to clasp her knees, so he addressed her in +honeyed and persuasive language. + +"O queen," he said, "I implore your aid—but tell me, are you a goddess +or are you a mortal woman? If you are a goddess and dwell in heaven, I +can only conjecture that you are Jove's daughter Diana, for your face +and figure resemble none but hers; if on the other hand you are a +mortal and live on earth, thrice happy are your father and +mother—thrice happy, too, are your brothers and sisters; how proud and +delighted they must feel when they see so fair a scion as yourself +going out to a dance; most happy, however, of all will he be whose +wedding gifts have been the richest, and who takes you to his own home. +I never yet saw any one so beautiful, neither man nor woman, and am +lost in admiration as I behold you. I can only compare you to a young +palm tree which I saw when I was at Delos growing near the altar of +Apollo—for I was there, too, with much people after me, when I was on +that journey which has been the source of all my troubles. Never yet +did such a young plant shoot out of the ground as that was, and I +admired and wondered at it exactly as I now admire and wonder at +yourself. I dare not clasp your knees, but I am in great distress; +yesterday made the twentieth day that I had been tossing about upon the +sea. The winds and waves have taken me all the way from the Ogygian +island, and now fate has flung me upon this coast that I may endure +still further suffering; for I do not think that I have yet come to the +end of it, but rather that heaven has still much evil in store for me. + +"And now, O queen, have pity upon me, for you are the first person I +have met, and I know no one else in this country. Show me the way to +your town, and let me have anything that you may have brought hither to +wrap your clothes in. May heaven grant you in all things your heart's +desire—husband, house, and a happy, peaceful home; for there is nothing +better in this world than that man and wife should be of one mind in a +house. It discomfits their enemies, makes the hearts of their friends +glad, and they themselves know more about it than any one." + +To this Nausicaa answered, "Stranger, you appear to be a sensible, +well-disposed person. There is no accounting for luck; Jove gives +prosperity to rich and poor just as he chooses, so you must take what +he has seen fit to send you, and make the best of it. Now, however, +that you have come to this our country, you shall not want for clothes +nor for anything else that a foreigner in distress may reasonably look +for. I will show you the way to the town, and will tell you the name of +our people; we are called Phaeacians, and I am daughter to Alcinous, in +whom the whole power of the state is vested." + +Then she called her maids and said, "Stay where you are, you girls. Can +you not see a man without running away from him? Do you take him for a +robber or a murderer? Neither he nor any one else can come here to do +us Phaeacians any harm, for we are dear to the gods, and live apart on +a land's end that juts into the sounding sea, and have nothing to do +with any other people. This is only some poor man who has lost his way, +and we must be kind to him, for strangers and foreigners in distress +are under Jove's protection, and will take what they can get and be +thankful; so, girls, give the poor fellow something to eat and drink, +and wash him in the stream at some place that is sheltered from the +wind." + +On this the maids left off running away and began calling one another +back. They made Ulysses sit down in the shelter as Nausicaa had told +them, and brought him a shirt and cloak. They also brought him the +little golden cruse of oil, and told him to go and wash in the stream. +But Ulysses said, "Young women, please to stand a little on one side +that I may wash the brine from my shoulders and anoint myself with oil, +for it is long enough since my skin has had a drop of oil upon it. I +cannot wash as long as you all keep standing there. I am ashamed to +strip before a number of good looking young women." + +Then they stood on one side and went to tell the girl, while Ulysses +washed himself in the stream and scrubbed the brine from his back and +from his broad shoulders. When he had thoroughly washed himself, and +had got the brine out of his hair, he anointed himself with oil, and +put on the clothes which the girl had given him; Minerva then made him +look taller and stronger than before, she also made the hair grow thick +on the top of his head, and flow down in curls like hyacinth blossoms; +she glorified him about the head and shoulders as a skilful workman who +has studied art of all kinds under Vulcan and Minerva enriches a piece +of silver plate by gilding it—and his work is full of beauty. Then he +went and sat down a little way off upon the beach, looking quite young +and handsome, and the girl gazed on him with admiration; then she said +to her maids: + +"Hush, my dears, for I want to say something. I believe the gods who +live in heaven have sent this man to the Phaeacians. When I first saw +him I thought him plain, but now his appearance is like that of the +gods who dwell in heaven. I should like my future husband to be just +such another as he is, if he would only stay here and not want to go +away. However, give him something to eat and drink." + +They did as they were told, and set food before Ulysses, who ate and +drank ravenously, for it was long since he had had food of any kind. +Meanwhile, Nausicaa bethought her of another matter. She got the linen +folded and placed in the waggon, she then yoked the mules, and, as she +took her seat, she called Ulysses: + +"Stranger," said she, "rise and let us be going back to the town; I +will introduce you at the house of my excellent father, where I can +tell you that you will meet all the best people among the Phaeacians. +But be sure and do as I bid you, for you seem to be a sensible person. +As long as we are going past the fields and farm lands, follow briskly +behind the waggon along with the maids and I will lead the way myself. +Presently, however, we shall come to the town, where you will find a +high wall running all round it, and a good harbour on either side with +a narrow entrance into the city, and the ships will be drawn up by the +road side, for every one has a place where his own ship can lie. You +will see the market place with a temple of Neptune in the middle of it, +and paved with large stones bedded in the earth. Here people deal in +ship's gear of all kinds, such as cables and sails, and here, too, are +the places where oars are made, for the Phaeacians are not a nation of +archers; they know nothing about bows and arrows, but are a sea-faring +folk, and pride themselves on their masts, oars, and ships, with which +they travel far over the sea. + +"I am afraid of the gossip and scandal that may be set on foot against +me later on; for the people here are very ill-natured, and some low +fellow, if he met us, might say, 'Who is this fine-looking stranger +that is going about with Nausicaa? Where did she find him? I suppose +she is going to marry him. Perhaps he is a vagabond sailor whom she has +taken from some foreign vessel, for we have no neighbours; or some god +has at last come down from heaven in answer to her prayers, and she is +going to live with him all the rest of her life. It would be a good +thing if she would take herself off and find a husband somewhere else, +for she will not look at one of the many excellent young Phaeacians who +are in love with her.' This is the kind of disparaging remark that +would be made about me, and I could not complain, for I should myself +be scandalised at seeing any other girl do the like, and go about with +men in spite of everybody, while her father and mother were still +alive, and without having been married in the face of all the world. + +"If, therefore, you want my father to give you an escort and to help +you home, do as I bid you; you will see a beautiful grove of poplars by +the road side dedicated to Minerva; it has a well in it and a meadow +all round it. Here my father has a field of rich garden ground, about +as far from the town as a man's voice will carry. Sit down there and +wait for a while till the rest of us can get into the town and reach my +father's house. Then, when you think we must have done this, come into +the town and ask the way to the house of my father Alcinous. You will +have no difficulty in finding it; any child will point it out to you, +for no one else in the whole town has anything like such a fine house +as he has. When you have got past the gates and through the outer +court, go right across the inner court till you come to my mother. You +will find her sitting by the fire and spinning her purple wool by +firelight. It is a fine sight to see her as she leans back against one +of the bearing-posts with her maids all ranged behind her. Close to her +seat stands that of my father, on which he sits and topes like an +immortal god. Never mind him, but go up to my mother, and lay your +hands upon her knees if you would get home quickly. If you can gain her +over, you may hope to see your own country again, no matter how distant +it may be." + +So saying she lashed the mules with her whip and they left the river. +The mules drew well, and their hoofs went up and down upon the road. +She was careful not to go too fast for Ulysses and the maids who were +following on foot along with the waggon, so she plied her whip with +judgement. As the sun was going down they came to the sacred grove of +Minerva, and there Ulysses sat down and prayed to the mighty daughter +of Jove. + +"Hear me," he cried, "daughter of Aegis-bearing Jove, unweariable, hear +me now, for you gave no heed to my prayers when Neptune was wrecking +me. Now, therefore, have pity upon me and grant that I may find friends +and be hospitably received by the Phaeacians." + +Thus did he pray, and Minerva heard his prayer, but she would not show +herself to him openly, for she was afraid of her uncle Neptune, who was +still furious in his endeavors to prevent Ulysses from getting home. + + + + +BOOK VII + + +RECEPTION OF ULYSSES AT THE PALACE OF KING ALCINOUS. + + +Thus, then, did Ulysses wait and pray; but the girl drove on to the +town. When she reached her father's house she drew up at the gateway, +and her brothers—comely as the gods—gathered round her, took the mules +out of the waggon, and carried the clothes into the house, while she +went to her own room, where an old servant, Eurymedusa of Apeira, lit +the fire for her. This old woman had been brought by sea from Apeira, +and had been chosen as a prize for Alcinous because he was king over +the Phaeacians, and the people obeyed him as though he were a god. +She had been nurse to Nausicaa, and had now lit the fire for her, and +brought her supper for her into her own room. + +Presently Ulysses got up to go towards the town; and Minerva shed a +thick mist all round him to hide him in case any of the proud +Phaeacians who met him should be rude to him, or ask him who he was. +Then, as he was just entering the town, she came towards him in the +likeness of a little girl carrying a pitcher. She stood right in front +of him, and Ulysses said: + +"My dear, will you be so kind as to show me the house of king Alcinous? +I am an unfortunate foreigner in distress, and do not know one in your +town and country." + +Then Minerva said, "Yes, father stranger, I will show you the house you +want, for Alcinous lives quite close to my own father. I will go before +you and show the way, but say not a word as you go, and do not look at +any man, nor ask him questions; for the people here cannot abide +strangers, and do not like men who come from some other place. They are +a sea-faring folk, and sail the seas by the grace of Neptune in ships +that glide along like thought, or as a bird in the air." + +On this she led the way, and Ulysses followed in her steps; but not one +of the Phaeacians could see him as he passed through the city in the +midst of them; for the great goddess Minerva in her good will towards +him had hidden him in a thick cloud of darkness. He admired their +harbours, ships, places of assembly, and the lofty walls of the city, +which, with the palisade on top of them, were very striking, and when +they reached the king's house Minerva said: + +"This is the house, father stranger, which you would have me show you. +You will find a number of great people sitting at table, but do not be +afraid; go straight in, for the bolder a man is the more likely he is +to carry his point, even though he is a stranger. First find the queen. +Her name is Arete, and she comes of the same family as her husband +Alcinous. They both descend originally from Neptune, who was father to +Nausithous by Periboea, a woman of great beauty. Periboea was the +youngest daughter of Eurymedon, who at one time reigned over the +giants, but he ruined his ill-fated people and lost his own life to +boot. + +"Neptune, however, lay with his daughter, and she had a son by him, the +great Nausithous, who reigned over the Phaeacians. Nausithous had two +sons Rhexenor and Alcinous; Apollo killed the first of them while he +was still a bridegroom and without male issue; but he left a daughter +Arete, whom Alcinous married, and honours as no other woman is honoured +of all those that keep house along with their husbands. + +"Thus she both was, and still is, respected beyond measure by her +children, by Alcinous himself, and by the whole people, who look upon +her as a goddess, and greet her whenever she goes about the city, for +she is a thoroughly good woman both in head and heart, and when any +women are friends of hers, she will help their husbands also to settle +their disputes. If you can gain her good will, you may have every hope +of seeing your friends again, and getting safely back to your home and +country." + +Then Minerva left Scheria and went away over the sea. She went to +Marathon and to the spacious streets of Athens, where she entered the +abode of Erechtheus; but Ulysses went on to the house of Alcinous, and +he pondered much as he paused a while before reaching the threshold of +bronze, for the splendour of the palace was like that of the sun or +moon. The walls on either side were of bronze from end to end, and the +cornice was of blue enamel. The doors were gold, and hung on pillars of +silver that rose from a floor of bronze, while the lintel was silver +and the hook of the door was of gold. + +On either side there stood gold and silver mastiffs which Vulcan, with +his consummate skill, had fashioned expressly to keep watch over the +palace of king Alcinous; so they were immortal and could never grow +old. Seats were ranged all along the wall, here and there from one end +to the other, with coverings of fine woven work which the women of the +house had made. Here the chief persons of the Phaeacians used to sit +and eat and drink, for there was abundance at all seasons; and there +were golden figures of young men with lighted torches in their hands, +raised on pedestals, to give light by night to those who were at table. +There are fifty maid servants in the house, some of whom are always +grinding rich yellow grain at the mill, while others work at the loom, +or sit and spin, and their shuttles go backwards and forwards like the +fluttering of aspen leaves, while the linen is so closely woven that it +will turn oil. As the Phaeacians are the best sailors in the world, so +their women excel all others in weaving, for Minerva has taught them +all manner of useful arts, and they are very intelligent. + +Outside the gate of the outer court there is a large garden of about +four acres with a wall all round it. It is full of beautiful +trees—pears, pomegranates, and the most delicious apples. There are +luscious figs also, and olives in full growth. The fruits never rot nor +fail all the year round, neither winter nor summer, for the air is so +soft that a new crop ripens before the old has dropped. Pear grows on +pear, apple on apple, and fig on fig, and so also with the grapes, for +there is an excellent vineyard: on the level ground of a part of this, +the grapes are being made into raisins; in another part they are being +gathered; some are being trodden in the wine tubs, others further on +have shed their blossom and are beginning to show fruit, others again +are just changing colour. In the furthest part of the ground there are +beautifully arranged beds of flowers that are in bloom all the year +round. Two streams go through it, the one turned in ducts throughout +the whole garden, while the other is carried under the ground of the +outer court to the house itself, and the town's people draw water from +it. Such, then, were the splendours with which the gods had endowed the +house of king Alcinous. + +So here Ulysses stood for a while and looked about him, but when he had +looked long enough he crossed the threshold and went within the +precincts of the house. There he found all the chief people among the +Phaeacians making their drink offerings to Mercury, which they always +did the last thing before going away for the night. He went straight +through the court, still hidden by the cloak of darkness in which +Minerva had enveloped him, till he reached Arete and King Alcinous; +then he laid his hands upon the knees of the queen, and at that moment +the miraculous darkness fell away from him and he became visible. Every +one was speechless with surprise at seeing a man there, but Ulysses +began at once with his petition. + +"Queen Arete," he exclaimed, "daughter of great Rhexenor, in my +distress I humbly pray you, as also your husband and these your guests +(whom may heaven prosper with long life and happiness, and may they +leave their possessions to their children, and all the honours +conferred upon them by the state) to help me home to my own country as +soon as possible; for I have been long in trouble and away from my +friends." + +Then he sat down on the hearth among the ashes and they all held their +peace, till presently the old hero Echeneus, who was an excellent +speaker and an elder among the Phaeacians, plainly and in all honesty +addressed them thus: + +"Alcinous," said he, "it is not creditable to you that a stranger +should be seen sitting among the ashes of your hearth; every one is +waiting to hear what you are about to say; tell him, then, to rise and +take a seat on a stool inlaid with silver, and bid your servants mix +some wine and water that we may make a drink offering to Jove the lord +of thunder, who takes all well disposed suppliants under his +protection; and let the housekeeper give him some supper, of whatever +there may be in the house." + +When Alcinous heard this he took Ulysses by the hand, raised him from +the hearth, and bade him take the seat of Laodamas, who had been +sitting beside him, and was his favourite son. A maid servant then +brought him water in a beautiful golden ewer and poured it into a +silver basin for him to wash his hands, and she drew a clean table +beside him; an upper servant brought him bread and offered him many +good things of what there was in the house, and Ulysses ate and drank. +Then Alcinous said to one of the servants, "Pontonous, mix a cup of +wine and hand it round that we may make drink-offerings to Jove the +lord of thunder, who is the protector of all well-disposed suppliants." + +Pontonous then mixed wine and water, and handed it round after giving +every man his drink-offering. When they had made their offerings, and +had drunk each as much as he was minded, Alcinous said: + +"Aldermen and town councillors of the Phaeacians, hear my words. You +have had your supper, so now go home to bed. To-morrow morning I shall +invite a still larger number of aldermen, and will give a sacrificial +banquet in honour of our guest; we can then discuss the question of his +escort, and consider how we may at once send him back rejoicing to his +own country without trouble or inconvenience to himself, no matter how +distant it may be. We must see that he comes to no harm while on his +homeward journey, but when he is once at home he will have to take the +luck he was born with for better or worse like other people. It is +possible, however, that the stranger is one of the immortals who has +come down from heaven to visit us; but in this case the gods are +departing from their usual practice, for hitherto they have made +themselves perfectly clear to us when we have been offering them +hecatombs. They come and sit at our feasts just like one of our selves, +and if any solitary wayfarer happens to stumble upon some one or other +of them, they affect no concealment, for we are as near of kin to the +gods as the Cyclopes and the savage giants are." + +Then Ulysses said: "Pray, Alcinous, do not take any such notion into +your head. I have nothing of the immortal about me, neither in body nor +mind, and most resemble those among you who are the most afflicted. +Indeed, were I to tell you all that heaven has seen fit to lay upon me, +you would say that I was still worse off than they are. Nevertheless, +let me sup in spite of sorrow, for an empty stomach is a very +importunate thing, and thrusts itself on a man's notice no matter how +dire is his distress. I am in great trouble, yet it insists that I +shall eat and drink, bids me lay aside all memory of my sorrows and +dwell only on the due replenishing of itself. As for yourselves, do as +you propose, and at break of day set about helping me to get home. I +shall be content to die if I may first once more behold my property, my +bondsmen, and all the greatness of my house." + +Thus did he speak. Every one approved his saying, and agreed that he +should have his escort inasmuch as he had spoken reasonably. Then when +they had made their drink offerings, and had drunk each as much as he +was minded they went home to bed every man in his own abode, leaving +Ulysses in the cloister with Arete and Alcinous while the servants were +taking the things away after supper. Arete was the first to speak, for +she recognised the shirt, cloak, and good clothes that Ulysses was +wearing, as the work of herself and of her maids; so she said, +"Stranger, before we go any further, there is a question I should like +to ask you. Who, and whence are you, and who gave you those clothes? +Did you not say you had come here from beyond the sea?" + +And Ulysses answered, "It would be a long story Madam, were I to relate +in full the tale of my misfortunes, for the hand of heaven has been +laid heavy upon me; but as regards your question, there is an island +far away in the sea which is called 'the Ogygian.' Here dwells the +cunning and powerful goddess Calypso, daughter of Atlas. She lives by +herself far from all neighbours human or divine. Fortune, however, +brought me to her hearth all desolate and alone, for Jove struck my +ship with his thunderbolts, and broke it up in mid-ocean. My brave +comrades were drowned every man of them, but I stuck to the keel and +was carried hither and thither for the space of nine days, till at last +during the darkness of the tenth night the gods brought me to the +Ogygian island where the great goddess Calypso lives. She took me in +and treated me with the utmost kindness; indeed she wanted to make me +immortal that I might never grow old, but she could not persuade me to +let her do so. + +"I stayed with Calypso seven years straight on end, and watered the +good clothes she gave me with my tears during the whole time; but at +last when the eighth year came round she bade me depart of her own free +will, either because Jove had told her she must, or because she had +changed her mind. She sent me from her island on a raft, which she +provisioned with abundance of bread and wine. Moreover she gave me good +stout clothing, and sent me a wind that blew both warm and fair. Days +seven and ten did I sail over the sea, and on the eighteenth I caught +sight of the first outlines of the mountains upon your coast—and glad +indeed was I to set eyes upon them. Nevertheless there was still much +trouble in store for me, for at this point Neptune would let me go no +further, and raised a great storm against me; the sea was so terribly +high that I could no longer keep to my raft, which went to pieces under +the fury of the gale, and I had to swim for it, till wind and current +brought me to your shores. + +"There I tried to land, but could not, for it was a bad place and the +waves dashed me against the rocks, so I again took to the sea and swam +on till I came to a river that seemed the most likely landing place, +for there were no rocks and it was sheltered from the wind. Here, then, +I got out of the water and gathered my senses together again. Night was +coming on, so I left the river, and went into a thicket, where I +covered myself all over with leaves, and presently heaven sent me off +into a very deep sleep. Sick and sorry as I was I slept among the +leaves all night, and through the next day till afternoon, when I woke +as the sun was westering, and saw your daughter's maid servants playing +upon the beach, and your daughter among them looking like a goddess. I +besought her aid, and she proved to be of an excellent disposition, +much more so than could be expected from so young a person—for young +people are apt to be thoughtless. She gave me plenty of bread and wine, +and when she had had me washed in the river she also gave me the +clothes in which you see me. Now, therefore, though it has pained me to +do so, I have told you the whole truth." + +Then Alcinous said, "Stranger, it was very wrong of my daughter not to +bring you on at once to my house along with the maids, seeing that she +was the first person whose aid you asked." + +"Pray do not scold her," replied Ulysses; "she is not to blame. She did +tell me to follow along with the maids, but I was ashamed and afraid, +for I thought you might perhaps be displeased if you saw me. Every +human being is sometimes a little suspicious and irritable." + +"Stranger," replied Alcinous, "I am not the kind of man to get angry +about nothing; it is always better to be reasonable; but by Father +Jove, Minerva, and Apollo, now that I see what kind of person you are, +and how much you think as I do, I wish you would stay here, marry my +daughter, and become my son-in-law. If you will stay I will give you a +house and an estate, but no one (heaven forbid) shall keep you here +against your own wish, and that you may be sure of this I will attend +tomorrow to the matter of your escort. You can sleep during the whole +voyage if you like, and the men shall sail you over smooth waters +either to your own home, or wherever you please, even though it be a +long way further off than Euboea, which those of my people who saw it +when they took yellow-haired Rhadamanthus to see Tityus the son of +Gaia, tell me is the furthest of any place—and yet they did the whole +voyage in a single day without distressing themselves, and came back +again afterwards. You will thus see how much my ships excel all others, +and what magnificent oarsmen my sailors are." + +Then was Ulysses glad and prayed aloud saying, "Father Jove, grant that +Alcinous may do all as he has said, for so he will win an imperishable +name among mankind, and at the same time I shall return to my country." + +Thus did they converse. Then Arete told her maids to set a bed in the +room that was in the gatehouse, and make it with good red rugs, and to +spread coverlets on the top of them with woollen cloaks for Ulysses to +wear. The maids thereon went out with torches in their hands, and when +they had made the bed they came up to Ulysses and said, "Rise, sir +stranger, and come with us for your bed is ready," and glad indeed was +he to go to his rest. + +So Ulysses slept in a bed placed in a room over the echoing gateway; +but Alcinous lay in the inner part of the house, with the queen his +wife by his side. + + + + +BOOK VIII + + +BANQUET IN THE HOUSE OF ALCINOUS—THE GAMES. + + +Now when the child of morning, rosy-fingered Dawn, appeared, Alcinous +and Ulysses both rose, and Alcinous led the way to the Phaeacian place +of assembly, which was near the ships. When they got there they sat +down side by side on a seat of polished stone, while Minerva took the +form of one of Alcinous' servants, and went round the town in order to +help Ulysses to get home. She went up to the citizens, man by man, and +said, "Aldermen and town councillors of the Phaeacians, come to the +assembly all of you and listen to the stranger who has just come off a +long voyage to the house of King Alcinous; he looks like an immortal +god." + +With these words she made them all want to come, and they flocked to +the assembly till seats and standing room were alike crowded. Every one +was struck with the appearance of Ulysses, for Minerva had beautified +him about the head and shoulders, making him look taller and stouter +than he really was, that he might impress the Phaeacians favourably as +being a very remarkable man, and might come off well in the many trials +of skill to which they would challenge him. Then, when they were got +together, Alcinous spoke: + +"Hear me," said he, "aldermen and town councillors of the Phaeacians, +that I may speak even as I am minded. This stranger, whoever he may be, +has found his way to my house from somewhere or other either East or +West. He wants an escort and wishes to have the matter settled. Let us +then get one ready for him, as we have done for others before him; +indeed, no one who ever yet came to my house has been able to complain +of me for not speeding on his way soon enough. Let us draw a ship into +the sea—one that has never yet made a voyage—and man her with two and +fifty of our smartest young sailors. Then when you have made fast your +oars each by his own seat, leave the ship and come to my house to +prepare a feast. I will find you in everything. I am giving these +instructions to the young men who will form the crew, for as regards +you aldermen and town councillors, you will join me in entertaining our +guest in the cloisters. I can take no excuses, and we will have +Demodocus to sing to us; for there is no bard like him whatever he may +choose to sing about." + +Alcinous then led the way, and the others followed after, while a +servant went to fetch Demodocus. The fifty-two picked oarsmen went to +the sea shore as they had been told, and when they got there they drew +the ship into the water, got her mast and sails inside her, bound the +oars to the thole-pins with twisted thongs of leather, all in due +course, and spread the white sails aloft. They moored the vessel a +little way out from land, and then came on shore and went to the house +of King Alcinous. The out houses, yards, and all the precincts were +filled with crowds of men in great multitudes both old and young; and +Alcinous killed them a dozen sheep, eight full grown pigs, and two +oxen. These they skinned and dressed so as to provide a magnificent +banquet. + +A servant presently led in the famous bard Demodocus, whom the muse had +dearly loved, but to whom she had given both good and evil, for though +she had endowed him with a divine gift of song, she had robbed him of +his eyesight. Pontonous set a seat for him among the guests, leaning it +up against a bearing-post. He hung the lyre for him on a peg over his +head, and showed him where he was to feel for it with his hands. He +also set a fair table with a basket of victuals by his side, and a cup +of wine from which he might drink whenever he was so disposed. + +The company then laid their hands upon the good things that were before +them, but as soon as they had had enough to eat and drink, the muse +inspired Demodocus to sing the feats of heroes, and more especially a +matter that was then in the mouths of all men, to wit, the quarrel +between Ulysses and Achilles, and the fierce words that they heaped on +one another as they sat together at a banquet. But Agamemnon was glad +when he heard his chieftains quarrelling with one another, for Apollo +had foretold him this at Pytho when he crossed the stone floor to +consult the oracle. Here was the beginning of the evil that by the will +of Jove fell both upon Danaans and Trojans. + +Thus sang the bard, but Ulysses drew his purple mantle over his head +and covered his face, for he was ashamed to let the Phaeacians see that +he was weeping. When the bard left off singing he wiped the tears from +his eyes, uncovered his face, and, taking his cup, made a +drink-offering to the gods; but when the Phaeacians pressed Demodocus +to sing further, for they delighted in his lays, then Ulysses again +drew his mantle over his head and wept bitterly. No one noticed his +distress except Alcinous, who was sitting near him, and heard the heavy +sighs that he was heaving. So he at once said, "Aldermen and town +councillors of the Phaeacians, we have had enough now, both of the +feast, and of the minstrelsy that is its due accompaniment; let us +proceed therefore to the athletic sports, so that our guest on his +return home may be able to tell his friends how much we surpass all +other nations as boxers, wrestlers, jumpers, and runners." + +With these words he led the way, and the others followed after. A +servant hung Demodocus's lyre on its peg for him, led him out of the +cloister, and set him on the same way as that along which all the chief +men of the Phaeacians were going to see the sports; a crowd of several +thousands of people followed them, and there were many excellent +competitors for all the prizes. Acroneos, Ocyalus, Elatreus, Nauteus, +Prymneus, Anchialus, Eretmeus, Ponteus, Proreus, Thoon, Anabesineus, +and Amphialus son of Polyneus son of Tecton. There was also Euryalus +son of Naubolus, who was like Mars himself, and was the best looking +man among the Phaeacians except Laodamas. Three sons of Alcinous, +Laodamas, Halios, and Clytoneus, competed also. + +The foot races came first. The course was set out for them from the +starting post, and they raised a dust upon the plain as they all flew +forward at the same moment. Clytoneus came in first by a long way; he +left every one else behind him by the length of the furrow that a +couple of mules can plough in a fallow field. They then turned to the +painful art of wrestling, and here Euryalus proved to be the best man. +Amphialus excelled all the others in jumping, while at throwing the +disc there was no one who could approach Elatreus. Alcinous's son +Laodamas was the best boxer, and he it was who presently said, when +they had all been diverted with the games, "Let us ask the stranger +whether he excels in any of these sports; he seems very powerfully +built; his thighs, calves, hands, and neck are of prodigious strength, +nor is he at all old, but he has suffered much lately, and there is +nothing like the sea for making havoc with a man, no matter how strong +he is." + +"You are quite right, Laodamas," replied Euryalus, "go up to your guest +and speak to him about it yourself." + +When Laodamas heard this he made his way into the middle of the crowd +and said to Ulysses, "I hope, Sir, that you will enter yourself for +some one or other of our competitions if you are skilled in any of +them—and you must have gone in for many a one before now. There is +nothing that does any one so much credit all his life long as the +showing himself a proper man with his hands and feet. Have a try +therefore at something, and banish all sorrow from your mind. Your +return home will not be long delayed, for the ship is already drawn +into the water, and the crew is found." + +Ulysses answered, "Laodamas, why do you taunt me in this way? my mind +is set rather on cares than contests; I have been through infinite +trouble, and am come among you now as a suppliant, praying your king +and people to further me on my return home." + +Then Euryalus reviled him outright and said, "I gather, then, that you +are unskilled in any of the many sports that men generally delight in. +I suppose you are one of those grasping traders that go about in ships +as captains or merchants, and who think of nothing but of their outward +freights and homeward cargoes. There does not seem to be much of the +athlete about you." + +"For shame, Sir," answered Ulysses, fiercely, "you are an insolent +fellow—so true is it that the gods do not grace all men alike in +speech, person, and understanding. One man may be of weak presence, but +heaven has adorned this with such a good conversation that he charms +every one who sees him; his honeyed moderation carries his hearers with +him so that he is leader in all assemblies of his fellows, and wherever +he goes he is looked up to. Another may be as handsome as a god, but +his good looks are not crowned with discretion. This is your case. No +god could make a finer looking fellow than you are, but you are a fool. +Your ill-judged remarks have made me exceedingly angry, and you are +quite mistaken, for I excel in a great many athletic exercises; indeed, +so long as I had youth and strength, I was among the first athletes of +the age. Now, however, I am worn out by labour and sorrow, for I have +gone through much both on the field of battle and by the waves of the +weary sea; still, in spite of all this I will compete, for your taunts +have stung me to the quick." + +So he hurried up without even taking his cloak off, and seized a disc, +larger, more massive and much heavier than those used by the Phaeacians +when disc-throwing among themselves. Then, swinging it back, he threw +it from his brawny hand, and it made a humming sound in the air as he +did so. The Phaeacians quailed beneath the rushing of its flight as it +sped gracefully from his hand, and flew beyond any mark that had been +made yet. Minerva, in the form of a man, came and marked the place +where it had fallen. "A blind man, Sir," said she, "could easily tell +your mark by groping for it—it is so far ahead of any other. You may +make your mind easy about this contest, for no Phaeacian can come near +to such a throw as yours." + +Ulysses was glad when he found he had a friend among the lookers-on, so +he began to speak more pleasantly. "Young men," said he, "come up to +that throw if you can, and I will throw another disc as heavy or even +heavier. If anyone wants to have a bout with me let him come on, for I +am exceedingly angry; I will box, wrestle, or run, I do not care what +it is, with any man of you all except Laodamas, but not with him +because I am his guest, and one cannot compete with one's own personal +friend. At least I do not think it a prudent or a sensible thing for a +guest to challenge his host's family at any game, especially when he is +in a foreign country. He will cut the ground from under his own feet if +he does; but I make no exception as regards any one else, for I want to +have the matter out and know which is the best man. I am a good hand at +every kind of athletic sport known among mankind. I am an excellent +archer. In battle I am always the first to bring a man down with my +arrow, no matter how many more are taking aim at him alongside of me. +Philoctetes was the only man who could shoot better than I could when +we Achaeans were before Troy and in practice. I far excel every one +else in the whole world, of those who still eat bread upon the face of +the earth, but I should not like to shoot against the mighty dead, such +as Hercules, or Eurytus the Oechalian—men who could shoot against the +gods themselves. This in fact was how Eurytus came prematurely by his +end, for Apollo was angry with him and killed him because he challenged +him as an archer. I can throw a dart farther than any one else can +shoot an arrow. Running is the only point in respect of which I am +afraid some of the Phaeacians might beat me, for I have been brought +down very low at sea; my provisions ran short, and therefore I am still +weak." + +They all held their peace except King Alcinous, who began, "Sir, we +have had much pleasure in hearing all that you have told us, from which +I understand that you are willing to show your prowess, as having been +displeased with some insolent remarks that have been made to you by one +of our athletes, and which could never have been uttered by any one who +knows how to talk with propriety. I hope you will apprehend my meaning, +and will explain to any one of your chief men who may be dining with +yourself and your family when you get home, that we have an hereditary +aptitude for accomplishments of all kinds. We are not particularly +remarkable for our boxing, nor yet as wrestlers, but we are singularly +fleet of foot and are excellent sailors. We are extremely fond of good +dinners, music, and dancing; we also like frequent changes of linen, +warm baths, and good beds, so now, please, some of you who are the best +dancers set about dancing, that our guest on his return home may be +able to tell his friends how much we surpass all other nations as +sailors, runners, dancers, and minstrels. Demodocus has left his lyre +at my house, so run some one or other of you and fetch it for him." + +On this a servant hurried off to bring the lyre from the king's house, +and the nine men who had been chosen as stewards stood forward. It was +their business to manage everything connected with the sports, so they +made the ground smooth and marked a wide space for the dancers. +Presently the servant came back with Demodocus's lyre, and he took his +place in the midst of them, whereon the best young dancers in the town +began to foot and trip it so nimbly that Ulysses was delighted with the +merry twinkling of their feet. + +Meanwhile the bard began to sing the loves of Mars and Venus, and how +they first began their intrigue in the house of Vulcan. Mars made Venus +many presents, and defiled King Vulcan's marriage bed, so the sun, who +saw what they were about, told Vulcan. Vulcan was very angry when he +heard such dreadful news, so he went to his smithy brooding mischief, +got his great anvil into its place, and began to forge some chains +which none could either unloose or break, so that they might stay there +in that place. When he had finished his snare he went into his +bedroom and festooned the bed-posts all over with chains like cobwebs; +he also let many hang down from the great beam of the ceiling. Not even +a god could see them so fine and subtle were they. As soon as he had +spread the chains all over the bed, he made as though he were setting +out for the fair state of Lemnos, which of all places in the world was +the one he was most fond of. But Mars kept no blind look out, and as +soon as he saw him start, hurried off to his house, burning with love +for Venus. + +Now Venus was just come in from a visit to her father Jove, and was +about sitting down when Mars came inside the house, and said as he took +her hand in his own, "Let us go to the couch of Vulcan: he is not at +home, but is gone off to Lemnos among the Sintians, whose speech is +barbarous." + +She was nothing loth, so they went to the couch to take their rest, +whereon they were caught in the toils which cunning Vulcan had spread +for them, and could neither get up nor stir hand or foot, but found too +late that they were in a trap. Then Vulcan came up to them, for he had +turned back before reaching Lemnos, when his scout the sun told him +what was going on. He was in a furious passion, and stood in the +vestibule making a dreadful noise as he shouted to all the gods. + +"Father Jove," he cried, "and all you other blessed gods who live for +ever, come here and see the ridiculous and disgraceful sight that I +will show you. Jove's daughter Venus is always dishonouring me because +I am lame. She is in love with Mars, who is handsome and clean built, +whereas I am a cripple—but my parents are to blame for that, not I; +they ought never to have begotten me. Come and see the pair together +asleep on my bed. It makes me furious to look at them. They are very +fond of one another, but I do not think they will lie there longer than +they can help, nor do I think that they will sleep much; there, +however, they shall stay till her father has repaid me the sum I gave +him for his baggage of a daughter, who is fair but not honest." + +On this the gods gathered to the house of Vulcan. Earth-encircling +Neptune came, and Mercury the bringer of luck, and King Apollo, but the +goddesses staid at home all of them for shame. Then the givers of all +good things stood in the doorway, and the blessed gods roared with +inextinguishable laughter, as they saw how cunning Vulcan had been, +whereon one would turn towards his neighbour saying: + +"Ill deeds do not prosper, and the weak confound the strong. See how +limping Vulcan, lame as he is, has caught Mars who is the fleetest god +in heaven; and now Mars will be cast in heavy damages." + +Thus did they converse, but King Apollo said to Mercury, "Messenger +Mercury, giver of good things, you would not care how strong the chains +were, would you, if you could sleep with Venus?" + +"King Apollo," answered Mercury, "I only wish I might get the chance, +though there were three times as many chains—and you might look on, all +of you, gods and goddesses, but I would sleep with her if I could." + +The immortal gods burst out laughing as they heard him, but Neptune +took it all seriously, and kept on imploring Vulcan to set Mars free +again. "Let him go," he cried, "and I will undertake, as you require, +that he shall pay you all the damages that are held reasonable among +the immortal gods." + +"Do not," replied Vulcan, "ask me to do this; a bad man's bond is bad +security; what remedy could I enforce against you if Mars should go +away and leave his debts behind him along with his chains?" + +"Vulcan," said Neptune, "if Mars goes away without paying his damages, +I will pay you myself." So Vulcan answered, "In this case I cannot and +must not refuse you." + +Thereon he loosed the bonds that bound them, and as soon as they were +free they scampered off, Mars to Thrace and laughter-loving Venus to +Cyprus and to Paphos, where is her grove and her altar fragrant with +burnt offerings. Here the Graces bathed her, and anointed her with oil +of ambrosia such as the immortal gods make use of, and they clothed her +in raiment of the most enchanting beauty. + +Thus sang the bard, and both Ulysses and the seafaring Phaeacians were +charmed as they heard him. + +Then Alcinous told Laodamas and Halius to dance alone, for there was no +one to compete with them. So they took a red ball which Polybus had +made for them, and one of them bent himself backwards and threw it up +towards the clouds, while the other jumped from off the ground and +caught it with ease before it came down again. When they had done +throwing the ball straight up into the air they began to dance, and at +the same time kept on throwing it backwards and forwards to one +another, while all the young men in the ring applauded and made a great +stamping with their feet. Then Ulysses said: + +"King Alcinous, you said your people were the nimblest dancers in the +world, and indeed they have proved themselves to be so. I was +astonished as I saw them." + +The king was delighted at this, and exclaimed to the Phaeacians, +"Aldermen and town councillors, our guest seems to be a person of +singular judgement; let us give him such proof of our hospitality as he +may reasonably expect. There are twelve chief men among you, and +counting myself there are thirteen; contribute, each of you, a clean +cloak, a shirt, and a talent of fine gold; let us give him all this in +a lump down at once, so that when he gets his supper he may do so with +a light heart. As for Euryalus he will have to make a formal apology +and a present too, for he has been rude." + +Thus did he speak. The others all of them applauded his saying, and +sent their servants to fetch the presents. Then Euryalus said, "King +Alcinous, I will give the stranger all the satisfaction you require. He +shall have my sword, which is of bronze, all but the hilt, which is of +silver. I will also give him the scabbard of newly sawn ivory into +which it fits. It will be worth a great deal to him." + +As he spoke he placed the sword in the hands of Ulysses and said, "Good +luck to you, father stranger; if anything has been said amiss may the +winds blow it away with them, and may heaven grant you a safe return, +for I understand you have been long away from home, and have gone +through much hardship." + +To which Ulysses answered, "Good luck to you too my friend, and may the +gods grant you every happiness. I hope you will not miss the sword you +have given me along with your apology." + +With these words he girded the sword about his shoulders and towards +sundown the presents began to make their appearance, as the servants of +the donors kept bringing them to the house of King Alcinous; here his +sons received them, and placed them under their mother's charge. Then +Alcinous led the way to the house and bade his guests take their seats. + +"Wife," said he, turning to Queen Arete, "Go, fetch the best chest we +have, and put a clean cloak and shirt in it. Also, set a copper on the +fire and heat some water; our guest will take a warm bath; see also to +the careful packing of the presents that the noble Phaeacians have made +him; he will thus better enjoy both his supper and the singing that +will follow. I shall myself give him this golden goblet—which is of +exquisite workmanship—that he may be reminded of me for the rest of his +life whenever he makes a drink offering to Jove, or to any of the +gods." + +Then Arete told her maids to set a large tripod upon the fire as fast +as they could, whereon they set a tripod full of bath water on to a +clear fire; they threw on sticks to make it blaze, and the water became +hot as the flame played about the belly of the tripod. Meanwhile +Arete brought a magnificent chest from her own room, and inside it she +packed all the beautiful presents of gold and raiment which the +Phaeacians had brought. Lastly she added a cloak and a good shirt from +Alcinous, and said to Ulysses: + +"See to the lid yourself, and have the whole bound round at once, for +fear any one should rob you by the way when you are asleep in your +ship." 7 + +When Ulysses heard this he put the lid on the chest and made it fast +with a bond that Circe had taught him. He had done so before an upper +servant told him to come to the bath and wash himself. He was very glad +of a warm bath, for he had had no one to wait upon him ever since he +left the house of Calypso, who as long as he remained with her had +taken as good care of him as though he had been a god. When the +servants had done washing and anointing him with oil, and had given him +a clean cloak and shirt, he left the bath room and joined the guests +who were sitting over their wine. Lovely Nausicaa stood by one of the +bearing-posts supporting the roof of the cloister, and admired him as +she saw him pass. "Farewell stranger," said she, "do not forget me when +you are safe at home again, for it is to me first that you owe a ransom +for having saved your life." + +And Ulysses said, "Nausicaa, daughter of great Alcinous, may Jove the +mighty husband of Juno, grant that I may reach my home; so shall I +bless you as my guardian angel all my days, for it was you who saved +me." + +When he had said this, he seated himself beside Alcinous. Supper was +then served, and the wine was mixed for drinking. A servant led in the +favourite bard Demodocus, and set him in the midst of the company, near +one of the bearing-posts supporting the cloister, that he might lean +against it. Then Ulysses cut off a piece of roast pork with plenty of +fat (for there was abundance left on the joint) and said to a servant, +"Take this piece of pork over to Demodocus and tell him to eat it; for +all the pain his lays may cause me I will salute him none the less; +bards are honoured and respected throughout the world, for the muse +teaches them their songs and loves them." + +The servant carried the pork in his fingers over to Demodocus, who took +it and was very much pleased. They then laid their hands on the good +things that were before them, and as soon as they had had to eat and +drink, Ulysses said to Demodocus, "Demodocus, there is no one in the +world whom I admire more than I do you. You must have studied under the +Muse, Jove's daughter, and under Apollo, so accurately do you sing the +return of the Achaeans with all their sufferings and adventures. If you +were not there yourself, you must have heard it all from some one who +was. Now, however, change your song and tell us of the wooden horse +which Epeus made with the assistance of Minerva, and which Ulysses got +by stratagem into the fort of Troy after freighting it with the men who +afterwards sacked the city. If you will sing this tale aright I will +tell all the world how magnificently heaven has endowed you." + +The bard inspired of heaven took up the story at the point where some +of the Argives set fire to their tents and sailed away while others, +hidden within the horse, were waiting with Ulysses in the Trojan +place of assembly. For the Trojans themselves had drawn the horse into +their fortress, and it stood there while they sat in council round it, +and were in three minds as to what they should do. Some were for +breaking it up then and there; others would have it dragged to the top +of the rock on which the fortress stood, and then thrown down the +precipice; while yet others were for letting it remain as an offering +and propitiation for the gods. And this was how they settled it in the +end, for the city was doomed when it took in that horse, within which +were all the bravest of the Argives waiting to bring death and +destruction on the Trojans. Anon he sang how the sons of the Achaeans +issued from the horse, and sacked the town, breaking out from their +ambuscade. He sang how they overran the city hither and thither and +ravaged it, and how Ulysses went raging like Mars along with Menelaus +to the house of Deiphobus. It was there that the fight raged most +furiously, nevertheless by Minerva's help he was victorious. + +All this he told, but Ulysses was overcome as he heard him, and his +cheeks were wet with tears. He wept as a woman weeps when she throws +herself on the body of her husband who has fallen before his own city +and people, fighting bravely in defence of his home and children. She +screams aloud and flings her arms about him as he lies gasping for +breath and dying, but her enemies beat her from behind about the back +and shoulders, and carry her off into slavery, to a life of labour and +sorrow, and the beauty fades from her cheeks—even so piteously did +Ulysses weep, but none of those present perceived his tears except +Alcinous, who was sitting near him, and could hear the sobs and sighs +that he was heaving. The king, therefore, at once rose and said: + +"Aldermen and town councillors of the Phaeacians, let Demodocus cease +his song, for there are those present who do not seem to like it. From +the moment that we had done supper and Demodocus began to sing, our +guest has been all the time groaning and lamenting. He is evidently in +great trouble, so let the bard leave off, that we may all enjoy +ourselves, hosts and guest alike. This will be much more as it should +be, for all these festivities, with the escort and the presents that we +are making with so much good will are wholly in his honour, and any one +with even a moderate amount of right feeling knows that he ought to +treat a guest and a suppliant as though he were his own brother. + +"Therefore, Sir, do you on your part affect no more concealment nor +reserve in the matter about which I shall ask you; it will be more +polite in you to give me a plain answer; tell me the name by which your +father and mother over yonder used to call you, and by which you were +known among your neighbours and fellow-citizens. There is no one, +neither rich nor poor, who is absolutely without any name whatever, for +people's fathers and mothers give them names as soon as they are born. +Tell me also your country, nation, and city, that our ships may shape +their purpose accordingly and take you there. For the Phaeacians have +no pilots; their vessels have no rudders as those of other nations +have, but the ships themselves understand what it is that we are +thinking about and want; they know all the cities and countries in the +whole world, and can traverse the sea just as well even when it is +covered with mist and cloud, so that there is no danger of being +wrecked or coming to any harm. Still I do remember hearing my father +say that Neptune was angry with us for being too easy-going in the +matter of giving people escorts. He said that one of these days he +should wreck a ship of ours as it was returning from having escorted +some one, and bury our city under a high mountain. This is what my +father used to say, but whether the god will carry out his threat or no +is a matter which he will decide for himself. + +"And now, tell me and tell me true. Where have you been wandering, and +in what countries have you travelled? Tell us of the peoples +themselves, and of their cities—who were hostile, savage and +uncivilised, and who, on the other hand, hospitable and humane. Tell us +also why you are made so unhappy on hearing about the return of the +Argive Danaans from Troy. The gods arranged all this, and sent them +their misfortunes in order that future generations might have something +to sing about. Did you lose some brave kinsman of your wife's when you +were before Troy? a son-in-law or father-in-law—which are the nearest +relations a man has outside his own flesh and blood? or was it some +brave and kindly-natured comrade—for a good friend is as dear to a man +as his own brother?" + + + + +BOOK IX + + +ULYSSES DECLARES HIMSELF AND BEGINS HIS STORY—-THE CICONS, LOTOPHAGI, +AND CYCLOPES. + + +And Ulysses answered, "King Alcinous, it is a good thing to hear a bard +with such a divine voice as this man has. There is nothing better or +more delightful than when a whole people make merry together, with the +guests sitting orderly to listen, while the table is loaded with bread +and meats, and the cup-bearer draws wine and fills his cup for every +man. This is indeed as fair a sight as a man can see. Now, however, +since you are inclined to ask the story of my sorrows, and rekindle my +own sad memories in respect of them, I do not know how to begin, nor +yet how to continue and conclude my tale, for the hand of heaven has +been laid heavily upon me. + +"Firstly, then, I will tell you my name that you too may know it, and +one day, if I outlive this time of sorrow, may become my guests though +I live so far away from all of you. I am Ulysses son of Laertes, +renowned among mankind for all manner of subtlety, so that my fame +ascends to heaven. I live in Ithaca, where there is a high mountain +called Neritum, covered with forests; and not far from it there is a +group of islands very near to one another—Dulichium, Same, and the +wooded island of Zacynthus. It lies squat on the horizon, all highest +up in the sea towards the sunset, while the others lie away from it +towards dawn. It is a rugged island, but it breeds brave men, and my +eyes know none that they better love to look upon. The goddess Calypso +kept me with her in her cave, and wanted me to marry her, as did also +the cunning Aeaean goddess Circe; but they could neither of them +persuade me, for there is nothing dearer to a man than his own country +and his parents, and however splendid a home he may have in a foreign +country, if it be far from father or mother, he does not care about it. +Now, however, I will tell you of the many hazardous adventures which by +Jove's will I met with on my return from Troy. + +"When I had set sail thence the wind took me first to Ismarus, which is +the city of the Cicons. There I sacked the town and put the people to +the sword. We took their wives and also much booty, which we divided +equitably amongst us, so that none might have reason to complain. I +then said that we had better make off at once, but my men very +foolishly would not obey me, so they staid there drinking much wine and +killing great numbers of sheep and oxen on the sea shore. Meanwhile the +Cicons cried out for help to other Cicons who lived inland. These were +more in number, and stronger, and they were more skilled in the art of +war, for they could fight, either from chariots or on foot as the +occasion served; in the morning, therefore, they came as thick as +leaves and bloom in summer, and the hand of heaven was against us, so +that we were hard pressed. They set the battle in array near the ships, +and the hosts aimed their bronze-shod spears at one another. So long +as the day waxed and it was still morning, we held our own against +them, though they were more in number than we; but as the sun went +down, towards the time when men loose their oxen, the Cicons got the +better of us, and we lost half a dozen men from every ship we had; so +we got away with those that were left. + +"Thence we sailed onward with sorrow in our hearts, but glad to have +escaped death though we had lost our comrades, nor did we leave till we +had thrice invoked each one of the poor fellows who had perished by the +hands of the Cicons. Then Jove raised the North wind against us till it +blew a hurricane, so that land and sky were hidden in thick clouds, and +night sprang forth out of the heavens. We let the ships run before the +gale, but the force of the wind tore our sails to tatters, so we took +them down for fear of shipwreck, and rowed our hardest towards the +land. There we lay two days and two nights suffering much alike from +toil and distress of mind, but on the morning of the third day we again +raised our masts, set sail, and took our places, letting the wind and +steersmen direct our ship. I should have got home at that time unharmed +had not the North wind and the currents been against me as I was +doubling Cape Malea, and set me off my course hard by the island of +Cythera. + +"I was driven thence by foul winds for a space of nine days upon the +sea, but on the tenth day we reached the land of the Lotus-eaters, who +live on a food that comes from a kind of flower. Here we landed to take +in fresh water, and our crews got their mid-day meal on the shore near +the ships. When they had eaten and drunk I sent two of my company to +see what manner of men the people of the place might be, and they had a +third man under them. They started at once, and went about among the +Lotus-eaters, who did them no hurt, but gave them to eat of the lotus, +which was so delicious that those who ate of it left off caring about +home, and did not even want to go back and say what had happened to +them, but were for staying and munching lotus with the Lotus-eaters +without thinking further of their return; nevertheless, though they +wept bitterly I forced them back to the ships and made them fast under +the benches. Then I told the rest to go on board at once, lest any of +them should taste of the lotus and leave off wanting to get home, so +they took their places and smote the grey sea with their oars. + +"We sailed hence, always in much distress, till we came to the land of +the lawless and inhuman Cyclopes. Now the Cyclopes neither plant nor +plough, but trust in providence, and live on such wheat, barley, and +grapes as grow wild without any kind of tillage, and their wild grapes +yield them wine as the sun and the rain may grow them. They have no +laws nor assemblies of the people, but live in caves on the tops of +high mountains; each is lord and master in his family, and they take no +account of their neighbours. + +"Now off their harbour there lies a wooded and fertile island not quite +close to the land of the Cyclopes, but still not far. It is over-run +with wild goats, that breed there in great numbers and are never +disturbed by foot of man; for sportsmen—who as a rule will suffer so +much hardship in forest or among mountain precipices—do not go there, +nor yet again is it ever ploughed or fed down, but it lies a wilderness +untilled and unsown from year to year, and has no living thing upon it +but only goats. For the Cyclopes have no ships, nor yet shipwrights who +could make ships for them; they cannot therefore go from city to city, +or sail over the sea to one another's country as people who have ships +can do; if they had had these they would have colonised the island, +for it is a very good one, and would yield everything in due season. +There are meadows that in some places come right down to the sea shore, +well watered and full of luscious grass; grapes would do there +excellently; there is level land for ploughing, and it would always +yield heavily at harvest time, for the soil is deep. There is a good +harbour where no cables are wanted, nor yet anchors, nor need a ship be +moored, but all one has to do is to beach one's vessel and stay there +till the wind becomes fair for putting out to sea again. At the head of +the harbour there is a spring of clear water coming out of a cave, and +there are poplars growing all round it. + +"Here we entered, but so dark was the night that some god must have +brought us in, for there was nothing whatever to be seen. A thick mist +hung all round our ships; the moon was hidden behind a mass of clouds +so that no one could have seen the island if he had looked for it, nor +were there any breakers to tell us we were close in shore before we +found ourselves upon the land itself; when, however, we had beached the +ships, we took down the sails, went ashore and camped upon the beach +till daybreak. + +"When the child of morning, rosy-fingered Dawn appeared, we admired the +island and wandered all over it, while the nymphs Jove's daughters +roused the wild goats that we might get some meat for our dinner. On +this we fetched our spears and bows and arrows from the ships, and +dividing ourselves into three bands began to shoot the goats. Heaven +sent us excellent sport; I had twelve ships with me, and each ship got +nine goats, while my own ship had ten; thus through the livelong day to +the going down of the sun we ate and drank our fill, and we had plenty +of wine left, for each one of us had taken many jars full when we +sacked the city of the Cicons, and this had not yet run out. While we +were feasting we kept turning our eyes towards the land of the +Cyclopes, which was hard by, and saw the smoke of their stubble fires. +We could almost fancy we heard their voices and the bleating of their +sheep and goats, but when the sun went down and it came on dark, we +camped down upon the beach, and next morning I called a council. + +"'Stay here, my brave fellows,' said I, 'all the rest of you, while I +go with my ship and exploit these people myself: I want to see if they +are uncivilised savages, or a hospitable and humane race.' + +"I went on board, bidding my men to do so also and loose the hawsers; +so they took their places and smote the grey sea with their oars. When +we got to the land, which was not far, there, on the face of a cliff +near the sea, we saw a great cave overhung with laurels. It was a +station for a great many sheep and goats, and outside there was a large +yard, with a high wall round it made of stones built into the ground +and of trees both pine and oak. This was the abode of a huge monster +who was then away from home shepherding his flocks. He would have +nothing to do with other people, but led the life of an outlaw. He was +a horrid creature, not like a human being at all, but resembling rather +some crag that stands out boldly against the sky on the top of a high +mountain. + +"I told my men to draw the ship ashore, and stay where they were, all +but the twelve best among them, who were to go along with myself. I +also took a goatskin of sweet black wine which had been given me by +Maron, son of Euanthes, who was priest of Apollo the patron god of +Ismarus, and lived within the wooded precincts of the temple. When we +were sacking the city we respected him, and spared his life, as also +his wife and child; so he made me some presents of great value—seven +talents of fine gold, and a bowl of silver, with twelve jars of sweet +wine, unblended, and of the most exquisite flavour. Not a man nor maid +in the house knew about it, but only himself, his wife, and one +housekeeper: when he drank it he mixed twenty parts of water to one of +wine, and yet the fragrance from the mixing-bowl was so exquisite that +it was impossible to refrain from drinking. I filled a large skin with +this wine, and took a wallet full of provisions with me, for my mind +misgave me that I might have to deal with some savage who would be of +great strength, and would respect neither right nor law. + +"We soon reached his cave, but he was out shepherding, so we went +inside and took stock of all that we could see. His cheese-racks were +loaded with cheeses, and he had more lambs and kids than his pens could +hold. They were kept in separate flocks; first there were the hoggets, +then the oldest of the younger lambs and lastly the very young ones +all kept apart from one another; as for his dairy, all the vessels, +bowls, and milk pails into which he milked, were swimming with whey. +When they saw all this, my men begged me to let them first steal some +cheeses, and make off with them to the ship; they would then return, +drive down the lambs and kids, put them on board and sail away with +them. It would have been indeed better if we had done so but I would +not listen to them, for I wanted to see the owner himself, in the hope +that he might give me a present. When, however, we saw him my poor men +found him ill to deal with. + +"We lit a fire, offered some of the cheeses in sacrifice, ate others of +them, and then sat waiting till the Cyclops should come in with his +sheep. When he came, he brought in with him a huge load of dry firewood +to light the fire for his supper, and this he flung with such a noise +on to the floor of his cave that we hid ourselves for fear at the far +end of the cavern. Meanwhile he drove all the ewes inside, as well as +the she-goats that he was going to milk, leaving the males, both rams +and he-goats, outside in the yards. Then he rolled a huge stone to the +mouth of the cave—so huge that two and twenty strong four-wheeled +waggons would not be enough to draw it from its place against the +doorway. When he had so done he sat down and milked his ewes and goats, +all in due course, and then let each of them have her own young. He +curdled half the milk and set it aside in wicker strainers, but the +other half he poured into bowls that he might drink it for his supper. +When he had got through with all his work, he lit the fire, and then +caught sight of us, whereon he said: + +"'Strangers, who are you? Where do sail from? Are you traders, or do +you sail the sea as rovers, with your hands against every man, and +every man's hand against you?' + +"We were frightened out of our senses by his loud voice and monstrous +form, but I managed to say, 'We are Achaeans on our way home from Troy, +but by the will of Jove, and stress of weather, we have been driven far +out of our course. We are the people of Agamemnon, son of Atreus, who +has won infinite renown throughout the whole world, by sacking so great +a city and killing so many people. We therefore humbly pray you to show +us some hospitality, and otherwise make us such presents as visitors +may reasonably expect. May your excellency fear the wrath of heaven, +for we are your suppliants, and Jove takes all respectable travellers +under his protection, for he is the avenger of all suppliants and +foreigners in distress.' + +"To this he gave me but a pitiless answer, 'Stranger,' said he, 'you +are a fool, or else you know nothing of this country. Talk to me, +indeed, about fearing the gods or shunning their anger? We Cyclopes do +not care about Jove or any of your blessed gods, for we are ever so +much stronger than they. I shall not spare either yourself or your +companions out of any regard for Jove, unless I am in the humour for +doing so. And now tell me where you made your ship fast when you came +on shore. Was it round the point, or is she lying straight off the +land?' + +"He said this to draw me out, but I was too cunning to be caught in +that way, so I answered with a lie; 'Neptune,' said I, 'sent my ship on +to the rocks at the far end of your country, and wrecked it. We were +driven on to them from the open sea, but I and those who are with me +escaped the jaws of death.' + +"The cruel wretch vouchsafed me not one word of answer, but with a +sudden clutch he gripped up two of my men at once and dashed them down +upon the ground as though they had been puppies. Their brains were shed +upon the ground, and the earth was wet with their blood. Then he tore +them limb from limb and supped upon them. He gobbled them up like a +lion in the wilderness, flesh, bones, marrow, and entrails, without +leaving anything uneaten. As for us, we wept and lifted up our hands to +heaven on seeing such a horrid sight, for we did not know what else to +do; but when the Cyclops had filled his huge paunch, and had washed +down his meal of human flesh with a drink of neat milk, he stretched +himself full length upon the ground among his sheep, and went to sleep. +I was at first inclined to seize my sword, draw it, and drive it into +his vitals, but I reflected that if I did we should all certainly be +lost, for we should never be able to shift the stone which the monster +had put in front of the door. So we stayed sobbing and sighing where we +were till morning came. + +"When the child of morning, rosy-fingered dawn, appeared, he again lit +his fire, milked his goats and ewes, all quite rightly, and then let +each have her own young one; as soon as he had got through with all his +work, he clutched up two more of my men, and began eating them for his +morning's meal. Presently, with the utmost ease, he rolled the stone +away from the door and drove out his sheep, but he at once put it back +again—as easily as though he were merely clapping the lid on to a +quiver full of arrows. As soon as he had done so he shouted, and cried +'Shoo, shoo,' after his sheep to drive them on to the mountain; so I +was left to scheme some way of taking my revenge and covering myself +with glory. + +"In the end I deemed it would be the best plan to do as follows: The +Cyclops had a great club which was lying near one of the sheep pens; it +was of green olive wood, and he had cut it intending to use it for a +staff as soon as it should be dry. It was so huge that we could only +compare it to the mast of a twenty-oared merchant vessel of large +burden, and able to venture out into open sea. I went up to this club +and cut off about six feet of it; I then gave this piece to the men and +told them to fine it evenly off at one end, which they proceeded to do, +and lastly I brought it to a point myself, charring the end in the fire +to make it harder. When I had done this I hid it under dung, which was +lying about all over the cave, and told the men to cast lots which of +them should venture along with myself to lift it and bore it into the +monster's eye while he was asleep. The lot fell upon the very four whom +I should have chosen, and I myself made five. In the evening the wretch +came back from shepherding, and drove his flocks into the cave—this +time driving them all inside, and not leaving any in the yards; I +suppose some fancy must have taken him, or a god must have prompted him +to do so. As soon as he had put the stone back to its place against the +door, he sat down, milked his ewes and his goats all quite rightly, and +then let each have her own young one; when he had got through with all +this work, he gripped up two more of my men, and made his supper off +them. So I went up to him with an ivy-wood bowl of black wine in my +hands: + +"'Look here, Cyclops,' said I, you have been eating a great deal of +man's flesh, so take this and drink some wine, that you may see what +kind of liquor we had on board my ship. I was bringing it to you as a +drink-offering, in the hope that you would take compassion upon me and +further me on my way home, whereas all you do is to go on ramping and +raving most intolerably. You ought to be ashamed of yourself; how can +you expect people to come see you any more if you treat them in this +way?' + +"He then took the cup and drank. He was so delighted with the taste of +the wine that he begged me for another bowl full. 'Be so kind,' he +said, 'as to give me some more, and tell me your name at once. I want +to make you a present that you will be glad to have. We have wine even +in this country, for our soil grows grapes and the sun ripens them, but +this drinks like Nectar and Ambrosia all in one.' + +"I then gave him some more; three times did I fill the bowl for him, +and three times did he drain it without thought or heed; then, when I +saw that the wine had got into his head, I said to him as plausibly as +I could: 'Cyclops, you ask my name and I will tell it you; give me, +therefore, the present you promised me; my name is Noman; this is what +my father and mother and my friends have always called me.' + +"But the cruel wretch said, 'Then I will eat all Noman's comrades +before Noman himself, and will keep Noman for the last. This is the +present that I will make him.' + +"As he spoke he reeled, and fell sprawling face upwards on the ground. +His great neck hung heavily backwards and a deep sleep took hold upon +him. Presently he turned sick, and threw up both wine and the gobbets +of human flesh on which he had been gorging, for he was very drunk. +Then I thrust the beam of wood far into the embers to heat it, and +encouraged my men lest any of them should turn faint-hearted. When the +wood, green though it was, was about to blaze, I drew it out of the +fire glowing with heat, and my men gathered round me, for heaven had +filled their hearts with courage. We drove the sharp end of the beam +into the monster's eye, and bearing upon it with all my weight I kept +turning it round and round as though I were boring a hole in a ship's +plank with an auger, which two men with a wheel and strap can keep on +turning as long as they choose. Even thus did we bore the red hot beam +into his eye, till the boiling blood bubbled all over it as we worked +it round and round, so that the steam from the burning eyeball scalded +his eyelids and eyebrows, and the roots of the eye sputtered in the +fire. As a blacksmith plunges an axe or hatchet into cold water to +temper it—for it is this that gives strength to the iron—and it makes a +great hiss as he does so, even thus did the Cyclops' eye hiss round the +beam of olive wood, and his hideous yells made the cave ring again. We +ran away in a fright, but he plucked the beam all besmirched with gore +from his eye, and hurled it from him in a frenzy of rage and pain, +shouting as he did so to the other Cyclopes who lived on the bleak +headlands near him; so they gathered from all quarters round his cave +when they heard him crying, and asked what was the matter with him. + +"'What ails you, Polyphemus,' said they, 'that you make such a noise, +breaking the stillness of the night, and preventing us from being able +to sleep? Surely no man is carrying off your sheep? Surely no man is +trying to kill you either by fraud or by force?' + +"But Polyphemus shouted to them from inside the cave, 'Noman is killing +me by fraud; no man is killing me by force.' + +"'Then,' said they, 'if no man is attacking you, you must be ill; when +Jove makes people ill, there is no help for it, and you had better pray +to your father Neptune.' + +"Then they went away, and I laughed inwardly at the success of my +clever stratagem, but the Cyclops, groaning and in an agony of pain, +felt about with his hands till he found the stone and took it from the +door; then he sat in the doorway and stretched his hands in front of it +to catch anyone going out with the sheep, for he thought I might be +foolish enough to attempt this. + +"As for myself I kept on puzzling to think how I could best save my own +life and those of my companions; I schemed and schemed, as one who +knows that his life depends upon it, for the danger was very great. In +the end I deemed that this plan would be the best; the male sheep were +well grown, and carried a heavy black fleece, so I bound them +noiselessly in threes together, with some of the withies on which the +wicked monster used to sleep. There was to be a man under the middle +sheep, and the two on either side were to cover him, so that there were +three sheep to each man. As for myself there was a ram finer than any +of the others, so I caught hold of him by the back, esconced myself in +the thick wool under his belly, and hung on patiently to his fleece, +face upwards, keeping a firm hold on it all the time. + +"Thus, then, did we wait in great fear of mind till morning came, but +when the child of morning, rosy-fingered Dawn, appeared, the male sheep +hurried out to feed, while the ewes remained bleating about the pens +waiting to be milked, for their udders were full to bursting; but their +master in spite of all his pain felt the backs of all the sheep as they +stood upright, without being sharp enough to find out that the men were +underneath their bellies. As the ram was going out, last of all, heavy +with its fleece and with the weight of my crafty self, Polyphemus laid +hold of it and said: + +"'My good ram, what is it that makes you the last to leave my cave this +morning? You are not wont to let the ewes go before you, but lead the +mob with a run whether to flowery mead or bubbling fountain, and are +the first to come home again at night; but now you lag last of all. Is +it because you know your master has lost his eye, and are sorry because +that wicked Noman and his horrid crew has got him down in his drink and +blinded him? But I will have his life yet. If you could understand and +talk, you would tell me where the wretch is hiding, and I would dash +his brains upon the ground till they flew all over the cave. I should +thus have some satisfaction for the harm this no-good Noman has done +me.' + +"As he spoke he drove the ram outside, but when we were a little way +out from the cave and yards, I first got from under the ram's belly, +and then freed my comrades; as for the sheep, which were very fat, by +constantly heading them in the right direction we managed to drive them +down to the ship. The crew rejoiced greatly at seeing those of us who +had escaped death, but wept for the others whom the Cyclops had killed. +However, I made signs to them by nodding and frowning that they were to +hush their crying, and told them to get all the sheep on board at once +and put out to sea; so they went aboard, took their places, and smote +the grey sea with their oars. Then, when I had got as far out as my +voice would reach, I began to jeer at the Cyclops. + +"'Cyclops,' said I, 'you should have taken better measure of your man +before eating up his comrades in your cave. You wretch, eat up your +visitors in your own house? You might have known that your sin would +find you out, and now Jove and the other gods have punished you.' + +"He got more and more furious as he heard me, so he tore the top from +off a high mountain, and flung it just in front of my ship so that it +was within a little of hitting the end of the rudder. The sea quaked +as the rock fell into it, and the wash of the wave it raised carried us +back towards the mainland, and forced us towards the shore. But I +snatched up a long pole and kept the ship off, making signs to my men +by nodding my head, that they must row for their lives, whereon they +laid out with a will. When we had got twice as far as we were before, I +was for jeering at the Cyclops again, but the men begged and prayed of +me to hold my tongue. + +"'Do not,' they exclaimed, 'be mad enough to provoke this savage +creature further; he has thrown one rock at us already which drove us +back again to the mainland, and we made sure it had been the death of +us; if he had then heard any further sound of voices he would have +pounded our heads and our ship's timbers into a jelly with the rugged +rocks he would have heaved at us, for he can throw them a long way.' + +"But I would not listen to them, and shouted out to him in my rage, +'Cyclops, if any one asks you who it was that put your eye out and +spoiled your beauty, say it was the valiant warrior Ulysses, son of +Laertes, who lives in Ithaca.' + +"On this he groaned, and cried out, 'Alas, alas, then the old prophecy +about me is coming true. There was a prophet here, at one time, a man +both brave and of great stature, Telemus son of Eurymus, who was an +excellent seer, and did all the prophesying for the Cyclopes till he +grew old; he told me that all this would happen to me some day, and +said I should lose my sight by the hand of Ulysses. I have been all +along expecting some one of imposing presence and superhuman strength, +whereas he turns out to be a little insignificant weakling, who has +managed to blind my eye by taking advantage of me in my drink; come +here, then, Ulysses, that I may make you presents to show my +hospitality, and urge Neptune to help you forward on your journey—for +Neptune and I are father and son. He, if he so will, shall heal me, +which no one else neither god nor man can do.' + +"Then I said, 'I wish I could be as sure of killing you outright and +sending you down to the house of Hades, as I am that it will take more +than Neptune to cure that eye of yours.' + +"On this he lifted up his hands to the firmament of heaven and prayed, +saying, 'Hear me, great Neptune; if I am indeed your own true begotten +son, grant that Ulysses may never reach his home alive; or if he must +get back to his friends at last, let him do so late and in sore plight +after losing all his men [let him reach his home in another man's ship +and find trouble in his house.' + +"Thus did he pray, and Neptune heard his prayer. Then he picked up a +rock much larger than the first, swung it aloft and hurled it with +prodigious force. It fell just short of the ship, but was within a +little of hitting the end of the rudder. The sea quaked as the rock +fell into it, and the wash of the wave it raised drove us onwards on +our way towards the shore of the island. + +"When at last we got to the island where we had left the rest of our +ships, we found our comrades lamenting us, and anxiously awaiting our +return. We ran our vessel upon the sands and got out of her on to the +sea shore; we also landed the Cyclops' sheep, and divided them +equitably amongst us so that none might have reason to complain. As for +the ram, my companions agreed that I should have it as an extra share; +so I sacrificed it on the sea shore, and burned its thigh bones to +Jove, who is the lord of all. But he heeded not my sacrifice, and only +thought how he might destroy both my ships and my comrades. + +"Thus through the livelong day to the going down of the sun we feasted +our fill on meat and drink, but when the sun went down and it came on +dark, we camped upon the beach. When the child of morning rosy-fingered +Dawn appeared, I bade my men on board and loose the hawsers. Then they +took their places and smote the grey sea with their oars; so we sailed +on with sorrow in our hearts, but glad to have escaped death though we +had lost our comrades. + + + + +BOOK X + + +AEOLUS, THE LAESTRYGONES, CIRCE. + + +"Thence we went on to the Aeolian island where lives Aeolus son of +Hippotas, dear to the immortal gods. It is an island that floats (as it +were) upon the sea, iron bound with a wall that girds it. Now, Aeolus +has six daughters and six lusty sons, so he made the sons marry the +daughters, and they all live with their dear father and mother, +feasting and enjoying every conceivable kind of luxury. All day long +the atmosphere of the house is loaded with the savour of roasting meats +till it groans again, yard and all; but by night they sleep on their +well made bedsteads, each with his own wife between the blankets. These +were the people among whom we had now come. + +"Aeolus entertained me for a whole month asking me questions all the +time about Troy, the Argive fleet, and the return of the Achaeans. I +told him exactly how everything had happened, and when I said I must +go, and asked him to further me on my way, he made no sort of +difficulty, but set about doing so at once. Moreover, he flayed me a +prime ox-hide to hold the ways of the roaring winds, which he shut up +in the hide as in a sack—for Jove had made him captain over the winds, +and he could stir or still each one of them according to his own +pleasure. He put the sack in the ship and bound the mouth so tightly +with a silver thread that not even a breath of a side-wind could blow +from any quarter. The West wind which was fair for us did he alone let +blow as it chose; but it all came to nothing, for we were lost through +our own folly. + +"Nine days and nine nights did we sail, and on the tenth day our native +land showed on the horizon. We got so close in that we could see the +stubble fires burning, and I, being then dead beat, fell into a light +sleep, for I had never let the rudder out of my own hands, that we +might get home the faster. On this the men fell to talking among +themselves, and said I was bringing back gold and silver in the sack +that Aeolus had given me. 'Bless my heart,' would one turn to his +neighbour, saying, 'how this man gets honoured and makes friends to +whatever city or country he may go. See what fine prizes he is taking +home from Troy, while we, who have travelled just as far as he has, +come back with hands as empty as we set out with—and now Aeolus has +given him ever so much more. Quick—let us see what it all is, and how +much gold and silver there is in the sack he gave him.' + +"Thus they talked and evil counsels prevailed. They loosed the sack, +whereupon the wind flew howling forth and raised a storm that carried +us weeping out to sea and away from our own country. Then I awoke, and +knew not whether to throw myself into the sea or to live on and make +the best of it; but I bore it, covered myself up, and lay down in the +ship, while the men lamented bitterly as the fierce winds bore our +fleet back to the Aeolian island. + +"When we reached it we went ashore to take in water, and dined hard by +the ships. Immediately after dinner I took a herald and one of my men +and went straight to the house of Aeolus, where I found him feasting +with his wife and family; so we sat down as suppliants on the +threshold. They were astounded when they saw us and said, 'Ulysses, +what brings you here? What god has been ill-treating you? We took great +pains to further you on your way home to Ithaca, or wherever it was +that you wanted to go to.' + +"Thus did they speak, but I answered sorrowfully, 'My men have undone +me; they, and cruel sleep, have ruined me. My friends, mend me this +mischief, for you can if you will.' + +"I spoke as movingly as I could, but they said nothing, till their +father answered, 'Vilest of mankind, get you gone at once out of the +island; him whom heaven hates will I in no wise help. Be off, for you +come here as one abhorred of heaven.' And with these words he sent me +sorrowing from his door. + +"Thence we sailed sadly on till the men were worn out with long and +fruitless rowing, for there was no longer any wind to help them. Six +days, night and day did we toil, and on the seventh day we reached the +rocky stronghold of Lamus—Telepylus, the city of the Laestrygonians, +where the shepherd who is driving in his sheep and goats [to be milked] +salutes him who is driving out his flock [to feed] and this last +answers the salute. In that country a man who could do without sleep +might earn double wages, one as a herdsman of cattle, and another as a +shepherd, for they work much the same by night as they do by day. + +"When we reached the harbour we found it land-locked under steep +cliffs, with a narrow entrance between two headlands. My captains took +all their ships inside, and made them fast close to one another, for +there was never so much as a breath of wind inside, but it was always +dead calm. I kept my own ship outside, and moored it to a rock at the +very end of the point; then I climbed a high rock to reconnoitre, but +could see no sign neither of man nor cattle, only some smoke rising +from the ground. So I sent two of my company with an attendant to find +out what sort of people the inhabitants were. + +"The men when they got on shore followed a level road by which the +people draw their firewood from the mountains into the town, till +presently they met a young woman who had come outside to fetch water, +and who was daughter to a Laestrygonian named Antiphates. She was going +to the fountain Artacia from which the people bring in their water, and +when my men had come close up to her, they asked her who the king of +that country might be, and over what kind of people he ruled; so she +directed them to her father's house, but when they got there they found +his wife to be a giantess as huge as a mountain, and they were +horrified at the sight of her. + +"She at once called her husband Antiphates from the place of assembly, +and forthwith he set about killing my men. He snatched up one of them, +and began to make his dinner off him then and there, whereon the other +two ran back to the ships as fast as ever they could. But Antiphates +raised a hue-and-cry after them, and thousands of sturdy Laestrygonians +sprang up from every quarter—ogres, not men. They threw vast rocks at +us from the cliffs as though they had been mere stones, and I heard the +horrid sound of the ships crunching up against one another, and the +death cries of my men, as the Laestrygonians speared them like fishes +and took them home to eat them. While they were thus killing my men +within the harbour I drew my sword, cut the cable of my own ship, and +told my men to row with all their might if they too would not fare like +the rest; so they laid out for their lives, and we were thankful enough +when we got into open water out of reach of the rocks they hurled at +us. As for the others there was not one of them left. + +"Thence we sailed sadly on, glad to have escaped death, though we had +lost our comrades, and came to the Aeaean island, where Circe lives—a +great and cunning goddess who is own sister to the magician Aeetes—for +they are both children of the sun by Perse, who is daughter to Oceanus. +We brought our ship into a safe harbour without a word, for some god +guided us thither, and having landed we lay there for two days and two +nights, worn out in body and mind. When the morning of the third day +came I took my spear and my sword, and went away from the ship to +reconnoitre, and see if I could discover signs of human handiwork, or +hear the sound of voices. Climbing to the top of a high look-out I +espied the smoke of Circe's house rising upwards amid a dense forest of +trees, and when I saw this I doubted whether, having seen the smoke, I +would not go on at once and find out more, but in the end I deemed it +best to go back to the ship, give the men their dinners, and send some +of them instead of going myself. + +"When I had nearly got back to the ship some god took pity upon my +solitude, and sent a fine antlered stag right into the middle of my +path. He was coming down his pasture in the forest to drink of the +river, for the heat of the sun drove him, and as he passed I struck him +in the middle of the back; the bronze point of the spear went clean +through him, and he lay groaning in the dust until the life went out of +him. Then I set my foot upon him, drew my spear from the wound, and +laid it down; I also gathered rough grass and rushes and twisted them +into a fathom or so of good stout rope, with which I bound the four +feet of the noble creature together; having so done I hung him round my +neck and walked back to the ship leaning upon my spear, for the stag +was much too big for me to be able to carry him on my shoulder, +steadying him with one hand. As I threw him down in front of the ship, +I called the men and spoke cheeringly man by man to each of them. 'Look +here my friends,' said I, 'we are not going to die so much before our +time after all, and at any rate we will not starve so long as we have +got something to eat and drink on board.' On this they uncovered their +heads upon the sea shore and admired the stag, for he was indeed a +splendid fellow. Then, when they had feasted their eyes upon him +sufficiently, they washed their hands and began to cook him for dinner. + +"Thus through the livelong day to the going down of the sun we stayed +there eating and drinking our fill, but when the sun went down and it +came on dark, we camped upon the sea shore. When the child of morning, +rosy-fingered Dawn, appeared, I called a council and said, 'My friends, +we are in very great difficulties; listen therefore to me. We have no +idea where the sun either sets or rises, so that we do not even know +East from West. I see no way out of it; nevertheless, we must try and +find one. We are certainly on an island, for I went as high as I could +this morning, and saw the sea reaching all round it to the horizon; it +lies low, but towards the middle I saw smoke rising from out of a thick +forest of trees.' + +"Their hearts sank as they heard me, for they remembered how they had +been treated by the Laestrygonian Antiphates, and by the savage ogre +Polyphemus. They wept bitterly in their dismay, but there was nothing +to be got by crying, so I divided them into two companies and set a +captain over each; I gave one company to Eurylochus, while I took +command of the other myself. Then we cast lots in a helmet, and the lot +fell upon Eurylochus; so he set out with his twenty-two men, and they +wept, as also did we who were left behind. + +"When they reached Circe's house they found it built of cut stones, on +a site that could be seen from far, in the middle of the forest. There +were wild mountain wolves and lions prowling all round it—poor +bewitched creatures whom she had tamed by her enchantments and drugged +into subjection. They did not attack my men, but wagged their great +tails, fawned upon them, and rubbed their noses lovingly against +them. As hounds crowd round their master when they see him coming +from dinner—for they know he will bring them something—even so did +these wolves and lions with their great claws fawn upon my men, but the +men were terribly frightened at seeing such strange creatures. +Presently they reached the gates of the goddess's house, and as they +stood there they could hear Circe within, singing most beautifully as +she worked at her loom, making a web so fine, so soft, and of such +dazzling colours as no one but a goddess could weave. On this Polites, +whom I valued and trusted more than any other of my men, said, 'There +is some one inside working at a loom and singing most beautifully; the +whole place resounds with it, let us call her and see whether she is +woman or goddess.' + +"They called her and she came down, unfastened the door, and bade them +enter. They, thinking no evil, followed her, all except Eurylochus, who +suspected mischief and staid outside. When she had got them into her +house, she set them upon benches and seats and mixed them a mess with +cheese, honey, meal, and Pramnian wine, but she drugged it with wicked +poisons to make them forget their homes, and when they had drunk she +turned them into pigs by a stroke of her wand, and shut them up in her +pig-styes. They were like pigs—head, hair, and all, and they grunted +just as pigs do; but their senses were the same as before, and they +remembered everything. + +"Thus then were they shut up squealing, and Circe threw them some +acorns and beech masts such as pigs eat, but Eurylochus hurried back to +tell me about the sad fate of our comrades. He was so overcome with +dismay that though he tried to speak he could find no words to do so; +his eyes filled with tears and he could only sob and sigh, till at last +we forced his story out of him, and he told us what had happened to the +others. + +"'We went,' said he, 'as you told us, through the forest, and in the +middle of it there was a fine house built with cut stones in a place +that could be seen from far. There we found a woman, or else she was a +goddess, working at her loom and singing sweetly; so the men shouted to +her and called her, whereon she at once came down, opened the door, and +invited us in. The others did not suspect any mischief so they followed +her into the house, but I staid where I was, for I thought there might +be some treachery. From that moment I saw them no more, for not one of +them ever came out, though I sat a long time watching for them.' + +"Then I took my sword of bronze and slung it over my shoulders; I also +took my bow, and told Eurylochus to come back with me and shew me the +way. But he laid hold of me with both his hands and spoke piteously, +saying, 'Sir, do not force me to go with you, but let me stay here, for +I know you will not bring one of them back with you, nor even return +alive yourself; let us rather see if we cannot escape at any rate with +the few that are left us, for we may still save our lives.' + +"'Stay where you are, then,' answered I, 'eating and drinking at the +ship, but I must go, for I am most urgently bound to do so.' + +"With this I left the ship and went up inland. When I got through the +charmed grove, and was near the great house of the enchantress Circe, I +met Mercury with his golden wand, disguised as a young man in the +hey-day of his youth and beauty with the down just coming upon his +face. He came up to me and took my hand within his own, saying, 'My +poor unhappy man, whither are you going over this mountain top, alone +and without knowing the way? Your men are shut up in Circe's pigstyes, +like so many wild boars in their lairs. You surely do not fancy that +you can set them free? I can tell you that you will never get back and +will have to stay there with the rest of them. But never mind, I will +protect you and get you out of your difficulty. Take this herb, which +is one of great virtue, and keep it about you when you go to Circe's +house, it will be a talisman to you against every kind of mischief. + +"'And I will tell you of all the wicked witchcraft that Circe will try +to practice upon you. She will mix a mess for you to drink, and she +will drug the meal with which she makes it, but she will not be able to +charm you, for the virtue of the herb that I shall give you will +prevent her spells from working. I will tell you all about it. When +Circe strikes you with her wand, draw your sword and spring upon her as +though you were going to kill her. She will then be frightened, and +will desire you to go to bed with her; on this you must not point blank +refuse her, for you want her to set your companions free, and to take +good care also of yourself, but you must make her swear solemnly by all +the blessed gods that she will plot no further mischief against you, or +else when she has got you naked she will unman you and make you fit for +nothing.' + +"As he spoke he pulled the herb out of the ground and shewed me what it +was like. The root was black, while the flower was as white as milk; +the gods call it Moly, and mortal men cannot uproot it, but the gods +can do whatever they like. + +"Then Mercury went back to high Olympus passing over the wooded island; +but I fared onward to the house of Circe, and my heart was clouded with +care as I walked along. When I got to the gates I stood there and +called the goddess, and as soon as she heard me she came down, opened +the door, and asked me to come in; so I followed her—much troubled in +my mind. She set me on a richly decorated seat inlaid with silver, +there was a footstool also under my feet, and she mixed a mess in a +golden goblet for me to drink; but she drugged it, for she meant me +mischief. When she had given it me, and I had drunk it without its +charming me, she struck me with her wand. 'There now,' she cried, 'be +off to the pigstye, and make your lair with the rest of them.' + +"But I rushed at her with my sword drawn as though I would kill her, +whereon she fell with a loud scream, clasped my knees, and spoke +piteously, saying, 'Who and whence are you? from what place and people +have you come? How can it be that my drugs have no power to charm you? +Never yet was any man able to stand so much as a taste of the herb I +gave you; you must be spell-proof; surely you can be none other than +the bold hero Ulysses, who Mercury always said would come here some day +with his ship while on his way home from Troy; so be it then; sheathe +your sword and let us go to bed, that we may make friends and learn to +trust each other.' + +"And I answered, 'Circe, how can you expect me to be friendly with you +when you have just been turning all my men into pigs? And now that you +have got me here myself, you mean me mischief when you ask me to go to +bed with you, and will unman me and make me fit for nothing. I shall +certainly not consent to go to bed with you unless you will first take +your solemn oath to plot no further harm against me.' + +"So she swore at once as I had told her, and when she had completed her +oath then I went to bed with her. + +"Meanwhile her four servants, who are her housemaids, set about their +work. They are the children of the groves and fountains, and of the +holy waters that run down into the sea. One of them spread a fair +purple cloth over a seat, and laid a carpet underneath it. Another +brought tables of silver up to the seats, and set them with baskets of +gold. A third mixed some sweet wine with water in a silver bowl and put +golden cups upon the tables, while the fourth brought in water and set +it to boil in a large cauldron over a good fire which she had lighted. +When the water in the cauldron was boiling, she poured cold into it +till it was just as I liked it, and then she set me in a bath and began +washing me from the cauldron about the head and shoulders, to take the +tire and stiffness out of my limbs. As soon as she had done washing me +and anointing me with oil, she arrayed me in a good cloak and shirt and +led me to a richly decorated seat inlaid with silver; there was a +footstool also under my feet. A maid servant then brought me water in a +beautiful golden ewer and poured it into a silver basin for me to wash +my hands, and she drew a clean table beside me; an upper servant +brought me bread and offered me many things of what there was in the +house, and then Circe bade me eat, but I would not, and sat without +heeding what was before me, still moody and suspicious. + +"When Circe saw me sitting there without eating, and in great grief, +she came to me and said, 'Ulysses, why do you sit like that as though +you were dumb, gnawing at your own heart, and refusing both meat and +drink? Is it that you are still suspicious? You ought not to be, for I +have already sworn solemnly that I will not hurt you.' + +"And I said, 'Circe, no man with any sense of what is right can think +of either eating or drinking in your house until you have set his +friends free and let him see them. If you want me to eat and drink, you +must free my men and bring them to me that I may see them with my own +eyes.' + +"When I had said this she went straight through the court with her wand +in her hand and opened the pigstye doors. My men came out like so many +prime hogs and stood looking at her, but she went about among them and +anointed each with a second drug, whereon the bristles that the bad +drug had given them fell off, and they became men again, younger than +they were before, and much taller and better looking. They knew me at +once, seized me each of them by the hand, and wept for joy till the +whole house was filled with the sound of their halloa-ballooing, and +Circe herself was so sorry for them that she came up to me and said, +'Ulysses, noble son of Laertes, go back at once to the sea where you +have left your ship, and first draw it on to the land. Then, hide all +your ship's gear and property in some cave, and come back here with +your men.' + +"I agreed to this, so I went back to the sea shore, and found the men +at the ship weeping and wailing most piteously. When they saw me the +silly blubbering fellows began frisking round me as calves break out +and gambol round their mothers, when they see them coming home to be +milked after they have been feeding all day, and the homestead resounds +with their lowing. They seemed as glad to see me as though they had got +back to their own rugged Ithaca, where they had been born and bred. +'Sir,' said the affectionate creatures, 'we are as glad to see you back +as though we had got safe home to Ithaca; but tell us all about the +fate of our comrades.' + +"I spoke comfortingly to them and said, 'We must draw our ship on to +the land, and hide the ship's gear with all our property in some cave; +then come with me all of you as fast as you can to Circe's house, where +you will find your comrades eating and drinking in the midst of great +abundance.' + +"On this the men would have come with me at once, but Eurylochus tried +to hold them back and said, 'Alas, poor wretches that we are, what will +become of us? Rush not on your ruin by going to the house of Circe, who +will turn us all into pigs or wolves or lions, and we shall have to +keep guard over her house. Remember how the Cyclops treated us when our +comrades went inside his cave, and Ulysses with them. It was all +through his sheer folly that those men lost their lives.' + +"When I heard him I was in two minds whether or no to draw the keen +blade that hung by my sturdy thigh and cut his head off in spite of his +being a near relation of my own; but the men interceded for him and +said, 'Sir, if it may so be, let this fellow stay here and mind the +ship, but take the rest of us with you to Circe's house.' + +"On this we all went inland, and Eurylochus was not left behind after +all, but came on too, for he was frightened by the severe reprimand +that I had given him. + +"Meanwhile Circe had been seeing that the men who had been left behind +were washed and anointed with olive oil; she had also given them +woollen cloaks and shirts, and when we came we found them all +comfortably at dinner in her house. As soon as the men saw each other +face to face and knew one another, they wept for joy and cried aloud +till the whole palace rang again. Thereon Circe came up to me and said, +'Ulysses, noble son of Laertes, tell your men to leave off crying; I +know how much you have all of you suffered at sea, and how ill you have +fared among cruel savages on the mainland, but that is over now, so +stay here, and eat and drink till you are once more as strong and +hearty as you were when you left Ithaca; for at present you are +weakened both in body and mind; you keep all the time thinking of the +hardships you have suffered during your travels, so that you have no +more cheerfulness left in you.' + +"Thus did she speak and we assented. We stayed with Circe for a whole +twelvemonth feasting upon an untold quantity both of meat and wine. But +when the year had passed in the waning of moons and the long days had +come round, my men called me apart and said, 'Sir, it is time you began +to think about going home, if so be you are to be spared to see your +house and native country at all.' + +"Thus did they speak and I assented. Thereon through the livelong day +to the going down of the sun we feasted our fill on meat and wine, but +when the sun went down and it came on dark the men laid themselves down +to sleep in the covered cloisters. I, however, after I had got into bed +with Circe, besought her by her knees, and the goddess listened to what +I had got to say. 'Circe,' said I, 'please to keep the promise you made +me about furthering me on my homeward voyage. I want to get back and so +do my men, they are always pestering me with their complaints as soon +as ever your back is turned.' + +"And the goddess answered, 'Ulysses, noble son of Laertes, you shall +none of you stay here any longer if you do not want to, but there is +another journey which you have got to take before you can sail +homewards. You must go to the house of Hades and of dread Proserpine to +consult the ghost of the blind Theban prophet Teiresias, whose reason +is still unshaken. To him alone has Proserpine left his understanding +even in death, but the other ghosts flit about aimlessly.' + +"I was dismayed when I heard this. I sat up in bed and wept, and would +gladly have lived no longer to see the light of the sun, but presently +when I was tired of weeping and tossing myself about, I said, 'And who +shall guide me upon this voyage—for the house of Hades is a port that +no ship can reach.' + +"'You will want no guide,' she answered; 'raise your mast, set your +white sails, sit quite still, and the North Wind will blow you there of +itself. When your ship has traversed the waters of Oceanus, you will +reach the fertile shore of Proserpine's country with its groves of tall +poplars and willows that shed their fruit untimely; here beach your +ship upon the shore of Oceanus, and go straight on to the dark abode of +Hades. You will find it near the place where the rivers Pyriphlegethon +and Cocytus (which is a branch of the river Styx) flow into Acheron, +and you will see a rock near it, just where the two roaring rivers run +into one another. + +"'When you have reached this spot, as I now tell you, dig a trench a +cubit or so in length, breadth, and depth, and pour into it as a +drink-offering to all the dead, first, honey mixed with milk, then +wine, and in the third place water—sprinkling white barley meal over +the whole. Moreover you must offer many prayers to the poor feeble +ghosts, and promise them that when you get back to Ithaca you will +sacrifice a barren heifer to them, the best you have, and will load the +pyre with good things. More particularly you must promise that +Teiresias shall have a black sheep all to himself, the finest in all +your flocks. + +"'When you shall have thus besought the ghosts with your prayers, offer +them a ram and a black ewe, bending their heads towards Erebus; but +yourself turn away from them as though you would make towards the +river. On this, many dead men's ghosts will come to you, and you must +tell your men to skin the two sheep that you have just killed, and +offer them as a burnt sacrifice with prayers to Hades and to +Proserpine. Then draw your sword and sit there, so as to prevent any +other poor ghost from coming near the spilt blood before Teiresias +shall have answered your questions. The seer will presently come to +you, and will tell you about your voyage—what stages you are to make, +and how you are to sail the sea so as to reach your home.' + +"It was day-break by the time she had done speaking, so she dressed me +in my shirt and cloak. As for herself she threw a beautiful light +gossamer fabric over her shoulders, fastening it with a golden girdle +round her waist, and she covered her head with a mantle. Then I went +about among the men everywhere all over the house, and spoke kindly to +each of them man by man: 'You must not lie sleeping here any longer,' +said I to them, 'we must be going, for Circe has told me all about it.' +And on this they did as I bade them. + +"Even so, however, I did not get them away without misadventure. We had +with us a certain youth named Elpenor, not very remarkable for sense or +courage, who had got drunk and was lying on the house-top away from the +rest of the men, to sleep off his liquor in the cool. When he heard the +noise of the men bustling about, he jumped up on a sudden and forgot +all about coming down by the main staircase, so he tumbled right off +the roof and broke his neck, and his soul went down to the house of +Hades. + +"When I had got the men together I said to them, 'You think you are +about to start home again, but Circe has explained to me that instead +of this, we have got to go to the house of Hades and Proserpine to +consult the ghost of the Theban prophet Teiresias.' + +"The men were broken-hearted as they heard me, and threw themselves on +the ground groaning and tearing their hair, but they did not mend +matters by crying. When we reached the sea shore, weeping and lamenting +our fate, Circe brought the ram and the ewe, and we made them fast hard +by the ship. She passed through the midst of us without our knowing it, +for who can see the comings and goings of a god, if the god does not +wish to be seen? + + + + +BOOK XI + + +THE VISIT TO THE DEAD. + + +"Then, when we had got down to the sea shore we drew our ship into the +water and got her mast and sails into her; we also put the sheep on +board and took our places, weeping and in great distress of mind. +Circe, that great and cunning goddess, sent us a fair wind that blew +dead aft and staid steadily with us keeping our sails all the time well +filled; so we did whatever wanted doing to the ship's gear and let her +go as the wind and helmsman headed her. All day long her sails were +full as she held her course over the sea, but when the sun went down +and darkness was over all the earth, we got into the deep waters of the +river Oceanus, where lie the land and city of the Cimmerians who live +enshrouded in mist and darkness which the rays of the sun never pierce +neither at his rising nor as he goes down again out of the heavens, but +the poor wretches live in one long melancholy night. When we got there +we beached the ship, took the sheep out of her, and went along by the +waters of Oceanus till we came to the place of which Circe had told us. + +"Here Perimedes and Eurylochus held the victims, while I drew my sword +and dug the trench a cubit each way. I made a drink-offering to all the +dead, first with honey and milk, then with wine, and thirdly with +water, and I sprinkled white barley meal over the whole, praying +earnestly to the poor feckless ghosts, and promising them that when I +got back to Ithaca I would sacrifice a barren heifer for them, the best +I had, and would load the pyre with good things. I also particularly +promised that Teiresias should have a black sheep to himself, the best +in all my flocks. When I had prayed sufficiently to the dead, I cut the +throats of the two sheep and let the blood run into the trench, whereon +the ghosts came trooping up from Erebus—brides, young bachelors, old +men worn out with toil, maids who had been crossed in love, and brave +men who had been killed in battle, with their armour still smirched +with blood; they came from every quarter and flitted round the trench +with a strange kind of screaming sound that made me turn pale with +fear. When I saw them coming I told the men to be quick and flay the +carcasses of the two dead sheep and make burnt offerings of them, and +at the same time to repeat prayers to Hades and to Proserpine; but I +sat where I was with my sword drawn and would not let the poor feckless +ghosts come near the blood till Teiresias should have answered my +questions. + +"The first ghost that came was that of my comrade Elpenor, for he had +not yet been laid beneath the earth. We had left his body unwaked and +unburied in Circe's house, for we had had too much else to do. I was +very sorry for him, and cried when I saw him: 'Elpenor,' said I, 'how +did you come down here into this gloom and darkness? You have got here +on foot quicker than I have with my ship.' + +"'Sir,' he answered with a groan, 'it was all bad luck, and my own +unspeakable drunkenness. I was lying asleep on the top of Circe's +house, and never thought of coming down again by the great staircase +but fell right off the roof and broke my neck, so my soul came down to +the house of Hades. And now I beseech you by all those whom you have +left behind you, though they are not here, by your wife, by the father +who brought you up when you were a child, and by Telemachus who is the +one hope of your house, do what I shall now ask you. I know that when +you leave this limbo you will again hold your ship for the Aeaean +island. Do not go thence leaving me unwaked and unburied behind you, or +I may bring heaven's anger upon you; but burn me with whatever armour I +have, build a barrow for me on the sea shore, that may tell people in +days to come what a poor unlucky fellow I was, and plant over my grave +the oar I used to row with when I was yet alive and with my messmates.' +And I said, 'My poor fellow, I will do all that you have asked of me.' + +"Thus, then, did we sit and hold sad talk with one another, I on the +one side of the trench with my sword held over the blood, and the ghost +of my comrade saying all this to me from the other side. Then came the +ghost of my dead mother Anticlea, daughter to Autolycus. I had left her +alive when I set out for Troy and was moved to tears when I saw her, +but even so, for all my sorrow I would not let her come near the blood +till I had asked my questions of Teiresias. + +"Then came also the ghost of Theban Teiresias, with his golden sceptre +in his hand. He knew me and said, 'Ulysses, noble son of Laertes, why, +poor man, have you left the light of day and come down to visit the +dead in this sad place? Stand back from the trench and withdraw your +sword that I may drink of the blood and answer your questions truly.' + +"So I drew back, and sheathed my sword, whereon when he had drank of +the blood he began with his prophecy. + +"'You want to know,' said he, 'about your return home, but heaven will +make this hard for you. I do not think that you will escape the eye of +Neptune, who still nurses his bitter grudge against you for having +blinded his son. Still, after much suffering you may get home if you +can restrain yourself and your companions when your ship reaches the +Thrinacian island, where you will find the sheep and cattle belonging +to the sun, who sees and gives ear to everything. If you leave these +flocks unharmed and think of nothing but of getting home, you may yet +after much hardship reach Ithaca; but if you harm them, then I forewarn +you of the destruction both of your ship and of your men. Even though +you may yourself escape, you will return in bad plight after losing all +your men, [in another man's ship, and you will find trouble in your +house, which will be overrun by high-handed people, who are devouring +your substance under the pretext of paying court and making presents to +your wife. + +"'When you get home you will take your revenge on these suitors; and +after you have killed them by force or fraud in your own house, you +must take a well made oar and carry it on and on, till you come to a +country where the people have never heard of the sea and do not even +mix salt with their food, nor do they know anything about ships, and +oars that are as the wings of a ship. I will give you this certain +token which cannot escape your notice. A wayfarer will meet you and +will say it must be a winnowing shovel that you have got upon your +shoulder; on this you must fix the oar in the ground and sacrifice a +ram, a bull, and a boar to Neptune. Then go home and offer hecatombs +to all the gods in heaven one after the other. As for yourself, death +shall come to you from the sea, and your life shall ebb away very +gently when you are full of years and peace of mind, and your people +shall bless you. All that I have said will come true].' + +"'This,' I answered, 'must be as it may please heaven, but tell me and +tell me and tell me true, I see my poor mother's ghost close by us; she +is sitting by the blood without saying a word, and though I am her own +son she does not remember me and speak to me; tell me, Sir, how I can +make her know me.' + +"'That,' said he, 'I can soon do. Any ghost that you let taste of the +blood will talk with you like a reasonable being, but if you do not let +them have any blood they will go away again.' + +"On this the ghost of Teiresias went back to the house of Hades, for +his prophecyings had now been spoken, but I sat still where I was until +my mother came up and tasted the blood. Then she knew me at once and +spoke fondly to me, saying, 'My son, how did you come down to this +abode of darkness while you are still alive? It is a hard thing for the +living to see these places, for between us and them there are great and +terrible waters, and there is Oceanus, which no man can cross on foot, +but he must have a good ship to take him. Are you all this time trying +to find your way home from Troy, and have you never yet got back to +Ithaca nor seen your wife in your own house?' + +"'Mother,' said I, 'I was forced to come here to consult the ghost of +the Theban prophet Teiresias. I have never yet been near the Achaean +land nor set foot on my native country, and I have had nothing but one +long series of misfortunes from the very first day that I set out with +Agamemnon for Ilius, the land of noble steeds, to fight the Trojans. +But tell me, and tell me true, in what way did you die? Did you have a +long illness, or did heaven vouchsafe you a gentle easy passage to +eternity? Tell me also about my father, and the son whom I left behind +me, is my property still in their hands, or has some one else got hold +of it, who thinks that I shall not return to claim it? Tell me again +what my wife intends doing, and in what mind she is; does she live with +my son and guard my estate securely, or has she made the best match she +could and married again?' + +"My mother answered, 'Your wife still remains in your house, but she is +in great distress of mind and spends her whole time in tears both night +and day. No one as yet has got possession of your fine property, and +Telemachus still holds your lands undisturbed. He has to entertain +largely, as of course he must, considering his position as a +magistrate, and how every one invites him; your father remains at his +old place in the country and never goes near the town. He has no +comfortable bed nor bedding; in the winter he sleeps on the floor in +front of the fire with the men and goes about all in rags, but in +summer, when the warm weather comes on again, he lies out in the +vineyard on a bed of vine leaves thrown any how upon the ground. He +grieves continually about your never having come home, and suffers more +and more as he grows older. As for my own end it was in this wise: +heaven did not take me swiftly and painlessly in my own house, nor was +I attacked by any illness such as those that generally wear people out +and kill them, but my longing to know what you were doing and the force +of my affection for you—this it was that was the death of me.' + +"Then I tried to find some way of embracing my poor mother's ghost. +Thrice I sprang towards her and tried to clasp her in my arms, but each +time she flitted from my embrace as it were a dream or phantom, and +being touched to the quick I said to her, 'Mother, why do you not stay +still when I would embrace you? If we could throw our arms around one +another we might find sad comfort in the sharing of our sorrows even in +the house of Hades; does Proserpine want to lay a still further load of +grief upon me by mocking me with a phantom only?' + +"'My son,' she answered, 'most ill-fated of all mankind, it is not +Proserpine that is beguiling you, but all people are like this when +they are dead. The sinews no longer hold the flesh and bones together; +these perish in the fierceness of consuming fire as soon as life has +left the body, and the soul flits away as though it were a dream. Now, +however, go back to the light of day as soon as you can, and note all +these things that you may tell them to your wife hereafter.' + +"Thus did we converse, and anon Proserpine sent up the ghosts of the +wives and daughters of all the most famous men. They gathered in crowds +about the blood, and I considered how I might question them severally. +In the end I deemed that it would be best to draw the keen blade that +hung by my sturdy thigh, and keep them from all drinking the blood at +once. So they came up one after the other, and each one as I questioned +her told me her race and lineage. + +"The first I saw was Tyro. She was daughter of Salmoneus and wife of +Cretheus the son of Aeolus. She fell in love with the river Enipeus +who is much the most beautiful river in the whole world. Once when she +was taking a walk by his side as usual, Neptune, disguised as her +lover, lay with her at the mouth of the river, and a huge blue wave +arched itself like a mountain over them to hide both woman and god, +whereon he loosed her virgin girdle and laid her in a deep slumber. +When the god had accomplished the deed of love, he took her hand in his +own and said, 'Tyro, rejoice in all good will; the embraces of the gods +are not fruitless, and you will have fine twins about this time twelve +months. Take great care of them. I am Neptune, so now go home, but hold +your tongue and do not tell any one.' + +"Then he dived under the sea, and she in due course bore Pelias and +Neleus, who both of them served Jove with all their might. Pelias was a +great breeder of sheep and lived in Iolcus, but the other lived in +Pylos. The rest of her children were by Cretheus, namely, Aeson, +Pheres, and Amythaon, who was a mighty warrior and charioteer. + +"Next to her I saw Antiope, daughter to Asopus, who could boast of +having slept in the arms of even Jove himself, and who bore him two +sons Amphion and Zethus. These founded Thebes with its seven gates, and +built a wall all round it; for strong though they were they could not +hold Thebes till they had walled it. + +"Then I saw Alcmena, the wife of Amphitryon, who also bore to Jove +indomitable Hercules; and Megara who was daughter to great King Creon, +and married the redoubtable son of Amphitryon. + +"I also saw fair Epicaste mother of king Oedipodes whose awful lot it +was to marry her own son without suspecting it. He married her after +having killed his father, but the gods proclaimed the whole story to +the world; whereon he remained king of Thebes, in great grief for the +spite the gods had borne him; but Epicaste went to the house of the +mighty jailor Hades, having hanged herself for grief, and the avenging +spirits haunted him as for an outraged mother—to his ruing bitterly +thereafter. + +"Then I saw Chloris, whom Neleus married for her beauty, having given +priceless presents for her. She was youngest daughter to Amphion son of +Iasus and king of Minyan Orchomenus, and was Queen in Pylos. She bore +Nestor, Chromius, and Periclymenus, and she also bore that marvellously +lovely woman Pero, who was wooed by all the country round; but Neleus +would only give her to him who should raid the cattle of Iphicles from +the grazing grounds of Phylace, and this was a hard task. The only man +who would undertake to raid them was a certain excellent seer, but +the will of heaven was against him, for the rangers of the cattle +caught him and put him in prison; nevertheless when a full year had +passed and the same season came round again, Iphicles set him at +liberty, after he had expounded all the oracles of heaven. Thus, then, +was the will of Jove accomplished. + +"And I saw Leda the wife of Tyndarus, who bore him two famous sons, +Castor breaker of horses, and Pollux the mighty boxer. Both these +heroes are lying under the earth, though they are still alive, for by a +special dispensation of Jove, they die and come to life again, each one +of them every other day throughout all time, and they have the rank of +gods. + +"After her I saw Iphimedeia wife of Aloeus who boasted the embrace of +Neptune. She bore two sons Otus and Ephialtes, but both were short +lived. They were the finest children that were ever born in this world, +and the best looking, Orion only excepted; for at nine years old they +were nine fathoms high, and measured nine cubits round the chest. They +threatened to make war with the gods in Olympus, and tried to set Mount +Ossa on the top of Mount Olympus, and Mount Pelion on the top of Ossa, +that they might scale heaven itself, and they would have done it too if +they had been grown up, but Apollo, son of Leto, killed both of them, +before they had got so much as a sign of hair upon their cheeks or +chin. + +"Then I saw Phaedra, and Procris, and fair Ariadne daughter of the +magician Minos, whom Theseus was carrying off from Crete to Athens, but +he did not enjoy her, for before he could do so Diana killed her in the +island of Dia on account of what Bacchus had said against her. + +"I also saw Maera and Clymene and hateful Eriphyle, who sold her own +husband for gold. But it would take me all night if I were to name +every single one of the wives and daughters of heroes whom I saw, and +it is time for me to go to bed, either on board ship with my crew, or +here. As for my escort, heaven and yourselves will see to it." + +Here he ended, and the guests sat all of them enthralled and speechless +throughout the covered cloister. Then Arete said to them:— + +"What do you think of this man, O Phaeacians? Is he not tall and good +looking, and is he not clever? True, he is my own guest, but all of you +share in the distinction. Do not be in a hurry to send him away, nor +niggardly in the presents you make to one who is in such great need, +for heaven has blessed all of you with great abundance." + +Then spoke the aged hero Echeneus who was one of the oldest men among +them, "My friends," said he, "what our august queen has just said to us +is both reasonable and to the purpose, therefore be persuaded by it; +but the decision whether in word or deed rests ultimately with King +Alcinous." + +"The thing shall be done," exclaimed Alcinous, "as surely as I still +live and reign over the Phaeacians. Our guest is indeed very anxious to +get home, still we must persuade him to remain with us until to-morrow, +by which time I shall be able to get together the whole sum that I mean +to give him. As regards his escort it will be a matter for you all, and +mine above all others as the chief person among you." + +And Ulysses answered, "King Alcinous, if you were to bid me to stay +here for a whole twelve months, and then speed me on my way, loaded +with your noble gifts, I should obey you gladly and it would redound +greatly to my advantage, for I should return fuller-handed to my own +people, and should thus be more respected and beloved by all who see me +when I get back to Ithaca." + +"Ulysses," replied Alcinous, "not one of us who sees you has any idea +that you are a charlatan or a swindler. I know there are many people +going about who tell such plausible stories that it is very hard to see +through them, but there is a style about your language which assures me +of your good disposition. Moreover you have told the story of your own +misfortunes, and those of the Argives, as though you were a practiced +bard; but tell me, and tell me true, whether you saw any of the mighty +heroes who went to Troy at the same time with yourself, and perished +there. The evenings are still at their longest, and it is not yet bed +time—go on, therefore, with your divine story, for I could stay here +listening till tomorrow morning, so long as you will continue to tell +us of your adventures." + +"Alcinous," answered Ulysses, "there is a time for making speeches, and +a time for going to bed; nevertheless, since you so desire, I will not +refrain from telling you the still sadder tale of those of my comrades +who did not fall fighting with the Trojans, but perished on their +return, through the treachery of a wicked woman. + +"When Proserpine had dismissed the female ghosts in all directions, the +ghost of Agamemnon son of Atreus came sadly up to me, surrounded by +those who had perished with him in the house of Aegisthus. As soon as +he had tasted the blood, he knew me, and weeping bitterly stretched out +his arms towards me to embrace me; but he had no strength nor substance +any more, and I too wept and pitied him as I beheld him. 'How did you +come by your death,' said I, 'King Agamemnon? Did Neptune raise his +winds and waves against you when you were at sea, or did your enemies +make an end of you on the main land when you were cattle-lifting or +sheep-stealing, or while they were fighting in defence of their wives +and city?' + +"'Ulysses,' he answered, 'noble son of Laertes, I was not lost at sea +in any storm of Neptune's raising, nor did my foes despatch me upon the +mainland, but Aegisthus and my wicked wife were the death of me between +them. He asked me to his house, feasted me, and then butchered me most +miserably as though I were a fat beast in a slaughter house, while all +around me my comrades were slain like sheep or pigs for the wedding +breakfast, or picnic, or gorgeous banquet of some great nobleman. You +must have seen numbers of men killed either in a general engagement, or +in single combat, but you never saw anything so truly pitiable as the +way in which we fell in that cloister, with the mixing bowl and the +loaded tables lying all about, and the ground reeking with our blood. I +heard Priam's daughter Cassandra scream as Clytemnestra killed her +close beside me. I lay dying upon the earth with the sword in my body, +and raised my hands to kill the slut of a murderess, but she slipped +away from me; she would not even close my lips nor my eyes when I was +dying, for there is nothing in this world so cruel and so shameless as +a woman when she has fallen into such guilt as hers was. Fancy +murdering her own husband! I thought I was going to be welcomed home by +my children and my servants, but her abominable crime has brought +disgrace on herself and all women who shall come after—even on the good +ones.' + +"And I said, 'In truth Jove has hated the house of Atreus from first to +last in the matter of their women's counsels. See how many of us fell +for Helen's sake, and now it seems that Clytemnestra hatched mischief +against you too during your absence.' + +"'Be sure, therefore,' continued Agamemnon, 'and not be too friendly +even with your own wife. Do not tell her all that you know perfectly +well yourself. Tell her a part only, and keep your own counsel about +the rest. Not that your wife, Ulysses, is likely to murder you, for +Penelope is a very admirable woman, and has an excellent nature. We +left her a young bride with an infant at her breast when we set out for +Troy. This child no doubt is now grown up happily to man's estate, +and he and his father will have a joyful meeting and embrace one +another as it is right they should do, whereas my wicked wife did not +even allow me the happiness of looking upon my son, but killed me ere I +could do so. Furthermore I say—and lay my saying to your heart—do not +tell people when you are bringing your ship to Ithaca, but steal a +march upon them, for after all this there is no trusting women. But now +tell me, and tell me true, can you give me any news of my son Orestes? +Is he in Orchomenus, or at Pylos, or is he at Sparta with Menelaus—for +I presume that he is still living.' + +"And I said, 'Agamemnon, why do you ask me? I do not know whether your +son is alive or dead, and it is not right to talk when one does not +know.' + +"As we two sat weeping and talking thus sadly with one another the +ghost of Achilles came up to us with Patroclus, Antilochus, and Ajax +who was the finest and goodliest man of all the Danaans after the son +of Peleus. The fleet descendant of Aeacus knew me and spoke piteously, +saying, 'Ulysses, noble son of Laertes, what deed of daring will you +undertake next, that you venture down to the house of Hades among us +silly dead, who are but the ghosts of them that can labour no more?' + +"And I said, 'Achilles, son of Peleus, foremost champion of the +Achaeans, I came to consult Teiresias, and see if he could advise me +about my return home to Ithaca, for I have never yet been able to get +near the Achaean land, nor to set foot in my own country, but have been +in trouble all the time. As for you, Achilles, no one was ever yet so +fortunate as you have been, nor ever will be, for you were adored by +all us Argives as long as you were alive, and now that you are here you +are a great prince among the dead. Do not, therefore, take it so much +to heart even if you are dead.' + +"'Say not a word,' he answered, 'in death's favour; I would rather be a +paid servant in a poor man's house and be above ground than king of +kings among the dead. But give me news about my son; is he gone to the +wars and will he be a great soldier, or is this not so? Tell me also if +you have heard anything about my father Peleus—does he still rule among +the Myrmidons, or do they show him no respect throughout Hellas and +Phthia now that he is old and his limbs fail him? Could I but stand by +his side, in the light of day, with the same strength that I had when I +killed the bravest of our foes upon the plain of Troy—could I but be as +I then was and go even for a short time to my father's house, any one +who tried to do him violence or supersede him would soon rue it.' + +"'I have heard nothing,' I answered, 'of Peleus, but I can tell you all +about your son Neoptolemus, for I took him in my own ship from Scyros +with the Achaeans. In our councils of war before Troy he was always +first to speak, and his judgement was unerring. Nestor and I were the +only two who could surpass him; and when it came to fighting on the +plain of Troy, he would never remain with the body of his men, but +would dash on far in front, foremost of them all in valour. Many a man +did he kill in battle—I cannot name every single one of those whom he +slew while fighting on the side of the Argives, but will only say how +he killed that valiant hero Eurypylus son of Telephus, who was the +handsomest man I ever saw except Memnon; many others also of the +Ceteians fell around him by reason of a woman's bribes. Moreover, when +all the bravest of the Argives went inside the horse that Epeus had +made, and it was left to me to settle when we should either open the +door of our ambuscade, or close it, though all the other leaders and +chief men among the Danaans were drying their eyes and quaking in every +limb, I never once saw him turn pale nor wipe a tear from his cheek; he +was all the time urging me to break out from the horse—grasping the +handle of his sword and his bronze-shod spear, and breathing fury +against the foe. Yet when we had sacked the city of Priam he got his +handsome share of the prize money and went on board (such is the +fortune of war) without a wound upon him, neither from a thrown spear +nor in close combat, for the rage of Mars is a matter of great chance.' + +"When I had told him this, the ghost of Achilles strode off across a +meadow full of asphodel, exulting over what I had said concerning the +prowess of his son. + +"The ghosts of other dead men stood near me and told me each his own +melancholy tale; but that of Ajax son of Telamon alone held aloof—still +angry with me for having won the cause in our dispute about the armour +of Achilles. Thetis had offered it as a prize, but the Trojan prisoners +and Minerva were the judges. Would that I had never gained the day in +such a contest, for it cost the life of Ajax, who was foremost of all +the Danaans after the son of Peleus, alike in stature and prowess. + +"When I saw him I tried to pacify him and said, 'Ajax, will you not +forget and forgive even in death, but must the judgement about that +hateful armour still rankle with you? It cost us Argives dear enough to +lose such a tower of strength as you were to us. We mourned you as much +as we mourned Achilles son of Peleus himself, nor can the blame be laid +on anything but on the spite which Jove bore against the Danaans, for +it was this that made him counsel your destruction—come hither, +therefore, bring your proud spirit into subjection, and hear what I can +tell you.' + +"He would not answer, but turned away to Erebus and to the other +ghosts; nevertheless, I should have made him talk to me in spite of his +being so angry, or I should have gone on talking to him, only that +there were still others among the dead whom I desired to see. + +"Then I saw Minos son of Jove with his golden sceptre in his hand +sitting in judgement on the dead, and the ghosts were gathered sitting +and standing round him in the spacious house of Hades, to learn his +sentences upon them. + +"After him I saw huge Orion in a meadow full of asphodel driving the +ghosts of the wild beasts that he had killed upon the mountains, and he +had a great bronze club in his hand, unbreakable for ever and ever. + +"And I saw Tityus son of Gaia stretched upon the plain and covering +some nine acres of ground. Two vultures on either side of him were +digging their beaks into his liver, and he kept on trying to beat them +off with his hands, but could not; for he had violated Jove's mistress +Leto as she was going through Panopeus on her way to Pytho. + +"I saw also the dreadful fate of Tantalus, who stood in a lake that +reached his chin; he was dying to quench his thirst, but could never +reach the water, for whenever the poor creature stooped to drink, it +dried up and vanished, so that there was nothing but dry ground—parched +by the spite of heaven. There were tall trees, moreover, that shed +their fruit over his head—pears, pomegranates, apples, sweet figs and +juicy olives, but whenever the poor creature stretched out his hand to +take some, the wind tossed the branches back again to the clouds. + +"And I saw Sisyphus at his endless task raising his prodigious stone +with both his hands. With hands and feet he tried to roll it up to the +top of the hill, but always, just before he could roll it over on to +the other side, its weight would be too much for him, and the pitiless +stone would come thundering down again on to the plain. Then he would +begin trying to push it up hill again, and the sweat ran off him and +the steam rose after him. + +"After him I saw mighty Hercules, but it was his phantom only, for he +is feasting ever with the immortal gods, and has lovely Hebe to wife, +who is daughter of Jove and Juno. The ghosts were screaming round him +like scared birds flying all whithers. He looked black as night with +his bare bow in his hands and his arrow on the string, glaring around +as though ever on the point of taking aim. About his breast there was a +wondrous golden belt adorned in the most marvellous fashion with bears, +wild boars, and lions with gleaming eyes; there was also war, battle, +and death. The man who made that belt, do what he might, would never be +able to make another like it. Hercules knew me at once when he saw me, +and spoke piteously, saying, 'My poor Ulysses, noble son of Laertes, +are you too leading the same sorry kind of life that I did when I was +above ground? I was son of Jove, but I went through an infinity of +suffering, for I became bondsman to one who was far beneath me—a low +fellow who set me all manner of labours. He once sent me here to fetch +the hell-hound—for he did not think he could find anything harder for +me than this, but I got the hound out of Hades and brought him to him, +for Mercury and Minerva helped me.' + +"On this Hercules went down again into the house of Hades, but I stayed +where I was in case some other of the mighty dead should come to me. +And I should have seen still other of them that are gone before, whom I +would fain have seen—Theseus and Pirithous—glorious children of the +gods, but so many thousands of ghosts came round me and uttered such +appalling cries, that I was panic stricken lest Proserpine should send +up from the house of Hades the head of that awful monster Gorgon. On +this I hastened back to my ship and ordered my men to go on board at +once and loose the hawsers; so they embarked and took their places, +whereon the ship went down the stream of the river Oceanus. We had to +row at first, but presently a fair wind sprang up. + + + + +BOOK XII + + +THE SIRENS, SCYLLA AND CHARYBDIS, THE CATTLE OF THE SUN. + + +"After we were clear of the river Oceanus, and had got out into the +open sea, we went on till we reached the Aeaean island where there is +dawn and sun-rise as in other places. We then drew our ship on to the +sands and got out of her on to the shore, where we went to sleep and +waited till day should break. + +"Then, when the child of morning, rosy-fingered Dawn, appeared, I sent +some men to Circe's house to fetch the body of Elpenor. We cut firewood +from a wood where the headland jutted out into the sea, and after we +had wept over him and lamented him we performed his funeral rites. When +his body and armour had been burned to ashes, we raised a cairn, set a +stone over it, and at the top of the cairn we fixed the oar that he had +been used to row with. + +"While we were doing all this, Circe, who knew that we had got back +from the house of Hades, dressed herself and came to us as fast as she +could; and her maid servants came with her bringing us bread, meat, and +wine. Then she stood in the midst of us and said, 'You have done a bold +thing in going down alive to the house of Hades, and you will have died +twice, to other people's once; now, then, stay here for the rest of the +day, feast your fill, and go on with your voyage at daybreak tomorrow +morning. In the meantime I will tell Ulysses about your course, and +will explain everything to him so as to prevent your suffering from +misadventure either by land or sea.' + +"We agreed to do as she had said, and feasted through the livelong day +to the going down of the sun, but when the sun had set and it came on +dark, the men laid themselves down to sleep by the stern cables of the +ship. Then Circe took me by the hand and bade me be seated away from +the others, while she reclined by my side and asked me all about our +adventures. + +"'So far so good,' said she, when I had ended my story, 'and now pay +attention to what I am about to tell you—heaven itself, indeed, will +recall it to your recollection. First you will come to the Sirens who +enchant all who come near them. If any one unwarily draws in too close +and hears the singing of the Sirens, his wife and children will never +welcome him home again, for they sit in a green field and warble him to +death with the sweetness of their song. There is a great heap of dead +men's bones lying all around, with the flesh still rotting off them. +Therefore pass these Sirens by, and stop your men's ears with wax that +none of them may hear; but if you like you can listen yourself, for you +may get the men to bind you as you stand upright on a cross piece half +way up the mast, and they must lash the rope's ends to the mast +itself, that you may have the pleasure of listening. If you beg and +pray the men to unloose you, then they must bind you faster. + +"'When your crew have taken you past these Sirens, I cannot give you +coherent directions as to which of two courses you are to take; I +will lay the two alternatives before you, and you must consider them +for yourself. On the one hand there are some overhanging rocks against +which the deep blue waves of Amphitrite beat with terrific fury; the +blessed gods call these rocks the Wanderers. Here not even a bird may +pass, no, not even the timid doves that bring ambrosia to Father Jove, +but the sheer rock always carries off one of them, and Father Jove has +to send another to make up their number; no ship that ever yet came to +these rocks has got away again, but the waves and whirlwinds of fire +are freighted with wreckage and with the bodies of dead men. The only +vessel that ever sailed and got through, was the famous Argo on her way +from the house of Aetes, and she too would have gone against these +great rocks, only that Juno piloted her past them for the love she bore +to Jason. + +"'Of these two rocks the one reaches heaven and its peak is lost in a +dark cloud. This never leaves it, so that the top is never clear not +even in summer and early autumn. No man though he had twenty hands and +twenty feet could get a foothold on it and climb it, for it runs sheer +up, as smooth as though it had been polished. In the middle of it there +is a large cavern, looking West and turned towards Erebus; you must +take your ship this way, but the cave is so high up that not even the +stoutest archer could send an arrow into it. Inside it Scylla sits and +yelps with a voice that you might take to be that of a young hound, but +in truth she is a dreadful monster and no one—not even a god—could face +her without being terror-struck. She has twelve mis-shapen feet, and +six necks of the most prodigious length; and at the end of each neck +she has a frightful head with three rows of teeth in each, all set very +close together, so that they would crunch any one to death in a moment, +and she sits deep within her shady cell thrusting out her heads and +peering all round the rock, fishing for dolphins or dogfish or any +larger monster that she can catch, of the thousands with which +Amphitrite teems. No ship ever yet got past her without losing some +men, for she shoots out all her heads at once, and carries off a man in +each mouth. + +"'You will find the other rock lie lower, but they are so close +together that there is not more than a bow-shot between them. [A large +fig tree in full leaf grows upon it], and under it lies the sucking +whirlpool of Charybdis. Three times in the day does she vomit forth her +waters, and three times she sucks them down again; see that you be not +there when she is sucking, for if you are, Neptune himself could not +save you; you must hug the Scylla side and drive ship by as fast as you +can, for you had better lose six men than your whole crew.' + +"'Is there no way,' said I, 'of escaping Charybdis, and at the same +time keeping Scylla off when she is trying to harm my men?' + +"'You dare devil,' replied the goddess, 'you are always wanting to +fight somebody or something; you will not let yourself be beaten even +by the immortals. For Scylla is not mortal; moreover she is savage, +extreme, rude, cruel and invincible. There is no help for it; your best +chance will be to get by her as fast as ever you can, for if you dawdle +about her rock while you are putting on your armour, she may catch you +with a second cast of her six heads, and snap up another half dozen of +your men; so drive your ship past her at full speed, and roar out +lustily to Crataiis who is Scylla's dam, bad luck to her; she will then +stop her from making a second raid upon you.' + +"'You will now come to the Thrinacian island, and here you will see +many herds of cattle and flocks of sheep belonging to the sun-god—seven +herds of cattle and seven flocks of sheep, with fifty head in each +flock. They do not breed, nor do they become fewer in number, and they +are tended by the goddesses Phaethusa and Lampetie, who are children of +the sun-god Hyperion by Neaera. Their mother when she had borne them +and had done suckling them sent them to the Thrinacian island, which +was a long way off, to live there and look after their father's flocks +and herds. If you leave these flocks unharmed, and think of nothing but +getting home, you may yet after much hardship reach Ithaca; but if you +harm them, then I forewarn you of the destruction both of your ship and +of your comrades; and even though you may yourself escape, you will +return late, in bad plight, after losing all your men.' + +"Here she ended, and dawn enthroned in gold began to show in heaven, +whereon she returned inland. I then went on board and told my men to +loose the ship from her moorings; so they at once got into her, took +their places, and began to smite the grey sea with their oars. +Presently the great and cunning goddess Circe befriended us with a fair +wind that blew dead aft, and staid steadily with us, keeping our sails +well filled, so we did whatever wanted doing to the ship's gear, and +let her go as wind and helmsman headed her. + +"Then, being much troubled in mind, I said to my men, 'My friends, it +is not right that one or two of us alone should know the prophecies +that Circe has made me, I will therefore tell you about them, so that +whether we live or die we may do so with our eyes open. First she said +we were to keep clear of the Sirens, who sit and sing most beautifully +in a field of flowers; but she said I might hear them myself so long as +no one else did. Therefore, take me and bind me to the crosspiece half +way up the mast; bind me as I stand upright, with a bond so fast that I +cannot possibly break away, and lash the rope's ends to the mast +itself. If I beg and pray you to set me free, then bind me more tightly +still.' + +"I had hardly finished telling everything to the men before we reached +the island of the two Sirens, for the wind had been very favourable. +Then all of a sudden it fell dead calm; there was not a breath of wind +nor a ripple upon the water, so the men furled the sails and stowed +them; then taking to their oars they whitened the water with the foam +they raised in rowing. Meanwhile I look a large wheel of wax and cut it +up small with my sword. Then I kneaded the wax in my strong hands till +it became soft, which it soon did between the kneading and the rays of +the sun-god son of Hyperion. Then I stopped the ears of all my men, and +they bound me hands and feet to the mast as I stood upright on the +cross piece; but they went on rowing themselves. When we had got within +earshot of the land, and the ship was going at a good rate, the Sirens +saw that we were getting in shore and began with their singing. + +"'Come here,' they sang, 'renowned Ulysses, honour to the Achaean name, +and listen to our two voices. No one ever sailed past us without +staying to hear the enchanting sweetness of our song—and he who listens +will go on his way not only charmed, but wiser, for we know all the +ills that the gods laid upon the Argives and Trojans before Troy, and +can tell you everything that is going to happen over the whole world.' + +"They sang these words most musically, and as I longed to hear them +further I made signs by frowning to my men that they should set me +free; but they quickened their stroke, and Eurylochus and Perimedes +bound me with still stronger bonds till we had got out of hearing of +the Sirens' voices. Then my men took the wax from their ears and +unbound me. + +"Immediately after we had got past the island I saw a great wave from +which spray was rising, and I heard a loud roaring sound. The men were +so frightened that they loosed hold of their oars, for the whole sea +resounded with the rushing of the waters, but the ship stayed where +it was, for the men had left off rowing. I went round, therefore, and +exhorted them man by man not to lose heart. + +"'My friends,' said I, 'this is not the first time that we have been in +danger, and we are in nothing like so bad a case as when the Cyclops +shut us up in his cave; nevertheless, my courage and wise counsel saved +us then, and we shall live to look back on all this as well. Now, +therefore, let us all do as I say, trust in Jove and row on with might +and main. As for you, coxswain, these are your orders; attend to them, +for the ship is in your hands; turn her head away from these steaming +rapids and hug the rock, or she will give you the slip and be over +yonder before you know where you are, and you will be the death of us.' + +"So they did as I told them; but I said nothing about the awful monster +Scylla, for I knew the men would not go on rowing if I did, but would +huddle together in the hold. In one thing only did I disobey Circe's +strict instructions—I put on my armour. Then seizing two strong spears +I took my stand on the ship's bows, for it was there that I expected +first to see the monster of the rock, who was to do my men so much +harm; but I could not make her out anywhere, though I strained my eyes +with looking the gloomy rock all over and over. + +"Then we entered the Straits in great fear of mind, for on the one hand +was Scylla, and on the other dread Charybdis kept sucking up the salt +water. As she vomited it up, it was like the water in a cauldron when +it is boiling over upon a great fire, and the spray reached the top of +the rocks on either side. When she began to suck again, we could see +the water all inside whirling round and round, and it made a deafening +sound as it broke against the rocks. We could see the bottom of the +whirlpool all black with sand and mud, and the men were at their wits +ends for fear. While we were taken up with this, and were expecting +each moment to be our last, Scylla pounced down suddenly upon us and +snatched up my six best men. I was looking at once after both ship and +men, and in a moment I saw their hands and feet ever so high above me, +struggling in the air as Scylla was carrying them off, and I heard them +call out my name in one last despairing cry. As a fisherman, seated, +spear in hand, upon some jutting rock throws bait into the water to +deceive the poor little fishes, and spears them with the ox's horn with +which his spear is shod, throwing them gasping on to the land as he +catches them one by one—even so did Scylla land these panting creatures +on her rock and munch them up at the mouth of her den, while they +screamed and stretched out their hands to me in their mortal agony. +This was the most sickening sight that I saw throughout all my voyages. + +"When we had passed the [Wandering] rocks, with Scylla and terrible +Charybdis, we reached the noble island of the sun-god, where were the +goodly cattle and sheep belonging to the sun Hyperion. While still at +sea in my ship I could bear the cattle lowing as they came home to the +yards, and the sheep bleating. Then I remembered what the blind Theban +prophet Teiresias had told me, and how carefully Aeaean Circe had +warned me to shun the island of the blessed sun-god. So being much +troubled I said to the men, 'My men, I know you are hard pressed, but +listen while I tell you the prophecy that Teiresias made me, and how +carefully Aeaean Circe warned me to shun the island of the blessed +sun-god, for it was here, she said, that our worst danger would lie. +Head the ship, therefore, away from the island.' + +"The men were in despair at this, and Eurylochus at once gave me an +insolent answer. 'Ulysses,' said he, 'you are cruel; you are very +strong yourself and never get worn out; you seem to be made of iron, +and now, though your men are exhausted with toil and want of sleep, you +will not let them land and cook themselves a good supper upon this +island, but bid them put out to sea and go faring fruitlessly on +through the watches of the flying night. It is by night that the winds +blow hardest and do so much damage; how can we escape should one of +those sudden squalls spring up from South West or West, which so often +wreck a vessel when our lords the gods are unpropitious? Now, +therefore, let us obey the behests of night and prepare our supper here +hard by the ship; to-morrow morning we will go on board again and put +out to sea.' + +"Thus spoke Eurylochus, and the men approved his words. I saw that +heaven meant us a mischief and said, 'You force me to yield, for you +are many against one, but at any rate each one of you must take his +solemn oath that if he meet with a herd of cattle or a large flock of +sheep, he will not be so mad as to kill a single head of either, but +will be satisfied with the food that Circe has given us.' + +"They all swore as I bade them, and when they had completed their oath +we made the ship fast in a harbour that was near a stream of fresh +water, and the men went ashore and cooked their suppers. As soon as +they had had enough to eat and drink, they began talking about their +poor comrades whom Scylla had snatched up and eaten; this set them +weeping and they went on crying till they fell off into a sound sleep. + +"In the third watch of the night when the stars had shifted their +places, Jove raised a great gale of wind that flew a hurricane so that +land and sea were covered with thick clouds, and night sprang forth out +of the heavens. When the child of morning, rosy-fingered Dawn, +appeared, we brought the ship to land and drew her into a cave wherein +the sea-nymphs hold their courts and dances, and I called the men +together in council. + +"'My friends,' said I, 'we have meat and drink in the ship, let us +mind, therefore, and not touch the cattle, or we shall suffer for it; +for these cattle and sheep belong to the mighty sun, who sees and gives +ear to everything.' And again they promised that they would obey. + +"For a whole month the wind blew steadily from the South, and there was +no other wind, but only South and East. As long as corn and wine +held out the men did not touch the cattle when they were hungry; when, +however, they had eaten all there was in the ship, they were forced to +go further afield, with hook and line, catching birds, and taking +whatever they could lay their hands on; for they were starving. One +day, therefore, I went up inland that I might pray heaven to show me +some means of getting away. When I had gone far enough to be clear of +all my men, and had found a place that was well sheltered from the +wind, I washed my hands and prayed to all the gods in Olympus till by +and by they sent me off into a sweet sleep. + +"Meanwhile Eurylochus had been giving evil counsel to the men, 'Listen +to me,' said he, 'my poor comrades. All deaths are bad enough but there +is none so bad as famine. Why should not we drive in the best of these +cows and offer them in sacrifice to the immortal gods? If we ever get +back to Ithaca, we can build a fine temple to the sun-god and enrich it +with every kind of ornament; if, however, he is determined to sink our +ship out of revenge for these horned cattle, and the other gods are of +the same mind, I for one would rather drink salt water once for all and +have done with it, than be starved to death by inches in such a desert +island as this is.' + +"Thus spoke Eurylochus, and the men approved his words. Now the cattle, +so fair and goodly, were feeding not far from the ship; the men, +therefore, drove in the best of them, and they all stood round them +saying their prayers, and using young oak-shoots instead of +barley-meal, for there was no barley left. When they had done praying +they killed the cows and dressed their carcasses; they cut out the +thigh bones, wrapped them round in two layers of fat, and set some +pieces of raw meat on top of them. They had no wine with which to make +drink-offerings over the sacrifice while it was cooking, so they kept +pouring on a little water from time to time while the inward meats were +being grilled; then, when the thigh bones were burned and they had +tasted the inward meats, they cut the rest up small and put the pieces +upon the spits. + +"By this time my deep sleep had left me, and I turned back to the ship +and to the sea shore. As I drew near I began to smell hot roast meat, +so I groaned out a prayer to the immortal gods. 'Father Jove,' I +exclaimed, 'and all you other gods who live in everlasting bliss, you +have done me a cruel mischief by the sleep into which you have sent me; +see what fine work these men of mine have been making in my absence.' + +"Meanwhile Lampetie went straight off to the sun and told him we had +been killing his cows, whereon he flew into a great rage, and said to +the immortals, 'Father Jove, and all you other gods who live in +everlasting bliss, I must have vengeance on the crew of Ulysses' ship: +they have had the insolence to kill my cows, which were the one thing I +loved to look upon, whether I was going up heaven or down again. If +they do not square accounts with me about my cows, I will go down to +Hades and shine there among the dead.' + +"'Sun,' said Jove, 'go on shining upon us gods and upon mankind over +the fruitful earth. I will shiver their ship into little pieces with a +bolt of white lightning as soon as they get out to sea.' + +"I was told all this by Calypso, who said she had heard it from the +mouth of Mercury. + +"As soon as I got down to my ship and to the sea shore I rebuked each +one of the men separately, but we could see no way out of it, for the +cows were dead already. And indeed the gods began at once to show signs +and wonders among us, for the hides of the cattle crawled about, and +the joints upon the spits began to low like cows, and the meat, whether +cooked or raw, kept on making a noise just as cows do. + +"For six days my men kept driving in the best cows and feasting upon +them, but when Jove the son of Saturn had added a seventh day, the fury +of the gale abated; we therefore went on board, raised our masts, +spread sail, and put out to sea. As soon as we were well away from the +island, and could see nothing but sky and sea, the son of Saturn raised +a black cloud over our ship, and the sea grew dark beneath it. We did +not get on much further, for in another moment we were caught by a +terrific squall from the West that snapped the forestays of the mast so +that it fell aft, while all the ship's gear tumbled about at the bottom +of the vessel. The mast fell upon the head of the helmsman in the +ship's stern, so that the bones of his head were crushed to pieces, and +he fell overboard as though he were diving, with no more life left in +him. + +"Then Jove let fly with his thunderbolts, and the ship went round and +round, and was filled with fire and brimstone as the lightning struck +it. The men all fell into the sea; they were carried about in the water +round the ship, looking like so many sea-gulls, but the god presently +deprived them of all chance of getting home again. + +"I stuck to the ship till the sea knocked her sides from her keel +(which drifted about by itself) and struck the mast out of her in the +direction of the keel; but there was a backstay of stout ox-thong still +hanging about it, and with this I lashed the mast and keel together, +and getting astride of them was carried wherever the winds chose to +take me. + +"[The gale from the West had now spent its force, and the wind got into +the South again, which frightened me lest I should be taken back to the +terrible whirlpool of Charybdis. This indeed was what actually +happened, for I was borne along by the waves all night, and by sunrise +had reached the rock of Scylla, and the whirlpool. She was then sucking +down the salt sea water, but I was carried aloft toward the fig +tree, which I caught hold of and clung on to like a bat. I could not +plant my feet anywhere so as to stand securely, for the roots were a +long way off and the boughs that overshadowed the whole pool were too +high, too vast, and too far apart for me to reach them; so I hung +patiently on, waiting till the pool should discharge my mast and raft +again—and a very long while it seemed. A jury-man is not more glad to +get home to supper, after having been long detained in court by +troublesome cases, than I was to see my raft beginning to work its way +out of the whirlpool again. At last I let go with my hands and feet, +and fell heavily into the sea, hard by my raft on to which I then got, +and began to row with my hands. As for Scylla, the father of gods and +men would not let her get further sight of me—otherwise I should have +certainly been lost. + +"Hence I was carried along for nine days till on the tenth night the +gods stranded me on the Ogygian island, where dwells the great and +powerful goddess Calypso. She took me in and was kind to me, but I need +say no more about this, for I told you and your noble wife all about it +yesterday, and I hate saying the same thing over and over again." + + + + +BOOK XIII + + +ULYSSES LEAVES SCHERIA AND RETURNS TO ITHACA. + + +Thus did he speak, and they all held their peace throughout the covered +cloister, enthralled by the charm of his story, till presently Alcinous +began to speak. + +"Ulysses," said he, "now that you have reached my house I doubt not you +will get home without further misadventure no matter how much you have +suffered in the past. To you others, however, who come here night after +night to drink my choicest wine and listen to my bard, I would insist +as follows. Our guest has already packed up the clothes, wrought +gold, and other valuables which you have brought for his acceptance; +let us now, therefore, present him further, each one of us, with a +large tripod and a cauldron. We will recoup ourselves by the levy of a +general rate; for private individuals cannot be expected to bear the +burden of such a handsome present." + +Every one approved of this, and then they went home to bed each in his +own abode. When the child of morning, rosy-fingered Dawn, appeared they +hurried down to the ship and brought their cauldrons with them. +Alcinous went on board and saw everything so securely stowed under the +ship's benches that nothing could break adrift and injure the rowers. +Then they went to the house of Alcinous to get dinner, and he +sacrificed a bull for them in honour of Jove who is the lord of all. +They set the steaks to grill and made an excellent dinner, after which +the inspired bard, Demodocus, who was a favourite with every one, sang +to them; but Ulysses kept on turning his eyes towards the sun, as +though to hasten his setting, for he was longing to be on his way. As +one who has been all day ploughing a fallow field with a couple of oxen +keeps thinking about his supper and is glad when night comes that he +may go and get it, for it is all his legs can do to carry him, even so +did Ulysses rejoice when the sun went down, and he at once said to the +Phaeacians, addressing himself more particularly to King Alcinous: + +"Sir, and all of you, farewell. Make your drink-offerings and send me +on my way rejoicing, for you have fulfilled my heart's desire by giving +me an escort, and making me presents, which heaven grant that I may +turn to good account; may I find my admirable wife living in peace +among friends, and may you whom I leave behind me give satisfaction +to your wives and children; may heaven vouchsafe you every good +grace, and may no evil thing come among your people." + +Thus did he speak. His hearers all of them approved his saying and +agreed that he should have his escort inasmuch as he had spoken +reasonably. Alcinous therefore said to his servant, "Pontonous, mix +some wine and hand it round to everybody, that we may offer a prayer to +father Jove, and speed our guest upon his way." + +Pontonous mixed the wine and handed it to every one in turn; the others +each from his own seat made a drink-offering to the blessed gods that +live in heaven, but Ulysses rose and placed the double cup in the hands +of queen Arete. + +"Farewell, queen," said he, "henceforward and for ever, till age and +death, the common lot of mankind, lay their hands upon you. I now take +my leave; be happy in this house with your children, your people, and +with king Alcinous." + +As he spoke he crossed the threshold, and Alcinous sent a man to +conduct him to his ship and to the sea shore. Arete also sent some +maidservants with him—one with a clean shirt and cloak, another to +carry his strong box, and a third with corn and wine. When they got to +the water side the crew took these things and put them on board, with +all the meat and drink; but for Ulysses they spread a rug and a linen +sheet on deck that he might sleep soundly in the stern of the ship. +Then he too went on board and lay down without a word, but the crew +took every man his place and loosed the hawser from the pierced stone +to which it had been bound. Thereon, when they began rowing out to sea, +Ulysses fell into a deep, sweet, and almost deathlike slumber. + +The ship bounded forward on her way as a four in hand chariot flies +over the course when the horses feel the whip. Her prow curvetted as it +were the neck of a stallion, and a great wave of dark blue water +seethed in her wake. She held steadily on her course, and even a +falcon, swiftest of all birds, could not have kept pace with her. Thus, +then, she cut her way through the water, carrying one who was as +cunning as the gods, but who was now sleeping peacefully, forgetful of +all that he had suffered both on the field of battle and by the waves +of the weary sea. + +When the bright star that heralds the approach of dawn began to show, +the ship drew near to land. Now there is in Ithaca a haven of the +old merman Phorcys, which lies between two points that break the line +of the sea and shut the harbour in. These shelter it from the storms of +wind and sea that rage outside, so that, when once within it, a ship +may lie without being even moored. At the head of this harbour there is +a large olive tree, and at no great distance a fine overarching cavern +sacred to the nymphs who are called Naiads. There are mixing bowls +within it and wine-jars of stone, and the bees hive there. Moreover, +there are great looms of stone on which the nymphs weave their robes of +sea purple—very curious to see—and at all times there is water within +it. It has two entrances, one facing North by which mortals can go down +into the cave, while the other comes from the South and is more +mysterious; mortals cannot possibly get in by it, it is the way taken +by the gods. + +Into this harbour, then, they took their ship, for they knew the +place. She had so much way upon her that she ran half her own length +on to the shore; when, however, they had landed, the first thing +they did was to lift Ulysses with his rug and linen sheet out of the +ship, and lay him down upon the sand still fast asleep. Then they took +out the presents which Minerva had persuaded the Phaeacians to give him +when he was setting out on his voyage homewards. They put these all +together by the root of the olive tree, away from the road, for fear +some passer by might come and steal them before Ulysses awoke; and +then they made the best of their way home again. + +But Neptune did not forget the threats with which he had already +threatened Ulysses, so he took counsel with Jove. "Father Jove," said +he, "I shall no longer be held in any sort of respect among you gods, +if mortals like the Phaeacians, who are my own flesh and blood, show +such small regard for me. I said I would let Ulysses get home when he +had suffered sufficiently. I did not say that he should never get home +at all, for I knew you had already nodded your head about it, and +promised that he should do so; but now they have brought him in a ship +fast asleep and have landed him in Ithaca after loading him with more +magnificent presents of bronze, gold, and raiment than he would ever +have brought back from Troy, if he had had his share of the spoil and +got home without misadventure." + +And Jove answered, "What, O Lord of the Earthquake, are you talking +about? The gods are by no means wanting in respect for you. It would be +monstrous were they to insult one so old and honoured as you are. As +regards mortals, however, if any of them is indulging in insolence and +treating you disrespectfully, it will always rest with yourself to deal +with him as you may think proper, so do just as you please." + +"I should have done so at once," replied Neptune, "if I were not +anxious to avoid anything that might displease you; now, therefore, I +should like to wreck the Phaeacian ship as it is returning from its +escort. This will stop them from escorting people in future; and I +should also like to bury their city under a huge mountain." + +"My good friend," answered Jove, "I should recommend you at the very +moment when the people from the city are watching the ship on her way, +to turn it into a rock near the land and looking like a ship. This will +astonish everybody, and you can then bury their city under the +mountain." + +When earth-encircling Neptune heard this he went to Scheria where the +Phaeacians live, and stayed there till the ship, which was making rapid +way, had got close in. Then he went up to it, turned it into stone, and +drove it down with the flat of his hand so as to root it in the ground. +After this he went away. + +The Phaeacians then began talking among themselves, and one would turn +towards his neighbour, saying, "Bless my heart, who is it that can have +rooted the ship in the sea just as she was getting into port? We could +see the whole of her only a moment ago." + +This was how they talked, but they knew nothing about it; and Alcinous +said, "I remember now the old prophecy of my father. He said that +Neptune would be angry with us for taking every one so safely over the +sea, and would one day wreck a Phaeacian ship as it was returning from +an escort, and bury our city under a high mountain. This was what my +old father used to say, and now it is all coming true. Now therefore +let us all do as I say; in the first place we must leave off giving +people escorts when they come here, and in the next let us sacrifice +twelve picked bulls to Neptune that he may have mercy upon us, and not +bury our city under the high mountain." When the people heard this they +were afraid and got ready the bulls. + +Thus did the chiefs and rulers of the Phaeacians pray to king Neptune, +standing round his altar; and at the same time Ulysses woke up once +more upon his own soil. He had been so long away that he did not know +it again; moreover, Jove's daughter Minerva had made it a foggy day, so +that people might not know of his having come, and that she might tell +him everything without either his wife or his fellow citizens and +friends recognising him until he had taken his revenge upon the +wicked suitors. Everything, therefore, seemed quite different to +him—the long straight tracks, the harbours, the precipices, and the +goodly trees, appeared all changed as he started up and looked upon his +native land. So he smote his thighs with the flat of his hands and +cried aloud despairingly. + +"Alas," he exclaimed, "among what manner of people am I fallen? Are +they savage and uncivilised or hospitable and humane? Where shall I put +all this treasure, and which way shall I go? I wish I had staid over +there with the Phaeacians; or I could have gone to some other great +chief who would have been good to me and given me an escort. As it is I +do not know where to put my treasure, and I cannot leave it here for +fear somebody else should get hold of it. In good truth the chiefs and +rulers of the Phaeacians have not been dealing fairly by me, and have +left me in the wrong country; they said they would take me back to +Ithaca and they have not done so: may Jove the protector of suppliants +chastise them, for he watches over everybody and punishes those who do +wrong. Still, I suppose I must count my goods and see if the crew have +gone off with any of them." + +He counted his goodly coppers and cauldrons, his gold and all his +clothes, but there was nothing missing; still he kept grieving about +not being in his own country, and wandered up and down by the shore of +the sounding sea bewailing his hard fate. Then Minerva came up to him +disguised as a young shepherd of delicate and princely mien, with a +good cloak folded double about her shoulders; she had sandals on her +comely feet and held a javelin in her hand. Ulysses was glad when he +saw her, and went straight up to her. + +"My friend," said he, "you are the first person whom I have met with in +this country; I salute you, therefore, and beg you to be well disposed +towards me. Protect these my goods, and myself too, for I embrace your +knees and pray to you as though you were a god. Tell me, then, and tell +me truly, what land and country is this? Who are its inhabitants? Am I +on an island, or is this the sea board of some continent?" + +Minerva answered, "Stranger, you must be very simple, or must have come +from somewhere a long way off, not to know what country this is. It is +a very celebrated place, and everybody knows it East and West. It is +rugged and not a good driving country, but it is by no means a bad +island for what there is of it. It grows any quantity of corn and also +wine, for it is watered both by rain and dew; it breeds cattle also and +goats; all kinds of timber grow here, and there are watering places +where the water never runs dry; so, sir, the name of Ithaca is known +even as far as Troy, which I understand to be a long way off from this +Achaean country." + +Ulysses was glad at finding himself, as Minerva told him, in his own +country, and he began to answer, but he did not speak the truth, and +made up a lying story in the instinctive wiliness of his heart. + +"I heard of Ithaca," said he, "when I was in Crete beyond the seas, and +now it seems I have reached it with all these treasures. I have left as +much more behind me for my children, but am flying because I killed +Orsilochus son of Idomeneus, the fleetest runner in Crete. I killed him +because he wanted to rob me of the spoils I had got from Troy with so +much trouble and danger both on the field of battle and by the waves of +the weary sea; he said I had not served his father loyally at Troy as +vassal, but had set myself up as an independent ruler, so I lay in wait +for him with one of my followers by the road side, and speared him as +he was coming into town from the country. It was a very dark night and +nobody saw us; it was not known, therefore, that I had killed him, but +as soon as I had done so I went to a ship and besought the owners, who +were Phoenicians, to take me on board and set me in Pylos or in Elis +where the Epeans rule, giving them as much spoil as satisfied them. +They meant no guile, but the wind drove them off their course, and we +sailed on till we came hither by night. It was all we could do to get +inside the harbour, and none of us said a word about supper though we +wanted it badly, but we all went on shore and lay down just as we were. +I was very tired and fell asleep directly, so they took my goods out of +the ship, and placed them beside me where I was lying upon the sand. +Then they sailed away to Sidonia, and I was left here in great distress +of mind." + +Such was his story, but Minerva smiled and caressed him with her hand. +Then she took the form of a woman, fair, stately, and wise, "He must be +indeed a shifty lying fellow," said she, "who could surpass you in all +manner of craft even though you had a god for your antagonist. Dare +devil that you are, full of guile, unwearying in deceit, can you not +drop your tricks and your instinctive falsehood, even now that you are +in your own country again? We will say no more, however, about this, +for we can both of us deceive upon occasion—you are the most +accomplished counsellor and orator among all mankind, while I for +diplomacy and subtlety have no equal among the gods. Did you not know +Jove's daughter Minerva—me, who have been ever with you, who kept watch +over you in all your troubles, and who made the Phaeacians take so +great a liking to you? And now, again, I am come here to talk things +over with you, and help you to hide the treasure I made the Phaeacians +give you; I want to tell you about the troubles that await you in your +own house; you have got to face them, but tell no one, neither man nor +woman, that you have come home again. Bear everything, and put up with +every man's insolence, without a word." + +And Ulysses answered, "A man, goddess, may know a great deal, but you +are so constantly changing your appearance that when he meets you it is +a hard matter for him to know whether it is you or not. This much, +however, I know exceedingly well; you were very kind to me as long as +we Achaeans were fighting before Troy, but from the day on which we +went on board ship after having sacked the city of Priam, and heaven +dispersed us—from that day, Minerva, I saw no more of you, and cannot +ever remember your coming to my ship to help me in a difficulty; I had +to wander on sick and sorry till the gods delivered me from evil and I +reached the city of the Phaeacians, where you encouraged me and took me +into the town. And now, I beseech you in your father's name, tell me +the truth, for I do not believe I am really back in Ithaca. I am in +some other country and you are mocking me and deceiving me in all you +have been saying. Tell me then truly, have I really got back to my own +country?" + +"You are always taking something of that sort in your head," replied +Minerva, "and that is why I cannot desert you in your afflictions; you +are so plausible, shrewd and shifty. Any one but yourself on returning +from so long a voyage would at once have gone home to see his wife and +children, but you do not seem to care about asking after them or +hearing any news about them till you have exploited your wife, who +remains at home vainly grieving for you, and having no peace night or +day for the tears she sheds on your behalf. As for my not coming near +you, I was never uneasy about you, for I was certain you would get back +safely though you would lose all your men, and I did not wish to +quarrel with my uncle Neptune, who never forgave you for having blinded +his son. I will now, however, point out to you the lie of the land, +and you will then perhaps believe me. This is the haven of the old +merman Phorcys, and here is the olive tree that grows at the head of +it; [near it is the cave sacred to the Naiads; here too is the +overarching cavern in which you have offered many an acceptable +hecatomb to the nymphs, and this is the wooded mountain Neritum." + +As she spoke the goddess dispersed the mist and the land appeared. Then +Ulysses rejoiced at finding himself again in his own land, and kissed +the bounteous soil; he lifted up his hands and prayed to the nymphs, +saying, "Naiad nymphs, daughters of Jove, I made sure that I was never +again to see you, now therefore I greet you with all loving +salutations, and I will bring you offerings as in the old days, if +Jove's redoubtable daughter will grant me life, and bring my son to +manhood." + +"Take heart, and do not trouble yourself about that," rejoined Minerva, +"let us rather set about stowing your things at once in the cave, where +they will be quite safe. Let us see how we can best manage it all." + +Therewith she went down into the cave to look for the safest hiding +places, while Ulysses brought up all the treasure of gold, bronze, and +good clothing which the Phaeacians had given him. They stowed +everything carefully away, and Minerva set a stone against the door of +the cave. Then the two sat down by the root of the great olive, and +consulted how to compass the destruction of the wicked suitors. + +"Ulysses," said Minerva, "noble son of Laertes, think how you can lay +hands on these disreputable people who have been lording it in your +house these three years, courting your wife and making wedding presents +to her, while she does nothing but lament your absence, giving hope and +sending encouraging messages to every one of them, but meaning the +very opposite of all she says." + +And Ulysses answered, "In good truth, goddess, it seems I should have +come to much the same bad end in my own house as Agamemnon did, if you +had not given me such timely information. Advise me how I shall best +avenge myself. Stand by my side and put your courage into my heart as +on the day when we loosed Troy's fair diadem from her brow. Help me now +as you did then, and I will fight three hundred men, if you, goddess, +will be with me." + +"Trust me for that," said she, "I will not lose sight of you when once +we set about it, and I imagine that some of those who are devouring +your substance will then bespatter the pavement with their blood and +brains. I will begin by disguising you so that no human being shall +know you; I will cover your body with wrinkles; you shall lose all your +yellow hair; I will clothe you in a garment that shall fill all who see +it with loathing; I will blear your fine eyes for you, and make you an +unseemly object in the sight of the suitors, of your wife, and of the +son whom you left behind you. Then go at once to the swineherd who is +in charge of your pigs; he has been always well affected towards you, +and is devoted to Penelope and your son; you will find him feeding his +pigs near the rock that is called Raven by the fountain Arethusa, +where they are fattening on beechmast and spring water after their +manner. Stay with him and find out how things are going, while I +proceed to Sparta and see your son, who is with Menelaus at Lacedaemon, +where he has gone to try and find out whether you are still alive." + +"But why," said Ulysses, "did you not tell him, for you knew all about +it? Did you want him too to go sailing about amid all kinds of hardship +while others are eating up his estate?" + +Minerva answered, "Never mind about him, I sent him that he might be +well spoken of for having gone. He is in no sort of difficulty, but is +staying quite comfortably with Menelaus, and is surrounded with +abundance of every kind. The suitors have put out to sea and are lying +in wait for him, for they mean to kill him before he can get home. I do +not much think they will succeed, but rather that some of those who are +now eating up your estate will first find a grave themselves." + +As she spoke Minerva touched him with her wand and covered him with +wrinkles, took away all his yellow hair, and withered the flesh over +his whole body; she bleared his eyes, which were naturally very fine +ones; she changed his clothes and threw an old rag of a wrap about him, +and a tunic, tattered, filthy, and begrimed with smoke; she also gave +him an undressed deer skin as an outer garment, and furnished him with +a staff and a wallet all in holes, with a twisted thong for him to +sling it over his shoulder. + +When the pair had thus laid their plans they parted, and the goddess +went straight to Lacedaemon to fetch Telemachus. + + + + +BOOK XIV + + +ULYSSES IN THE HUT WITH EUMAEUS. + + +Ulysses now left the haven, and took the rough track up through the +wooded country and over the crest of the mountain till he reached the +place where Minerva had said that he would find the swineherd, who was +the most thrifty servant he had. He found him sitting in front of his +hut, which was by the yards that he had built on a site which could be +seen from far. He had made them spacious and fair to see, with a +free run for the pigs all round them; he had built them during his +master's absence, of stones which he had gathered out of the ground, +without saying anything to Penelope or Laertes, and he had fenced them +on top with thorn bushes. Outside the yard he had run a strong fence of +oaken posts, split, and set pretty close together, while inside he had +built twelve styes near one another for the sows to lie in. There were +fifty pigs wallowing in each stye, all of them breeding sows; but the +boars slept outside and were much fewer in number, for the suitors kept +on eating them, and the swineherd had to send them the best he had +continually. There were three hundred and sixty boar pigs, and the +herdsman's four hounds, which were as fierce as wolves, slept always +with them. The swineherd was at that moment cutting out a pair of +sandals from a good stout ox hide. Three of his men were out herding +the pigs in one place or another, and he had sent the fourth to town +with a boar that he had been forced to send the suitors that they might +sacrifice it and have their fill of meat. + +When the hounds saw Ulysses they set up a furious barking and flew at +him, but Ulysses was cunning enough to sit down and loose his hold of +the stick that he had in his hand: still, he would have been torn by +them in his own homestead had not the swineherd dropped his ox hide, +rushed full speed through the gate of the yard and driven the dogs off +by shouting and throwing stones at them. Then he said to Ulysses, "Old +man, the dogs were likely to have made short work of you, and then you +would have got me into trouble. The gods have given me quite enough +worries without that, for I have lost the best of masters, and am in +continual grief on his account. I have to attend swine for other people +to eat, while he, if he yet lives to see the light of day, is starving +in some distant land. But come inside, and when you have had your fill +of bread and wine, tell me where you come from, and all about your +misfortunes." + +On this the swineherd led the way into the hut and bade him sit down. +He strewed a good thick bed of rushes upon the floor, and on the top of +this he threw the shaggy chamois skin—a great thick one—on which he +used to sleep by night. Ulysses was pleased at being made thus welcome, +and said "May Jove, sir, and the rest of the gods grant you your +heart's desire in return for the kind way in which you have received +me." + +To this you answered, O swineherd Eumaeus, "Stranger, though a still +poorer man should come here, it would not be right for me to insult +him, for all strangers and beggars are from Jove. You must take what +you can get and be thankful, for servants live in fear when they have +young lords for their masters; and this is my misfortune now, for +heaven has hindered the return of him who would have been always good +to me and given me something of my own—a house, a piece of land, a good +looking wife, and all else that a liberal master allows a servant who +has worked hard for him, and whose labour the gods have prospered as +they have mine in the situation which I hold. If my master had grown +old here he would have done great things by me, but he is gone, and I +wish that Helen's whole race were utterly destroyed, for she has been +the death of many a good man. It was this matter that took my master to +Ilius, the land of noble steeds, to fight the Trojans in the cause of +king Agamemnon." + +As he spoke he bound his girdle round him and went to the styes where +the young sucking pigs were penned. He picked out two which he brought +back with him and sacrificed. He singed them, cut them up, and spitted +them; when the meat was cooked he brought it all in and set it before +Ulysses, hot and still on the spit, whereon Ulysses sprinkled it over +with white barley meal. The swineherd then mixed wine in a bowl of +ivy-wood, and taking a seat opposite Ulysses told him to begin. + +"Fall to, stranger," said he, "on a dish of servant's pork. The fat +pigs have to go to the suitors, who eat them up without shame or +scruple; but the blessed gods love not such shameful doings, and +respect those who do what is lawful and right. Even the fierce +freebooters who go raiding on other people's land, and Jove gives them +their spoil—even they, when they have filled their ships and got home +again live conscience-stricken, and look fearfully for judgement; but +some god seems to have told these people that Ulysses is dead and gone; +they will not, therefore, go back to their own homes and make their +offers of marriage in the usual way, but waste his estate by force, +without fear or stint. Not a day or night comes out of heaven, but they +sacrifice not one victim nor two only, and they take the run of his +wine, for he was exceedingly rich. No other great man either in Ithaca +or on the mainland is as rich as he was; he had as much as twenty men +put together. I will tell you what he had. There are twelve herds of +cattle upon the main land, and as many flocks of sheep, there are also +twelve droves of pigs, while his own men and hired strangers feed him +twelve widely spreading herds of goats. Here in Ithaca he runs even +large flocks of goats on the far end of the island, and they are in the +charge of excellent goat herds. Each one of these sends the suitors the +best goat in the flock every day. As for myself, I am in charge of the +pigs that you see here, and I have to keep picking out the best I have +and sending it to them." + +This was his story, but Ulysses went on eating and drinking ravenously +without a word, brooding his revenge. When he had eaten enough and was +satisfied, the swineherd took the bowl from which he usually drank, +filled it with wine, and gave it to Ulysses, who was pleased, and said +as he took it in his hands, "My friend, who was this master of yours +that bought you and paid for you, so rich and so powerful as you tell +me? You say he perished in the cause of King Agamemnon; tell me who he +was, in case I may have met with such a person. Jove and the other gods +know, but I may be able to give you news of him, for I have travelled +much." + +Eumaeus answered, "Old man, no traveller who comes here with news will +get Ulysses' wife and son to believe his story. Nevertheless, tramps in +want of a lodging keep coming with their mouths full of lies, and not a +word of truth; every one who finds his way to Ithaca goes to my +mistress and tells her falsehoods, whereon she takes them in, makes +much of them, and asks them all manner of questions, crying all the +time as women will when they have lost their husbands. And you too, old +man, for a shirt and a cloak would doubtless make up a very pretty +story. But the wolves and birds of prey have long since torn Ulysses to +pieces, or the fishes of the sea have eaten him, and his bones are +lying buried deep in sand upon some foreign shore; he is dead and gone, +and a bad business it is for all his friends—for me especially; go +where I may I shall never find so good a master, not even if I were to +go home to my mother and father where I was bred and born. I do not so +much care, however, about my parents now, though I should dearly like +to see them again in my own country; it is the loss of Ulysses that +grieves me most; I cannot speak of him without reverence though he is +here no longer, for he was very fond of me, and took such care of me +that wherever he may be I shall always honour his memory." + +"My friend," replied Ulysses, "you are very positive, and very hard of +belief about your master's coming home again, nevertheless I will not +merely say, but will swear, that he is coming. Do not give me anything +for my news till he has actually come, you may then give me a shirt and +cloak of good wear if you will. I am in great want, but I will not take +anything at all till then, for I hate a man, even as I hate hell fire, +who lets his poverty tempt him into lying. I swear by king Jove, by the +rites of hospitality, and by that hearth of Ulysses to which I have now +come, that all will surely happen as I have said it will. Ulysses will +return in this self same year; with the end of this moon and the +beginning of the next he will be here to do vengeance on all those who +are ill treating his wife and son." + +To this you answered, O swineherd Eumaeus, "Old man, you will neither +get paid for bringing good news, nor will Ulysses ever come home; drink +your wine in peace, and let us talk about something else. Do not keep +on reminding me of all this; it always pains me when any one speaks +about my honoured master. As for your oath we will let it alone, but I +only wish he may come, as do Penelope, his old father Laertes, and his +son Telemachus. I am terribly unhappy too about this same boy of his; +he was running up fast into manhood, and bade fare to be no worse man, +face and figure, than his father, but some one, either god or man, has +been unsettling his mind, so he has gone off to Pylos to try and get +news of his father, and the suitors are lying in wait for him as he is +coming home, in the hope of leaving the house of Arceisius without a +name in Ithaca. But let us say no more about him, and leave him to be +taken, or else to escape if the son of Saturn holds his hand over him +to protect him. And now, old man, tell me your own story; tell me also, +for I want to know, who you are and where you come from. Tell me of +your town and parents, what manner of ship you came in, how crew +brought you to Ithaca, and from what country they professed to come—for +you cannot have come by land." + +And Ulysses answered, "I will tell you all about it. If there were meat +and wine enough, and we could stay here in the hut with nothing to do +but to eat and drink while the others go to their work, I could easily +talk on for a whole twelve months without ever finishing the story of +the sorrows with which it has pleased heaven to visit me. + +"I am by birth a Cretan; my father was a well to do man, who had many +sons born in marriage, whereas I was the son of a slave whom he had +purchased for a concubine; nevertheless, my father Castor son of Hylax +(whose lineage I claim, and who was held in the highest honour among +the Cretans for his wealth, prosperity, and the valour of his sons) put +me on the same level with my brothers who had been born in wedlock. +When, however, death took him to the house of Hades, his sons divided +his estate and cast lots for their shares, but to me they gave a +holding and little else; nevertheless, my valour enabled me to marry +into a rich family, for I was not given to bragging, or shirking on the +field of battle. It is all over now; still, if you look at the straw +you can see what the ear was, for I have had trouble enough and to +spare. Mars and Minerva made me doughty in war; when I had picked my +men to surprise the enemy with an ambuscade I never gave death so much +as a thought, but was the first to leap forward and spear all whom I +could overtake. Such was I in battle, but I did not care about farm +work, nor the frugal home life of those who would bring up children. My +delight was in ships, fighting, javelins, and arrows—things that most +men shudder to think of; but one man likes one thing and another +another, and this was what I was most naturally inclined to. Before the +Achaeans went to Troy, nine times was I in command of men and ships on +foreign service, and I amassed much wealth. I had my pick of the spoil +in the first instance, and much more was allotted to me later on. + +"My house grew apace and I became a great man among the Cretans, but +when Jove counselled that terrible expedition, in which so many +perished, the people required me and Idomeneus to lead their ships to +Troy, and there was no way out of it, for they insisted on our doing +so. There we fought for nine whole years, but in the tenth we sacked +the city of Priam and sailed home again as heaven dispersed us. Then it +was that Jove devised evil against me. I spent but one month happily +with my children, wife, and property, and then I conceived the idea of +making a descent on Egypt, so I fitted out a fine fleet and manned it. +I had nine ships, and the people flocked to fill them. For six days I +and my men made feast, and I found them many victims both for sacrifice +to the gods and for themselves, but on the seventh day we went on board +and set sail from Crete with a fair North wind behind us though we were +going down a river. Nothing went ill with any of our ships, and we had +no sickness on board, but sat where we were and let the ships go as the +wind and steersmen took them. On the fifth day we reached the river +Aegyptus; there I stationed my ships in the river, bidding my men stay +by them and keep guard over them while I sent out scouts to reconnoitre +from every point of vantage. + +"But the men disobeyed my orders, took to their own devices, and +ravaged the land of the Egyptians, killing the men, and taking their +wives and children captive. The alarm was soon carried to the city, and +when they heard the war cry, the people came out at daybreak till the +plain was filled with horsemen and foot soldiers and with the gleam of +armour. Then Jove spread panic among my men, and they would no longer +face the enemy, for they found themselves surrounded. The Egyptians +killed many of us, and took the rest alive to do forced labour for +them. Jove, however, put it in my mind to do thus—and I wish I had died +then and there in Egypt instead, for there was much sorrow in store for +me—I took off my helmet and shield and dropped my spear from my hand; +then I went straight up to the king's chariot, clasped his knees and +kissed them, whereon he spared my life, bade me get into his chariot, +and took me weeping to his own home. Many made at me with their ashen +spears and tried to kill me in their fury, but the king protected me, +for he feared the wrath of Jove the protector of strangers, who +punishes those who do evil. + +"I stayed there for seven years and got together much money among the +Egyptians, for they all gave me something; but when it was now going on +for eight years there came a certain Phoenician, a cunning rascal, who +had already committed all sorts of villainy, and this man talked me +over into going with him to Phoenicia, where his house and his +possessions lay. I stayed there for a whole twelve months, but at the +end of that time when months and days had gone by till the same season +had come round again, he set me on board a ship bound for Libya, on a +pretence that I was to take a cargo along with him to that place, but +really that he might sell me as a slave and take the money I fetched. I +suspected his intention, but went on board with him, for I could not +help it. + +"The ship ran before a fresh North wind till we had reached the sea +that lies between Crete and Libya; there, however, Jove counselled +their destruction, for as soon as we were well out from Crete and could +see nothing but sea and sky, he raised a black cloud over our ship and +the sea grew dark beneath it. Then Jove let fly with his thunderbolts +and the ship went round and round and was filled with fire and +brimstone as the lightning struck it. The men fell all into the sea; +they were carried about in the water round the ship looking like so +many sea-gulls, but the god presently deprived them of all chance of +getting home again. I was all dismayed. Jove, however, sent the ship's +mast within my reach, which saved my life, for I clung to it, and +drifted before the fury of the gale. Nine days did I drift but in the +darkness of the tenth night a great wave bore me on to the Thesprotian +coast. There Pheidon king of the Thesprotians entertained me hospitably +without charging me anything at all—for his son found me when I was +nearly dead with cold and fatigue, whereon he raised me by the hand, +took me to his father's house and gave me clothes to wear. + +"There it was that I heard news of Ulysses, for the king told me he had +entertained him, and shown him much hospitality while he was on his +homeward journey. He showed me also the treasure of gold, and wrought +iron that Ulysses had got together. There was enough to keep his family +for ten generations, so much had he left in the house of king Pheidon. +But the king said Ulysses had gone to Dodona that he might learn Jove's +mind from the god's high oak tree, and know whether after so long an +absence he should return to Ithaca openly, or in secret. Moreover the +king swore in my presence, making drink-offerings in his own house as +he did so, that the ship was by the water side, and the crew found, +that should take him to his own country. He sent me off however before +Ulysses returned, for there happened to be a Thesprotian ship sailing +for the wheat-growing island of Dulichium, and he told those in charge +of her to be sure and take me safely to King Acastus. + +"These men hatched a plot against me that would have reduced me to the +very extreme of misery, for when the ship had got some way out from +land they resolved on selling me as a slave. They stripped me of the +shirt and cloak that I was wearing, and gave me instead the tattered +old clouts in which you now see me; then, towards nightfall, they +reached the tilled lands of Ithaca, and there they bound me with a +strong rope fast in the ship, while they went on shore to get supper by +the sea side. But the gods soon undid my bonds for me, and having drawn +my rags over my head I slid down the rudder into the sea, where I +struck out and swam till I was well clear of them, and came ashore near +a thick wood in which I lay concealed. They were very angry at my +having escaped and went searching about for me, till at last they +thought it was no further use and went back to their ship. The gods, +having hidden me thus easily, then took me to a good man's door—for it +seems that I am not to die yet awhile." + +To this you answered, O swineherd Eumaeus, "Poor unhappy stranger, I +have found the story of your misfortunes extremely interesting, but +that part about Ulysses is not right; and you will never get me to +believe it. Why should a man like you go about telling lies in this +way? I know all about the return of my master. The gods one and all of +them detest him, or they would have taken him before Troy, or let him +die with friends around him when the days of his fighting were done; +for then the Achaeans would have built a mound over his ashes and his +son would have been heir to his renown, but now the storm winds have +spirited him away we know not whither. + +"As for me I live out of the way here with the pigs, and never go to +the town unless when Penelope sends for me on the arrival of some news +about Ulysses. Then they all sit round and ask questions, both those +who grieve over the king's absence, and those who rejoice at it because +they can eat up his property without paying for it. For my own part I +have never cared about asking anyone else since the time when I was +taken in by an Aetolian, who had killed a man and come a long way till +at last he reached my station, and I was very kind to him. He said he +had seen Ulysses with Idomeneus among the Cretans, refitting his ships +which had been damaged in a gale. He said Ulysses would return in the +following summer or autumn with his men, and that he would bring back +much wealth. And now you, you unfortunate old man, since fate has +brought you to my door, do not try to flatter me in this way with vain +hopes. It is not for any such reason that I shall treat you kindly, but +only out of respect for Jove the god of hospitality, as fearing him and +pitying you." + +Ulysses answered, "I see that you are of an unbelieving mind; I have +given you my oath, and yet you will not credit me; let us then make a +bargain, and call all the gods in heaven to witness it. If your master +comes home, give me a cloak and shirt of good wear, and send me to +Dulichium where I want to go; but if he does not come as I say he will, +set your men on to me, and tell them to throw me from yonder precipice, +as a warning to tramps not to go about the country telling lies." + +"And a pretty figure I should cut then," replied Eumaeus, "both now and +hereafter, if I were to kill you after receiving you into my hut and +showing you hospitality. I should have to say my prayers in good +earnest if I did; but it is just supper time and I hope my men will +come in directly, that we may cook something savoury for supper." + +Thus did they converse, and presently the swineherds came up with the +pigs, which were then shut up for the night in their styes, and a +tremendous squealing they made as they were being driven into them. But +Eumaeus called to his men and said, "Bring in the best pig you have, +that I may sacrifice him for this stranger, and we will take toll of +him ourselves. We have had trouble enough this long time feeding pigs, +while others reap the fruit of our labour." + +On this he began chopping firewood, while the others brought in a fine +fat five year old boar pig, and set it at the altar. Eumaeus did not +forget the gods, for he was a man of good principles, so the first +thing he did was to cut bristles from the pig's face and throw them +into the fire, praying to all the gods as he did so that Ulysses might +return home again. Then he clubbed the pig with a billet of oak which +he had kept back when he was chopping the firewood, and stunned it, +while the others slaughtered and singed it. Then they cut it up, and +Eumaeus began by putting raw pieces from each joint on to some of the +fat; these he sprinkled with barley meal, and laid upon the embers; +they cut the rest of the meat up small, put the pieces upon the spits +and roasted them till they were done; when they had taken them off the +spits they threw them on to the dresser in a heap. The swineherd, who +was a most equitable man, then stood up to give every one his share. He +made seven portions; one of these he set apart for Mercury the son of +Maia and the nymphs, praying to them as he did so; the others he dealt +out to the men man by man. He gave Ulysses some slices cut lengthways +down the loin as a mark of especial honour, and Ulysses was much +pleased. "I hope, Eumaeus," said he, "that Jove will be as well +disposed towards you as I am, for the respect you are showing to an +outcast like myself." + +To this you answered, O swineherd Eumaeus, "Eat, my good fellow, and +enjoy your supper, such as it is. God grants this, and withholds that, +just as he thinks right, for he can do whatever he chooses." + +As he spoke he cut off the first piece and offered it as a burnt +sacrifice to the immortal gods; then he made them a drink-offering, put +the cup in the hands of Ulysses, and sat down to his own portion. +Mesaulius brought them their bread; the swineherd had brought this man +on his own account from among the Taphians during his master's absence, +and had paid for him with his own money without saying anything either +to his mistress or Laertes. They then laid their hands upon the good +things that were before them, and when they had had enough to eat and +drink, Mesaulius took away what was left of the bread, and they all +went to bed after having made a hearty supper. + +Now the night came on stormy and very dark, for there was no moon. It +poured without ceasing, and the wind blew strong from the West, which +is a wet quarter, so Ulysses thought he would see whether Eumaeus, in +the excellent care he took of him, would take off his own cloak and +give it him, or make one of his men give him one. "Listen to me," said +he, "Eumaeus and the rest of you; when I have said a prayer I will tell +you something. It is the wine that makes me talk in this way; wine will +make even a wise man fall to singing; it will make him chuckle and +dance and say many a word that he had better leave unspoken; still, as +I have begun, I will go on. Would that I were still young and strong as +when we got up an ambuscade before Troy. Menelaus and Ulysses were the +leaders, but I was in command also, for the other two would have it so. +When we had come up to the wall of the city we crouched down beneath +our armour and lay there under cover of the reeds and thick brushwood +that grew about the swamp. It came on to freeze with a North wind +blowing; the snow fell small and fine like hoar frost, and our shields +were coated thick with rime. The others had all got cloaks and shirts, +and slept comfortably enough with their shields about their shoulders, +but I had carelessly left my cloak behind me, not thinking that I +should be too cold, and had gone off in nothing but my shirt and +shield. When the night was two-thirds through and the stars had shifted +their places, I nudged Ulysses who was close to me with my elbow, and +he at once gave me his ear. + +"'Ulysses,' said I, 'this cold will be the death of me, for I have no +cloak; some god fooled me into setting off with nothing on but my +shirt, and I do not know what to do.' + +"Ulysses, who was as crafty as he was valiant, hit upon the following +plan: + +"'Keep still,' said he in a low voice, 'or the others will hear you.' +Then he raised his head on his elbow. + +"'My friends,' said he, 'I have had a dream from heaven in my sleep. We +are a long way from the ships; I wish some one would go down and tell +Agamemnon to send us up more men at once.' + +"On this Thoas son of Andraemon threw off his cloak and set out running +to the ships, whereon I took the cloak and lay in it comfortably enough +till morning. Would that I were still young and strong as I was in +those days, for then some one of you swineherds would give me a cloak +both out of good will and for the respect due to a brave soldier; but +now people look down upon me because my clothes are shabby." + +And Eumaeus answered, "Old man, you have told us an excellent story, +and have said nothing so far but what is quite satisfactory; for the +present, therefore, you shall want neither clothing nor anything else +that a stranger in distress may reasonably expect, but to-morrow +morning you have to shake your own old rags about your body again, for +we have not many spare cloaks nor shirts up here, but every man has +only one. When Ulysses' son comes home again he will give you both +cloak and shirt, and send you wherever you may want to go." + +With this he got up and made a bed for Ulysses by throwing some +goatskins and sheepskins on the ground in front of the fire. Here +Ulysses lay down, and Eumaeus covered him over with a great heavy cloak +that he kept for a change in case of extraordinarily bad weather. + +Thus did Ulysses sleep, and the young men slept beside him. But the +swineherd did not like sleeping away from his pigs, so he got ready to +go outside, and Ulysses was glad to see that he looked after his +property during his master's absence. First he slung his sword over his +brawny shoulders and put on a thick cloak to keep out the wind. He also +took the skin of a large and well fed goat, and a javelin in case of +attack from men or dogs. Thus equipped he went to his rest where the +pigs were camping under an overhanging rock that gave them shelter from +the North wind. + + + + +BOOK XV + + +MINERVA SUMMONS TELEMACHUS FROM LACEDAEMON—HE MEETS WITH THEOCLYMENUS +AT PYLOS AND BRINGS HIM TO ITHACA—ON LANDING HE GOES TO THE HUT OF +EUMAEUS. + + +But Minerva went to the fair city of Lacedaemon to tell Ulysses' son +that he was to return at once. She found him and Pisistratus sleeping +in the forecourt of Menelaus's house; Pisistratus was fast asleep, but +Telemachus could get no rest all night for thinking of his unhappy +father, so Minerva went close up to him and said: + +"Telemachus, you should not remain so far away from home any longer, +nor leave your property with such dangerous people in your house; they +will eat up everything you have among them, and you will have been on a +fool's errand. Ask Menelaus to send you home at once if you wish to +find your excellent mother still there when you get back. Her father +and brothers are already urging her to marry Eurymachus, who has given +her more than any of the others, and has been greatly increasing his +wedding presents. I hope nothing valuable may have been taken from the +house in spite of you, but you know what women are—they always want to +do the best they can for the man who marries them, and never give +another thought to the children of their first husband, nor to their +father either when he is dead and done with. Go home, therefore, and +put everything in charge of the most respectable woman servant that you +have, until it shall please heaven to send you a wife of your own. Let +me tell you also of another matter which you had better attend to. The +chief men among the suitors are lying in wait for you in the Strait +between Ithaca and Samos, and they mean to kill you before you can +reach home. I do not much think they will succeed; it is more likely +that some of those who are now eating up your property will find a +grave themselves. Sail night and day, and keep your ship well away from +the islands; the god who watches over you and protects you will send +you a fair wind. As soon as you get to Ithaca send your ship and men on +to the town, but yourself go straight to the swineherd who has charge +of your pigs; he is well disposed towards you, stay with him, +therefore, for the night, and then send him to Penelope to tell her +that you have got back safe from Pylos." + +Then she went back to Olympus; but Telemachus stirred Pisistratus with +his heel to rouse him, and said, "Wake up Pisistratus, and yoke the +horses to the chariot, for we must set off home." + +But Pisistratus said, "No matter what hurry we are in we cannot drive +in the dark. It will be morning soon; wait till Menelaus has brought +his presents and put them in the chariot for us; and let him say good +bye to us in the usual way. So long as he lives a guest should never +forget a host who has shown him kindness." + +As he spoke day began to break, and Menelaus, who had already risen, +leaving Helen in bed, came towards them. When Telemachus saw him he put +on his shirt as fast as he could, threw a great cloak over his +shoulders, and went out to meet him. "Menelaus," said he, "let me go +back now to my own country, for I want to get home." + +And Menelaus answered, "Telemachus, if you insist on going I will not +detain you. I do not like to see a host either too fond of his guest or +too rude to him. Moderation is best in all things, and not letting a +man go when he wants to do so is as bad as telling him to go if he +would like to stay. One should treat a guest well as long as he is in +the house and speed him when he wants to leave it. Wait, then, till I +can get your beautiful presents into your chariot, and till you have +yourself seen them. I will tell the women to prepare a sufficient +dinner for you of what there may be in the house; it will be at once +more proper and cheaper for you to get your dinner before setting out +on such a long journey. If, moreover, you have a fancy for making a +tour in Hellas or in the Peloponnese, I will yoke my horses, and will +conduct you myself through all our principal cities. No one will send +us away empty handed; every one will give us something—a bronze tripod, +a couple of mules, or a gold cup." + +"Menelaus," replied Telemachus, "I want to go home at once, for when I +came away I left my property without protection, and fear that while +looking for my father I shall come to ruin myself, or find that +something valuable has been stolen during my absence." + +When Menelaus heard this he immediately told his wife and servants to +prepare a sufficient dinner from what there might be in the house. At +this moment Eteoneus joined him, for he lived close by and had just got +up; so Menelaus told him to light the fire and cook some meat, which he +at once did. Then Menelaus went down into his fragrant store room, +not alone, but Helen went too, with Megapenthes. When he reached the +place where the treasures of his house were kept, he selected a double +cup, and told his son Megapenthes to bring also a silver mixing bowl. +Meanwhile Helen went to the chest where she kept the lovely dresses +which she had made with her own hands, and took out one that was +largest and most beautifully enriched with embroidery; it glittered +like a star, and lay at the very bottom of the chest. 1 Then they all +came back through the house again till they got to Telemachus, and +Menelaus said, "Telemachus, may Jove, the mighty husband of Juno, bring +you safely home according to your desire. I will now present you with +the finest and most precious piece of plate in all my house. It is a +mixing bowl of pure silver, except the rim, which is inlaid with gold, +and it is the work of Vulcan. Phaedimus king of the Sidonians made me a +present of it in the course of a visit that I paid him while I was on +my return home. I should like to give it to you." + +With these words he placed the double cup in the hands of Telemachus, +while Megapenthes brought the beautiful mixing bowl and set it before +him. Hard by stood lovely Helen with the robe ready in her hand. + +"I too, my son," said she, "have something for you as a keepsake from +the hand of Helen; it is for your bride to wear upon her wedding day. +Till then, get your dear mother to keep it for you; thus may you go +back rejoicing to your own country and to your home." + +So saying she gave the robe over to him and he received it gladly. Then +Pisistratus put the presents into the chariot, and admired them all as +he did so. Presently Menelaus took Telemachus and Pisistratus into the +house, and they both of them sat down to table. A maid servant brought +them water in a beautiful golden ewer, and poured it into a silver +basin for them to wash their hands, and she drew a clean table beside +them; an upper servant brought them bread and offered them many good +things of what there was in the house. Eteoneus carved the meat and +gave them each their portions, while Megapenthes poured out the wine. +Then they laid their hands upon the good things that were before them, +but as soon as they had had enough to eat and drink Telemachus and +Pisistratus yoked the horses, and took their places in the chariot. +They drove out through the inner gateway and under the echoing +gatehouse of the outer court, and Menelaus came after them with a +golden goblet of wine in his right hand that they might make a +drink-offering before they set out. He stood in front of the horses and +pledged them, saying, "Farewell to both of you; see that you tell +Nestor how I have treated you, for he was as kind to me as any father +could be while we Achaeans were fighting before Troy." + +"We will be sure, sir," answered Telemachus, "to tell him everything as +soon as we see him. I wish I were as certain of finding Ulysses +returned when I get back to Ithaca, that I might tell him of the very +great kindness you have shown me and of the many beautiful presents I +am taking with me." + +As he was thus speaking a bird flew on his right hand—an eagle with a +great white goose in its talons which it had carried off from the farm +yard—and all the men and women were running after it and shouting. It +came quite close up to them and flew away on their right hands in front +of the horses. When they saw it they were glad, and their hearts took +comfort within them, whereon Pisistratus said, "Tell me, Menelaus, has +heaven sent this omen for us or for you?" + +Menelaus was thinking what would be the most proper answer for him to +make, but Helen was too quick for him and said, "I will read this +matter as heaven has put it in my heart, and as I doubt not that it +will come to pass. The eagle came from the mountain where it was bred +and has its nest, and in like manner Ulysses, after having travelled +far and suffered much, will return to take his revenge—if indeed he is +not back already and hatching mischief for the suitors." + +"May Jove so grant it," replied Telemachus, "if it should prove to be +so, I will make vows to you as though you were a god, even when I am at +home." + +As he spoke he lashed his horses and they started off at full speed +through the town towards the open country. They swayed the yoke upon +their necks and travelled the whole day long till the sun set and +darkness was over all the land. Then they reached Pherae, where Diocles +lived who was son of Ortilochus, the son of Alpheus. There they passed +the night and were treated hospitably. When the child of morning, +rosy-fingered Dawn, appeared, they again yoked their horses and their +places in the chariot. They drove out through the inner gateway and +under the echoing gatehouse of the outer court. Then Pisistratus lashed +his horses on and they flew forward nothing loath; ere long they came +to Pylos, and then Telemachus said: + +"Pisistratus, I hope you will promise to do what I am going to ask you. +You know our fathers were old friends before us; moreover, we are both +of an age, and this journey has brought us together still more closely; +do not, therefore, take me past my ship, but leave me there, for if I +go to your father's house he will try to keep me in the warmth of his +good will towards me, and I must go home at once." + +Pisistratus thought how he should do as he was asked, and in the end he +deemed it best to turn his horses towards the ship, and put Menelaus's +beautiful presents of gold and raiment in the stern of the vessel. Then +he said, "Go on board at once and tell your men to do so also before I +can reach home to tell my father. I know how obstinate he is, and am +sure he will not let you go; he will come down here to fetch you, and +he will not go back without you. But he will be very angry." + +With this he drove his goodly steeds back to the city of the Pylians +and soon reached his home, but Telemachus called the men together and +gave his orders. "Now, my men," said he, "get everything in order on +board the ship, and let us set out home." + +Thus did he speak, and they went on board even as he had said. But as +Telemachus was thus busied, praying also and sacrificing to Minerva in +the ship's stern, there came to him a man from a distant country, a +seer, who was flying from Argos because he had killed a man. He was +descended from Melampus, who used to live in Pylos, the land of sheep; +he was rich and owned a great house, but he was driven into exile by +the great and powerful king Neleus. Neleus seized his goods and held +them for a whole year, during which he was a close prisoner in the +house of king Phylacus, and in much distress of mind both on account of +the daughter of Neleus and because he was haunted by a great sorrow +that dread Erinys had laid upon him. In the end, however, he escaped +with his life, drove the cattle from Phylace to Pylos, avenged the +wrong that had been done him, and gave the daughter of Neleus to his +brother. Then he left the country and went to Argos, where it was +ordained that he should reign over much people. There he married, +established himself, and had two famous sons Antiphates and Mantius. +Antiphates became father of Oicleus, and Oicleus of Amphiaraus, who was +dearly loved both by Jove and by Apollo, but he did not live to old +age, for he was killed in Thebes by reason of a woman's gifts. His sons +were Alcmaeon and Amphilochus. Mantius, the other son of Melampus, was +father to Polypheides and Cleitus. Aurora, throned in gold, carried off +Cleitus for his beauty's sake, that he might dwell among the immortals, +but Apollo made Polypheides the greatest seer in the whole world now +that Amphiaraus was dead. He quarrelled with his father and went to +live in Hyperesia, where he remained and prophesied for all men. + +His son, Theoclymenus, it was who now came up to Telemachus as he was +making drink-offerings and praying in his ship. "Friend," said he, "now +that I find you sacrificing in this place, I beseech you by your +sacrifices themselves, and by the god to whom you make them, I pray you +also by your own head and by those of your followers tell me the truth +and nothing but the truth. Who and whence are you? Tell me also of your +town and parents." + +Telemachus said, "I will answer you quite truly. I am from Ithaca, and +my father is Ulysses, as surely as that he ever lived. But he has come +to some miserable end. Therefore I have taken this ship and got my crew +together to see if I can hear any news of him, for he has been away a +long time." + +"I too," answered Theoclymenus, "am an exile, for I have killed a man +of my own race. He has many brothers and kinsmen in Argos, and they +have great power among the Argives. I am flying to escape death at +their hands, and am thus doomed to be a wanderer on the face of the +earth. I am your suppliant; take me, therefore, on board your ship that +they may not kill me, for I know they are in pursuit." + +"I will not refuse you," replied Telemachus, "if you wish to join us. +Come, therefore, and in Ithaca we will treat you hospitably according +to what we have." + +On this he received Theoclymenus' spear and laid it down on the deck of +the ship. He went on board and sat in the stern, bidding Theoclymenus +sit beside him; then the men let go the hawsers. Telemachus told them +to catch hold of the ropes, and they made all haste to do so. They set +the mast in its socket in the cross plank, raised it and made it fast +with the forestays, and they hoisted their white sails with sheets of +twisted ox hide. Minerva sent them a fair wind that blew fresh and +strong to take the ship on her course as fast as possible. Thus then +they passed by Crouni and Chalcis. + +Presently the sun set and darkness was over all the land. The vessel +made a quick passage to Pheae and thence on to Elis, where the Epeans +rule. Telemachus then headed her for the flying islands, wondering +within himself whether he should escape death or should be taken +prisoner. + +Meanwhile Ulysses and the swineherd were eating their supper in the +hut, and the men supped with them. As soon as they had had to eat and +drink, Ulysses began trying to prove the swineherd and see whether he +would continue to treat him kindly, and ask him to stay on at the +station or pack him off to the city; so he said: + +"Eumaeus, and all of you, to-morrow I want to go away and begin begging +about the town, so as to be no more trouble to you or to your men. Give +me your advice therefore, and let me have a good guide to go with me +and show me the way. I will go the round of the city begging as I needs +must, to see if any one will give me a drink and a piece of bread. I +should like also to go to the house of Ulysses and bring news of her +husband to Queen Penelope. I could then go about among the suitors and +see if out of all their abundance they will give me a dinner. I should +soon make them an excellent servant in all sorts of ways. Listen and +believe when I tell you that by the blessing of Mercury who gives grace +and good name to the works of all men, there is no one living who would +make a more handy servant than I should—to put fresh wood on the fire, +chop fuel, carve, cook, pour out wine, and do all those services that +poor men have to do for their betters." + +The swineherd was very much disturbed when he heard this. "Heaven help +me," he exclaimed, "what ever can have put such a notion as that into +your head? If you go near the suitors you will be undone to a +certainty, for their pride and insolence reach the very heavens. They +would never think of taking a man like you for a servant. Their +servants are all young men, well dressed, wearing good cloaks and +shirts, with well looking faces and their hair always tidy, the tables +are kept quite clean and are loaded with bread, meat, and wine. Stay +where you are, then; you are not in anybody's way; I do not mind your +being here, no more do any of the others, and when Telemachus comes +home he will give you a shirt and cloak and will send you wherever you +want to go." + +Ulysses answered, "I hope you may be as dear to the gods as you are to +me, for having saved me from going about and getting into trouble; +there is nothing worse than being always on the tramp; still, when men +have once got low down in the world they will go through a great deal +on behalf of their miserable bellies. Since, however, you press me to +stay here and await the return of Telemachus, tell me about Ulysses' +mother, and his father whom he left on the threshold of old age when he +set out for Troy. Are they still living or are they already dead and in +the house of Hades?" + +"I will tell you all about them," replied Eumaeus, "Laertes is still +living and prays heaven to let him depart peacefully in his own house, +for he is terribly distressed about the absence of his son, and also +about the death of his wife, which grieved him greatly and aged him +more than anything else did. She came to an unhappy end through +sorrow for her son: may no friend or neighbour who has dealt kindly by +me come to such an end as she did. As long as she was still living, +though she was always grieving, I used to like seeing her and asking +her how she did, for she brought me up along with her daughter Ctimene, +the youngest of her children; we were boy and girl together, and she +made little difference between us. When, however, we both grew up, they +sent Ctimene to Same and received a splendid dowry for her. As for me, +my mistress gave me a good shirt and cloak with a pair of sandals for +my feet, and sent me off into the country, but she was just as fond of +me as ever. This is all over now. Still it has pleased heaven to +prosper my work in the situation which I now hold. I have enough to eat +and drink, and can find something for any respectable stranger who +comes here; but there is no getting a kind word or deed out of my +mistress, for the house has fallen into the hands of wicked people. +Servants want sometimes to see their mistress and have a talk with her; +they like to have something to eat and drink at the house, and +something too to take back with them into the country. This is what +will keep servants in a good humour." + +Ulysses answered, "Then you must have been a very little fellow, +Eumaeus, when you were taken so far away from your home and parents. +Tell me, and tell me true, was the city in which your father and mother +lived sacked and pillaged, or did some enemies carry you off when you +were alone tending sheep or cattle, ship you off here, and sell you for +whatever your master gave them?" + +"Stranger," replied Eumaeus, "as regards your question: sit still, make +yourself comfortable, drink your wine, and listen to me. The nights are +now at their longest; there is plenty of time both for sleeping and +sitting up talking together; you ought not to go to bed till bed time, +too much sleep is as bad as too little; if any one of the others wishes +to go to bed let him leave us and do so; he can then take my master's +pigs out when he has done breakfast in the morning. We too will sit +here eating and drinking in the hut, and telling one another stories +about our misfortunes; for when a man has suffered much, and been +buffeted about in the world, he takes pleasure in recalling the memory +of sorrows that have long gone by. As regards your question, then, my +tale is as follows: + +"You may have heard of an island called Syra that lies over above +Ortygia, where the land begins to turn round and look in another +direction. It is not very thickly peopled, but the soil is good, +with much pasture fit for cattle and sheep, and it abounds with wine +and wheat. Dearth never comes there, nor are the people plagued by any +sickness, but when they grow old Apollo comes with Diana and kills them +with his painless shafts. It contains two communities, and the whole +country is divided between these two. My father Ctesius son of Ormenus, +a man comparable to the gods, reigned over both. + +"Now to this place there came some cunning traders from Phoenicia (for +the Phoenicians are great mariners) in a ship which they had freighted +with gewgaws of all kinds. There happened to be a Phoenician woman in +my father's house, very tall and comely, and an excellent servant; +these scoundrels got hold of her one day when she was washing near +their ship, seduced her, and cajoled her in ways that no woman can +resist, no matter how good she may be by nature. The man who had +seduced her asked her who she was and where she came from, and on this +she told him her father's name. 'I come from Sidon,' said she, 'and am +daughter to Arybas, a man rolling in wealth. One day as I was coming +into the town from the country, some Taphian pirates seized me and took +me here over the sea, where they sold me to the man who owns this +house, and he gave them their price for me.' + +"The man who had seduced her then said, 'Would you like to come along +with us to see the house of your parents and your parents themselves? +They are both alive and are said to be well off.' + +"'I will do so gladly,' answered she, 'if you men will first swear me a +solemn oath that you will do me no harm by the way.' + +"They all swore as she told them, and when they had completed their +oath the woman said, 'Hush; and if any of your men meets me in the +street or at the well, do not let him speak to me, for fear some one +should go and tell my master, in which case he would suspect something. +He would put me in prison, and would have all of you murdered; keep +your own counsel therefore; buy your merchandise as fast as you can, +and send me word when you have done loading. I will bring as much gold +as I can lay my hands on, and there is something else also that I can +do towards paying my fare. I am nurse to the son of the good man of the +house, a funny little fellow just able to run about. I will carry him +off in your ship, and you will get a great deal of money for him if you +take him and sell him in foreign parts.' + +"On this she went back to the house. The Phoenicians stayed a whole +year till they had loaded their ship with much precious merchandise, +and then, when they had got freight enough, they sent to tell the +woman. Their messenger, a very cunning fellow, came to my father's +house bringing a necklace of gold with amber beads strung among it; and +while my mother and the servants had it in their hands admiring it and +bargaining about it, he made a sign quietly to the woman and then went +back to the ship, whereon she took me by the hand and led me out of the +house. In the fore part of the house she saw the tables set with the +cups of guests who had been feasting with my father, as being in +attendance on him; these were now all gone to a meeting of the public +assembly, so she snatched up three cups and carried them off in the +bosom of her dress, while I followed her, for I knew no better. The sun +was now set, and darkness was over all the land, so we hurried on as +fast as we could till we reached the harbour, where the Phoenician ship +was lying. When they had got on board they sailed their ways over the +sea, taking us with them, and Jove sent then a fair wind; six days did +we sail both night and day, but on the seventh day Diana struck the +woman and she fell heavily down into the ship's hold as though she were +a sea gull alighting on the water; so they threw her overboard to the +seals and fishes, and I was left all sorrowful and alone. Presently the +winds and waves took the ship to Ithaca, where Laertes gave sundry of +his chattels for me, and thus it was that ever I came to set eyes upon +this country." + +Ulysses answered, "Eumaeus, I have heard the story of your misfortunes +with the most lively interest and pity, but Jove has given you good as +well as evil, for in spite of everything you have a good master, who +sees that you always have enough to eat and drink; and you lead a good +life, whereas I am still going about begging my way from city to city." + +Thus did they converse, and they had only a very little time left for +sleep, for it was soon daybreak. In the mean time Telemachus and his +crew were nearing land, so they loosed the sails, took down the mast, +and rowed the ship into the harbour. They cast out their mooring +stones and made fast the hawsers; they then got out upon the sea shore, +mixed their wine, and got dinner ready. As soon as they had had enough +to eat and drink Telemachus said, "Take the ship on to the town, but +leave me here, for I want to look after the herdsmen on one of my +farms. In the evening, when I have seen all I want, I will come down to +the city, and to-morrow morning in return for your trouble I will give +you all a good dinner with meat and wine." 1 + +Then Theoclymenus said, "And what, my dear young friend, is to become +of me? To whose house, among all your chief men, am I to repair? or +shall I go straight to your own house and to your mother?" + +"At any other time," replied Telemachus, "I should have bidden you go +to my own house, for you would find no want of hospitality; at the +present moment, however, you would not be comfortable there, for I +shall be away, and my mother will not see you; she does not often show +herself even to the suitors, but sits at her loom weaving in an upper +chamber, out of their way; but I can tell you a man whose house you can +go to—I mean Eurymachus the son of Polybus, who is held in the highest +estimation by every one in Ithaca. He is much the best man and the most +persistent wooer, of all those who are paying court to my mother and +trying to take Ulysses' place. Jove, however, in heaven alone knows +whether or no they will come to a bad end before the marriage takes +place." + +As he was speaking a bird flew by upon his right hand—a hawk, Apollo's +messenger. It held a dove in its talons, and the feathers, as it tore +them off, fell to the ground midway between Telemachus and the ship. +On this Theoclymenus called him apart and caught him by the hand. +"Telemachus," said he, "that bird did not fly on your right hand +without having been sent there by some god. As soon as I saw it I knew +it was an omen; it means that you will remain powerful and that there +will be no house in Ithaca more royal than your own." + +"I wish it may prove so," answered Telemachus. "If it does, I will show +you so much good will and give you so many presents that all who meet +you will congratulate you." + +Then he said to his friend Piraeus, "Piraeus, son of Clytius, you have +throughout shown yourself the most willing to serve me of all those who +have accompanied me to Pylos; I wish you would take this stranger to +your own house and entertain him hospitably till I can come for him." + +And Piraeus answered, "Telemachus, you may stay away as long as you +please, but I will look after him for you, and he shall find no lack of +hospitality." + +As he spoke he went on board, and bade the others do so also and loose +the hawsers, so they took their places in the ship. But Telemachus +bound on his sandals, and took a long and doughty spear with a head of +sharpened bronze from the deck of the ship. Then they loosed the +hawsers, thrust the ship off from land, and made on towards the city as +they had been told to do, while Telemachus strode on as fast as he +could, till he reached the homestead where his countless herds of swine +were feeding, and where dwelt the excellent swineherd, who was so +devoted a servant to his master. + + + + +BOOK XVI + + +ULYSSES REVEALS HIMSELF TO TELEMACHUS. + + +Meanwhile Ulysses and the swineherd had lit a fire in the hut and were +were getting breakfast ready at daybreak, for they had sent the men out +with the pigs. When Telemachus came up, the dogs did not bark but +fawned upon him, so Ulysses, hearing the sound of feet and noticing +that the dogs did not bark, said to Eumaeus: + +"Eumaeus, I hear footsteps; I suppose one of your men or some one of +your acquaintance is coming here, for the dogs are fawning upon him and +not barking." + +The words were hardly out of his mouth before his son stood at the +door. Eumaeus sprang to his feet, and the bowls in which he was mixing +wine fell from his hands, as he made towards his master. He kissed his +head and both his beautiful eyes, and wept for joy. A father could not +be more delighted at the return of an only son, the child of his old +age, after ten years' absence in a foreign country and after having +gone through much hardship. He embraced him, kissed him all over as +though he had come back from the dead, and spoke fondly to him saying: + +"So you are come, Telemachus, light of my eyes that you are. When I +heard you had gone to Pylos I made sure I was never going to see you +any more. Come in, my dear child, and sit down, that I may have a good +look at you now you are home again; it is not very often you come into +the country to see us herdsmen; you stick pretty close to the town +generally. I suppose you think it better to keep an eye on what the +suitors are doing." + +"So be it, old friend," answered Telemachus, "but I am come now because +I want to see you, and to learn whether my mother is still at her old +home or whether some one else has married her, so that the bed of +Ulysses is without bedding and covered with cobwebs." + +"She is still at the house," replied Eumaeus, "grieving and breaking +her heart, and doing nothing but weep, both night and day continually." + +As he spoke he took Telemachus' spear, whereon he crossed the stone +threshold and came inside. Ulysses rose from his seat to give him place +as he entered, but Telemachus checked him; "Sit down, stranger," said +he, "I can easily find another seat, and there is one here who will lay +it for me." + +Ulysses went back to his own place, and Eumaeus strewed some green +brushwood on the floor and threw a sheepskin on top of it for +Telemachus to sit upon. Then the swineherd brought them platters of +cold meat, the remains from what they had eaten the day before, and he +filled the bread baskets with bread as fast as he could. He mixed wine +also in bowls of ivy-wood, and took his seat facing Ulysses. Then they +laid their hands on the good things that were before them, and as soon +as they had had enough to eat and drink Telemachus said to Eumaeus, +"Old friend, where does this stranger come from? How did his crew bring +him to Ithaca, and who were they?—for assuredly he did not come here by +land." + +To this you answered, O swineherd Eumaeus, "My son, I will tell you the +real truth. He says he is a Cretan, and that he has been a great +traveller. At this moment he is running away from a Thesprotian ship, +and has taken refuge at my station, so I will put him into your hands. +Do whatever you like with him, only remember that he is your +suppliant." + +"I am very much distressed," said Telemachus, "by what you have just +told me. How can I take this stranger into my house? I am as yet young, +and am not strong enough to hold my own if any man attacks me. My +mother cannot make up her mind whether to stay where she is and look +after the house out of respect for public opinion and the memory of her +husband, or whether the time is now come for her to take the best man +of those who are wooing her, and the one who will make her the most +advantageous offer; still, as the stranger has come to your station I +will find him a cloak and shirt of good wear, with a sword and sandals, +and will send him wherever he wants to go. Or if you like you can keep +him here at the station, and I will send him clothes and food that he +may be no burden on you and on your men; but I will not have him go +near the suitors, for they are very insolent, and are sure to ill treat +him in a way that would greatly grieve me; no matter how valiant a man +may be he can do nothing against numbers, for they will be too strong +for him." + +Then Ulysses said, "Sir, it is right that I should say something +myself. I am much shocked about what you have said about the insolent +way in which the suitors are behaving in despite of such a man as you +are. Tell me, do you submit to such treatment tamely, or has some god +set your people against you? May you not complain of your brothers—for +it is to these that a man may look for support, however great his +quarrel may be? I wish I were as young as you are and in my present +mind; if I were son to Ulysses, or, indeed, Ulysses himself, I would +rather some one came and cut my head off, but I would go to the house +and be the bane of every one of these men. If they were too many for +me—I being single-handed—I would rather die fighting in my own house +than see such disgraceful sights day after day, strangers grossly +maltreated, and men dragging the women servants about the house in an +unseemly way, wine drawn recklessly, and bread wasted all to no purpose +for an end that shall never be accomplished." + +And Telemachus answered, "I will tell you truly everything. There is no +enmity between me and my people, nor can I complain of brothers, to +whom a man may look for support however great his quarrel may be. Jove +has made us a race of only sons. Laertes was the only son of Arceisius, +and Ulysses only son of Laertes. I am myself the only son of Ulysses +who left me behind him when he went away, so that I have never been of +any use to him. Hence it comes that my house is in the hands of +numberless marauders; for the chiefs from all the neighbouring islands, +Dulichium, Same, Zacynthus, as also all the principal men of Ithaca +itself, are eating up my house under the pretext of paying court to my +mother, who will neither say point blank that she will not marry, nor +yet bring matters to an end, so they are making havoc of my estate, and +before long will do so with myself into the bargain. The issue, +however, rests with heaven. But do you, old friend Eumaeus, go at once +and tell Penelope that I am safe and have returned from Pylos. Tell it +to herself alone, and then come back here without letting any one else +know, for there are many who are plotting mischief against me." + +"I understand and heed you," replied Eumaeus; "you need instruct me no +further, only as I am going that way say whether I had not better let +poor Laertes know that you are returned. He used to superintend the +work on his farm in spite of his bitter sorrow about Ulysses, and he +would eat and drink at will along with his servants; but they tell me +that from the day on which you set out for Pylos he has neither eaten +nor drunk as he ought to do, nor does he look after his farm, but sits +weeping and wasting the flesh from off his bones." + +"More's the pity," answered Telemachus, "I am sorry for him, but we +must leave him to himself just now. If people could have everything +their own way, the first thing I should choose would be the return of +my father; but go, and give your message; then make haste back again, +and do not turn out of your way to tell Laertes. Tell my mother to send +one of her women secretly with the news at once, and let him hear it +from her." + +Thus did he urge the swineherd; Eumaeus, therefore, took his sandals, +bound them to his feet, and started for the town. Minerva watched him +well off the station, and then came up to it in the form of a +woman—fair, stately, and wise. She stood against the side of the entry, +and revealed herself to Ulysses, but Telemachus could not see her, and +knew not that she was there, for the gods do not let themselves be seen +by everybody. Ulysses saw her, and so did the dogs, for they did not +bark, but went scared and whining off to the other side of the yards. +She nodded her head and motioned to Ulysses with her eyebrows; whereon +he left the hut and stood before her outside the main wall of the +yards. Then she said to him: + +"Ulysses, noble son of Laertes, it is now time for you to tell your +son: do not keep him in the dark any longer, but lay your plans for the +destruction of the suitors, and then make for the town. I will not be +long in joining you, for I too am eager for the fray." + +As she spoke she touched him with her golden wand. First she threw a +fair clean shirt and cloak about his shoulders; then she made him +younger and of more imposing presence; she gave him back his colour, +filled out his cheeks, and let his beard become dark again. Then she +went away and Ulysses came back inside the hut. His son was astounded +when he saw him, and turned his eyes away for fear he might be looking +upon a god. + +"Stranger," said he, "how suddenly you have changed from what you were +a moment or two ago. You are dressed differently and your colour is not +the same. Are you some one or other of the gods that live in heaven? If +so, be propitious to me till I can make you due sacrifice and offerings +of wrought gold. Have mercy upon me." + +And Ulysses said, "I am no god, why should you take me for one? I am +your father, on whose account you grieve and suffer so much at the +hands of lawless men." + +As he spoke he kissed his son, and a tear fell from his cheek on to the +ground, for he had restrained all tears till now. But Telemachus could +not yet believe that it was his father, and said: + +"You are not my father, but some god is flattering me with vain hopes +that I may grieve the more hereafter; no mortal man could of himself +contrive to do as you have been doing, and make yourself old and young +at a moment's notice, unless a god were with him. A second ago you were +old and all in rags, and now you are like some god come down from +heaven." + +Ulysses answered, "Telemachus, you ought not to be so immeasurably +astonished at my being really here. There is no other Ulysses who will +come hereafter. Such as I am, it is I, who after long wandering and +much hardship have got home in the twentieth year to my own country. +What you wonder at is the work of the redoubtable goddess Minerva, who +does with me whatever she will, for she can do what she pleases. At one +moment she makes me like a beggar, and the next I am a young man with +good clothes on my back; it is an easy matter for the gods who live in +heaven to make any man look either rich or poor." + +As he spoke he sat down, and Telemachus threw his arms about his father +and wept. They were both so much moved that they cried aloud like +eagles or vultures with crooked talons that have been robbed of their +half fledged young by peasants. Thus piteously did they weep, and the +sun would have gone down upon their mourning if Telemachus had not +suddenly said, "In what ship, my dear father, did your crew bring you +to Ithaca? Of what nation did they declare themselves to be—for you +cannot have come by land?" + +"I will tell you the truth, my son," replied Ulysses. "It was the +Phaeacians who brought me here. They are great sailors, and are in the +habit of giving escorts to any one who reaches their coasts. They took +me over the sea while I was fast asleep, and landed me in Ithaca, after +giving me many presents in bronze, gold, and raiment. These things by +heaven's mercy are lying concealed in a cave, and I am now come here on +the suggestion of Minerva that we may consult about killing our +enemies. First, therefore, give me a list of the suitors, with their +number, that I may learn who, and how many, they are. I can then turn +the matter over in my mind, and see whether we two can fight the whole +body of them ourselves, or whether we must find others to help us." + +To this Telemachus answered, "Father, I have always heard of your +renown both in the field and in council, but the task you talk of is a +very great one: I am awed at the mere thought of it; two men cannot +stand against many and brave ones. There are not ten suitors only, nor +twice ten, but ten many times over; you shall learn their number at +once. There are fifty-two chosen youths from Dulichium, and they have +six servants; from Same there are twenty-four; twenty young Achaeans +from Zacynthus, and twelve from Ithaca itself, all of them well born. +They have with them a servant Medon, a bard, and two men who can carve +at table. If we face such numbers as this, you may have bitter cause to +rue your coming, and your revenge. See whether you cannot think of some +one who would be willing to come and help us." + +"Listen to me," replied Ulysses, "and think whether Minerva and her +father Jove may seem sufficient, or whether I am to try and find some +one else as well." + +"Those whom you have named," answered Telemachus, "are a couple of good +allies, for though they dwell high up among the clouds they have power +over both gods and men." + +"These two," continued Ulysses, "will not keep long out of the fray, +when the suitors and we join fight in my house. Now, therefore, return +home early to-morrow morning, and go about among the suitors as before. +Later on the swineherd will bring me to the city disguised as a +miserable old beggar. If you see them ill treating me, steel your heart +against my sufferings; even though they drag me feet foremost out of +the house, or throw things at me, look on and do nothing beyond gently +trying to make them behave more reasonably; but they will not listen to +you, for the day of their reckoning is at hand. Furthermore I say, and +lay my saying to your heart; when Minerva shall put it in my mind, I +will nod my head to you, and on seeing me do this you must collect all +the armour that is in the house and hide it in the strong store room. +Make some excuse when the suitors ask you why you are removing it; say +that you have taken it to be out of the way of the smoke, inasmuch as +it is no longer what it was when Ulysses went away, but has become +soiled and begrimed with soot. Add to this more particularly that you +are afraid Jove may set them on to quarrel over their wine, and that +they may do each other some harm which may disgrace both banquet and +wooing, for the sight of arms sometimes tempts people to use them. But +leave a sword and a spear apiece for yourself and me, and a couple of +oxhide shields so that we can snatch them up at any moment; Jove and +Minerva will then soon quiet these people. There is also another +matter; if you are indeed my son and my blood runs in your veins, let +no one know that Ulysses is within the house—neither Laertes, nor yet +the swineherd, nor any of the servants, nor even Penelope herself. Let +you and me exploit the women alone, and let us also make trial of some +other of the men servants, to see who is on our side and whose hand is +against us." + +"Father," replied Telemachus, "you will come to know me by and by, and +when you do you will find that I can keep your counsel. I do not think, +however, the plan you propose will turn out well for either of us. +Think it over. It will take us a long time to go the round of the farms +and exploit the men, and all the time the suitors will be wasting your +estate with impunity and without compunction. Prove the women by all +means, to see who are disloyal and who guiltless, but I am not in +favour of going round and trying the men. We can attend to that later +on, if you really have some sign from Jove that he will support you." + +Thus did they converse, and meanwhile the ship which had brought +Telemachus and his crew from Pylos had reached the town of Ithaca. When +they had come inside the harbour they drew the ship on to the land; +their servants came and took their armour from them, and they left all +the presents at the house of Clytius. Then they sent a servant to tell +Penelope that Telemachus had gone into the country, but had sent the +ship to the town to prevent her from being alarmed and made unhappy. +This servant and Eumaeus happened to meet when they were both on the +same errand of going to tell Penelope. When they reached the House, the +servant stood up and said to the queen in the presence of the waiting +women, "Your son, Madam, is now returned from Pylos"; but Eumaeus went +close up to Penelope, and said privately all that her son had bidden +him tell her. When he had given his message he left the house with its +outbuildings and went back to his pigs again. + +The suitors were surprised and angry at what had happened, so they went +outside the great wall that ran round the outer court, and held a +council near the main entrance. Eurymachus, son of Polybus, was the +first to speak. + +"My friends," said he, "this voyage of Telemachus's is a very serious +matter; we had made sure that it would come to nothing. Now, however, +let us draw a ship into the water, and get a crew together to send +after the others and tell them to come back as fast as they can." + +He had hardly done speaking when Amphinomus turned in his place and saw +the ship inside the harbour, with the crew lowering her sails, and +putting by their oars; so he laughed, and said to the others, "We need +not send them any message, for they are here. Some god must have told +them, or else they saw the ship go by, and could not overtake her." + +On this they rose and went to the water side. The crew then drew the +ship on shore; their servants took their armour from them, and they +went up in a body to the place of assembly, but they would not let any +one old or young sit along with them, and Antinous, son of Eupeithes, +spoke first. + +"Good heavens," said he, "see how the gods have saved this man from +destruction. We kept a succession of scouts upon the headlands all day +long, and when the sun was down we never went on shore to sleep, but +waited in the ship all night till morning in the hope of capturing and +killing him; but some god has conveyed him home in spite of us. Let us +consider how we can make an end of him. He must not escape us; our +affair is never likely to come off while he is alive, for he is very +shrewd, and public feeling is by no means all on our side. We must make +haste before he can call the Achaeans in assembly; he will lose no time +in doing so, for he will be furious with us, and will tell all the +world how we plotted to kill him, but failed to take him. The people +will not like this when they come to know of it; we must see that they +do us no hurt, nor drive us from our own country into exile. Let us try +and lay hold of him either on his farm away from the town, or on the +road hither. Then we can divide up his property amongst us, and let his +mother and the man who marries her have the house. If this does not +please you, and you wish Telemachus to live on and hold his father's +property, then we must not gather here and eat up his goods in this +way, but must make our offers to Penelope each from his own house, and +she can marry the man who will give the most for her, and whose lot it +is to win her." + +They all held their peace until Amphinomus rose to speak. He was the +son of Nisus, who was son to king Aretias, and he was foremost among +all the suitors from the wheat-growing and well grassed island of +Dulichium; his conversation, moreover, was more agreeable to Penelope +than that of any of the other suitors, for he was a man of good natural +disposition. "My friends," said he, speaking to them plainly and in all +honestly, "I am not in favour of killing Telemachus. It is a heinous +thing to kill one who is of noble blood. Let us first take counsel of +the gods, and if the oracles of Jove advise it, I will both help to +kill him myself, and will urge everyone else to do so; but if they +dissuade us, I would have you hold your hands." + +Thus did he speak, and his words pleased them well, so they rose +forthwith and went to the house of Ulysses, where they took their +accustomed seats. + +Then Penelope resolved that she would show herself to the suitors. She +knew of the plot against Telemachus, for the servant Medon had +overheard their counsels and had told her; she went down therefore to +the court attended by her maidens, and when she reached the suitors she +stood by one of the bearing-posts supporting the roof of the cloister +holding a veil before her face, and rebuked Antinous saying: + +"Antinous, insolent and wicked schemer, they say you are the best +speaker and counsellor of any man your own age in Ithaca, but you are +nothing of the kind. Madman, why should you try to compass the death of +Telemachus, and take no heed of suppliants, whose witness is Jove +himself? It is not right for you to plot thus against one another. Do +you not remember how your father fled to this house in fear of the +people, who were enraged against him for having gone with some Taphian +pirates and plundered the Thesprotians who were at peace with us? They +wanted to tear him in pieces and eat up everything he had, but Ulysses +stayed their hands although they were infuriated, and now you devour +his property without paying for it, and break my heart by wooing his +wife and trying to kill his son. Leave off doing so, and stop the +others also." + +To this Eurymachus son of Polybus answered, "Take heart, Queen Penelope +daughter of Icarius, and do not trouble yourself about these matters. +The man is not yet born, nor never will be, who shall lay hands upon +your son Telemachus, while I yet live to look upon the face of the +earth. I say—and it shall surely be—that my spear shall be reddened +with his blood; for many a time has Ulysses taken me on his knees, held +wine up to my lips to drink, and put pieces of meat into my hands. +Therefore Telemachus is much the dearest friend I have, and has nothing +to fear from the hands of us suitors. Of course, if death comes to him +from the gods, he cannot escape it." He said this to quiet her, but in +reality he was plotting against Telemachus. + +Then Penelope went upstairs again and mourned her husband till Minerva +shed sleep over her eyes. In the evening Eumaeus got back to Ulysses +and his son, who had just sacrificed a young pig of a year old and were +helping one another to get supper ready; Minerva therefore came up to +Ulysses, turned him into an old man with a stroke of her wand, and clad +him in his old clothes again, for fear that the swineherd might +recognise him and not keep the secret, but go and tell Penelope. + +Telemachus was the first to speak. "So you have got back, Eumaeus," +said he. "What is the news of the town? Have the suitors returned, or +are they still waiting over yonder, to take me on my way home?" + +"I did not think of asking about that," replied Eumaeus, "when I was in +the town. I thought I would give my message and come back as soon as I +could. I met a man sent by those who had gone with you to Pylos, and he +was the first to tell the news to your mother, but I can say what I saw +with my own eyes; I had just got on to the crest of the hill of Mercury +above the town when I saw a ship coming into harbour with a number of +men in her. They had many shields and spears, and I thought it was the +suitors, but I cannot be sure." + +On hearing this Telemachus smiled to his father, but so that Eumaeus +could not see him. + +Then, when they had finished their work and the meal was ready, they +ate it, and every man had his full share so that all were satisfied. As +soon as they had had enough to eat and drink, they laid down to rest +and enjoyed the boon of sleep. + + + + +BOOK XVII + + +TELEMACHUS AND HIS MOTHER MEET—ULYSSES AND EUMAEUS COME DOWN TO THE +TOWN, AND ULYSSES IS INSULTED BY MELANTHIUS—HE IS RECOGNISED BY THE DOG +ARGOS—HE IS INSULTED AND PRESENTLY STRUCK BY ANTINOUS WITH A +STOOL—PENELOPE DESIRES THAT HE SHALL BE SENT TO HER. + + +When the child of morning, rosy-fingered Dawn, appeared, Telemachus +bound on his sandals and took a strong spear that suited his hands, for +he wanted to go into the city. "Old friend," said he to the swineherd, +"I will now go to the town and show myself to my mother, for she will +never leave off grieving till she has seen me. As for this unfortunate +stranger, take him to the town and let him beg there of any one who +will give him a drink and a piece of bread. I have trouble enough of my +own, and cannot be burdened with other people. If this makes him angry +so much the worse for him, but I like to say what I mean." + +Then Ulysses said, "Sir, I do not want to stay here; a beggar can +always do better in town than country, for any one who likes can give +him something. I am too old to care about remaining here at the beck +and call of a master. Therefore let this man do as you have just told +him, and take me to the town as soon as I have had a warm by the fire, +and the day has got a little heat in it. My clothes are wretchedly +thin, and this frosty morning I shall be perished with cold, for you +say the city is some way off." + +On this Telemachus strode off through the yards, brooding his revenge +upon the suitors. When he reached home he stood his spear against a +bearing-post of the cloister, crossed the stone floor of the cloister +itself, and went inside. + +Nurse Euryclea saw him long before any one else did. She was putting +the fleeces on to the seats, and she burst out crying as she ran up to +him; all the other maids came up too, and covered his head and +shoulders with their kisses. Penelope came out of her room looking like +Diana or Venus, and wept as she flung her arms about her son. She +kissed his forehead and both his beautiful eyes, "Light of my eyes," +she cried as she spoke fondly to him, "so you are come home again; I +made sure I was never going to see you any more. To think of your +having gone off to Pylos without saying anything about it or obtaining +my consent. But come, tell me what you saw." + +"Do not scold me, mother," answered Telemachus, "nor vex me, seeing +what a narrow escape I have had, but wash your face, change your dress, +go upstairs with your maids, and promise full and sufficient hecatombs +to all the gods if Jove will only grant us our revenge upon the +suitors. I must now go to the place of assembly to invite a stranger +who has come back with me from Pylos. I sent him on with my crew, and +told Piraeus to take him home and look after him till I could come for +him myself." + +She heeded her son's words, washed her face, changed her dress, and +vowed full and sufficient hecatombs to all the gods if they would only +vouchsafe her revenge upon the suitors. + +Telemachus went through, and out of, the cloisters spear in hand—not +alone, for his two fleet dogs went with him. Minerva endowed him with a +presence of such divine comeliness that all marvelled at him as he went +by, and the suitors gathered round him with fair words in their mouths +and malice in their hearts; but he avoided them, and went to sit with +Mentor, Antiphus, and Halitherses, old friends of his father's house, +and they made him tell them all that had happened to him. Then Piraeus +came up with Theoclymenus, whom he had escorted through the town to the +place of assembly, whereon Telemachus at once joined them. Piraeus was +first to speak: "Telemachus," said he, "I wish you would send some of +your women to my house to take away the presents Menelaus gave you." + +"We do not know, Piraeus," answered Telemachus, "what may happen. If +the suitors kill me in my own house and divide my property among them, +I would rather you had the presents than that any of those people +should get hold of them. If on the other hand I managed to kill them, I +shall be much obliged if you will kindly bring me my presents." + +With these words he took Theoclymenus to his own house. When they got +there they laid their cloaks on the benches and seats, went into the +baths, and washed themselves. When the maids had washed and anointed +them, and had given them cloaks and shirts, they took their seats at +table. A maid servant then brought them water in a beautiful golden +ewer, and poured it into a silver basin for them to wash their hands; +and she drew a clean table beside them. An upper servant brought them +bread and offered them many good things of what there was in the house. +Opposite them sat Penelope, reclining on a couch by one of the +bearing-posts of the cloister, and spinning. Then they laid their hands +on the good things that were before them, and as soon as they had had +enough to eat and drink Penelope said: + +"Telemachus, I shall go upstairs and lie down on that sad couch, which +I have not ceased to water with my tears, from the day Ulysses set out +for Troy with the sons of Atreus. You failed, however, to make it clear +to me before the suitors came back to the house, whether or no you had +been able to hear anything about the return of your father." + +"I will tell you then truth," replied her son. "We went to Pylos and +saw Nestor, who took me to his house and treated me as hospitably as +though I were a son of his own who had just returned after a long +absence; so also did his sons; but he said he had not heard a word from +any human being about Ulysses, whether he was alive or dead. He sent +me, therefore, with a chariot and horses to Menelaus. There I saw +Helen, for whose sake so many, both Argives and Trojans, were in +heaven's wisdom doomed to suffer. Menelaus asked me what it was that +had brought me to Lacedaemon, and I told him the whole truth, whereon +he said, 'So, then, these cowards would usurp a brave man's bed? A hind +might as well lay her new-born young in the lair of a lion, and then go +off to feed in the forest or in some grassy dell. The lion, when he +comes back to his lair, will make short work with the pair of them, and +so will Ulysses with these suitors. By father Jove, Minerva, and +Apollo, if Ulysses is still the man that he was when he wrestled with +Philomeleides in Lesbos, and threw him so heavily that all the Greeks +cheered him—if he is still such, and were to come near these suitors, +they would have a short shrift and a sorry wedding. As regards your +question, however, I will not prevaricate nor deceive you, but what the +old man of the sea told me, so much will I tell you in full. He said he +could see Ulysses on an island sorrowing bitterly in the house of the +nymph Calypso, who was keeping him prisoner, and he could not reach his +home, for he had no ships nor sailors to take him over the sea.' This +was what Menelaus told me, and when I had heard his story I came away; +the gods then gave me a fair wind and soon brought me safe home again." + +With these words he moved the heart of Penelope. Then Theoclymenus said +to her: + +"Madam, wife of Ulysses, Telemachus does not understand these things; +listen therefore to me, for I can divine them surely, and will hide +nothing from you. May Jove the king of heaven be my witness, and the +rites of hospitality, with that hearth of Ulysses to which I now come, +that Ulysses himself is even now in Ithaca, and, either going about the +country or staying in one place, is enquiring into all these evil deeds +and preparing a day of reckoning for the suitors. I saw an omen when I +was on the ship which meant this, and I told Telemachus about it." + +"May it be even so," answered Penelope; "if your words come true, you +shall have such gifts and such good will from me that all who see you +shall congratulate you." + +Thus did they converse. Meanwhile the suitors were throwing discs, or +aiming with spears at a mark on the levelled ground in front of the +house, and behaving with all their old insolence. But when it was now +time for dinner, and the flock of sheep and goats had come into the +town from all the country round, 1 with their shepherds as usual, +then Medon, who was their favourite servant, and who waited upon them +at table, said, "Now then, my young masters, you have had enough sport, +so come inside that we may get dinner ready. Dinner is not a bad thing, +at dinner time." + +They left their sports as he told them, and when they were within the +house, they laid their cloaks on the benches and seats inside, and then +sacrificed some sheep, goats, pigs, and a heifer, all of them fat and +well grown. Thus they made ready for their meal. In the meantime +Ulysses and the swineherd were about starting for the town, and the +swineherd said, "Stranger, I suppose you still want to go to town +to-day, as my master said you were to do; for my own part I should have +liked you to stay here as a station hand, but I must do as my master +tells me, or he will scold me later on, and a scolding from one's +master is a very serious thing. Let us then be off, for it is now broad +day; it will be night again directly and then you will find it +colder." + +"I know, and understand you," replied Ulysses; "you need say no more. +Let us be going, but if you have a stick ready cut, let me have it to +walk with, for you say the road is a very rough one." + +As he spoke he threw his shabby old tattered wallet over his shoulders, +by the cord from which it hung, and Eumaeus gave him a stick to his +liking. The two then started, leaving the station in charge of the dogs +and herdsmen who remained behind; the swineherd led the way and his +master followed after, looking like some broken down old tramp as he +leaned upon his staff, and his clothes were all in rags. When they had +got over the rough steep ground and were nearing the city, they reached +the fountain from which the citizens drew their water. This had been +made by Ithacus, Neritus, and Polyctor. There was a grove of +water-loving poplars planted in a circle all round it, and the clear +cold water came down to it from a rock high up, while above the +fountain there was an altar to the nymphs, at which all wayfarers used +to sacrifice. Here Melanthius son of Dolius overtook them as he was +driving down some goats, the best in his flock, for the suitors' +dinner, and there were two shepherds with him. When he saw Eumaeus and +Ulysses he reviled them with outrageous and unseemly language, which +made Ulysses very angry. + +"There you go," cried he, "and a precious pair you are. See how heaven +brings birds of the same feather to one another. Where, pray, master +swineherd, are you taking this poor miserable object? It would make any +one sick to see such a creature at table. A fellow like this never won +a prize for anything in his life, but will go about rubbing his +shoulders against every man's door post, and begging, not for swords +and cauldrons like a man, but only for a few scraps not worth +begging for. If you would give him to me for a hand on my station, he +might do to clean out the folds, or bring a bit of sweet feed to the +kids, and he could fatten his thighs as much as he pleased on whey; but +he has taken to bad ways and will not go about any kind of work; he +will do nothing but beg victuals all the town over, to feed his +insatiable belly. I say, therefore—and it shall surely be—if he goes +near Ulysses' house he will get his head broken by the stools they will +fling at him, till they turn him out." + +On this, as he passed, he gave Ulysses a kick on the hip out of pure +wantonness, but Ulysses stood firm, and did not budge from the path. +For a moment he doubted whether or no to fly at Melanthius and kill him +with his staff, or fling him to the ground and beat his brains out; he +resolved, however, to endure it and keep himself in check, but the +swineherd looked straight at Melanthius and rebuked him, lifting up his +hands and praying to heaven as he did so. + +"Fountain nymphs," he cried, "children of Jove, if ever Ulysses burned +you thigh bones covered with fat whether of lambs or kids, grant my +prayer that heaven may send him home. He would soon put an end to the +swaggering threats with which such men as you go about insulting +people—gadding all over the town while your flocks are going to ruin +through bad shepherding." + +Then Melanthius the goatherd answered, "You ill conditioned cur, what +are you talking about? Some day or other I will put you on board ship +and take you to a foreign country, where I can sell you and pocket the +money you will fetch. I wish I were as sure that Apollo would strike +Telemachus dead this very day, or that the suitors would kill him, as I +am that Ulysses will never come home again." + +With this he left them to come on at their leisure, while he went +quickly forward and soon reached the house of his master. When he got +there he went in and took his seat among the suitors opposite +Eurymachus, who liked him better than any of the others. The servants +brought him a portion of meat, and an upper woman servant set bread +before him that he might eat. Presently Ulysses and the swineherd came +up to the house and stood by it, amid a sound of music, for Phemius was +just beginning to sing to the suitors. Then Ulysses took hold of the +swineherd's hand, and said: + +"Eumaeus, this house of Ulysses is a very fine place. No matter how far +you go, you will find few like it. One building keeps following on +after another. The outer court has a wall with battlements all round +it; the doors are double folding, and of good workmanship; it would be +a hard matter to take it by force of arms. I perceive, too, that there +are many people banqueting within it, for there is a smell of roast +meat, and I hear a sound of music, which the gods have made to go along +with feasting." + +Then Eumaeus said, "You have perceived aright, as indeed you generally +do; but let us think what will be our best course. Will you go inside +first and join the suitors, leaving me here behind you, or will you +wait here and let me go in first? But do not wait long, or some one may +see you loitering about outside, and throw something at you. Consider +this matter I pray you." + +And Ulysses answered, "I understand and heed. Go in first and leave me +here where I am. I am quite used to being beaten and having things +thrown at me. I have been so much buffeted about in war and by sea that +I am case-hardened, and this too may go with the rest. But a man cannot +hide away the cravings of a hungry belly; this is an enemy which gives +much trouble to all men; it is because of this that ships are fitted +out to sail the seas, and to make war upon other people." + +As they were thus talking, a dog that had been lying asleep raised his +head and pricked up his ears. This was Argos, whom Ulysses had bred +before setting out for Troy, but he had never had any work out of him. +In the old days he used to be taken out by the young men when they went +hunting wild goats, or deer, or hares, but now that his master was gone +he was lying neglected on the heaps of mule and cow dung that lay in +front of the stable doors till the men should come and draw it away to +manure the great close; and he was full of fleas. As soon as he saw +Ulysses standing there, he dropped his ears and wagged his tail, but he +could not get close up to his master. When Ulysses saw the dog on the +other side of the yard, he dashed a tear from his eyes without Eumaeus +seeing it, and said: + +"Eumaeus, what a noble hound that is over yonder on the manure heap: +his build is splendid; is he as fine a fellow as he looks, or is he +only one of those dogs that come begging about a table, and are kept +merely for show?" + +"This hound," answered Eumaeus, "belonged to him who has died in a far +country. If he were what he was when Ulysses left for Troy, he would +soon show you what he could do. There was not a wild beast in the +forest that could get away from him when he was once on its tracks. But +now he has fallen on evil times, for his master is dead and gone, and +the women take no care of him. Servants never do their work when their +master's hand is no longer over them, for Jove takes half the goodness +out of a man when he makes a slave of him." + +As he spoke he went inside the buildings to the cloister where the +suitors were, but Argos died as soon as he had recognised his master. + +Telemachus saw Eumaeus long before any one else did, and beckoned him +to come and sit beside him; so he looked about and saw a seat lying +near where the carver sat serving out their portions to the suitors; he +picked it up, brought it to Telemachus's table, and sat down opposite +him. Then the servant brought him his portion, and gave him bread from +the bread-basket. + +Immediately afterwards Ulysses came inside, looking like a poor +miserable old beggar, leaning on his staff and with his clothes all in +rags. He sat down upon the threshold of ash-wood just inside the doors +leading from the outer to the inner court, and against a bearing-post +of cypress-wood which the carpenter had skilfully planed, and had made +to join truly with rule and line. Telemachus took a whole loaf from the +bread-basket, with as much meat as he could hold in his two hands, and +said to Eumaeus, "Take this to the stranger, and tell him to go the +round of the suitors, and beg from them; a beggar must not be +shamefaced." + +So Eumaeus went up to him and said, "Stranger, Telemachus sends you +this, and says you are to go the round of the suitors begging, for +beggars must not be shamefaced." + +Ulysses answered, "May King Jove grant all happiness to Telemachus, and +fulfil the desire of his heart." + +Then with both hands he took what Telemachus had sent him, and laid it +on the dirty old wallet at his feet. He went on eating it while the +bard was singing, and had just finished his dinner as he left off. The +suitors applauded the bard, whereon Minerva went up to Ulysses and +prompted him to beg pieces of bread from each one of the suitors, that +he might see what kind of people they were, and tell the good from the +bad; but come what might she was not going to save a single one of +them. Ulysses, therefore, went on his round, going from left to right, +and stretched out his hands to beg as though he were a real beggar. +Some of them pitied him, and were curious about him, asking one another +who he was and where he came from; whereon the goatherd Melanthius +said, "Suitors of my noble mistress, I can tell you something about +him, for I have seen him before. The swineherd brought him here, but I +know nothing about the man himself, nor where he comes from." + +On this Antinous began to abuse the swineherd. "You precious idiot," he +cried, "what have you brought this man to town for? Have we not tramps +and beggars enough already to pester us as we sit at meat? Do you think +it a small thing that such people gather here to waste your master's +property—and must you needs bring this man as well?" + +And Eumaeus answered, "Antinous, your birth is good but your words +evil. It was no doing of mine that he came here. Who is likely to +invite a stranger from a foreign country, unless it be one of those who +can do public service as a seer, a healer of hurts, a carpenter, or a +bard who can charm us with his singing? Such men are welcome all the +world over, but no one is likely to ask a beggar who will only worry +him. You are always harder on Ulysses' servants than any of the other +suitors are, and above all on me, but I do not care so long as +Telemachus and Penelope are alive and here." + +But Telemachus said, "Hush, do not answer him; Antinous has the +bitterest tongue of all the suitors, and he makes the others worse." + +Then turning to Antinous he said, "Antinous, you take as much care of +my interests as though I were your son. Why should you want to see this +stranger turned out of the house? Heaven forbid; take something and +give it him yourself; I do not grudge it; I bid you take it. Never mind +my mother, nor any of the other servants in the house; but I know you +will not do what I say, for you are more fond of eating things yourself +than of giving them to other people." + +"What do you mean, Telemachus," replied Antinous, "by this swaggering +talk? If all the suitors were to give him as much as I will, he would +not come here again for another three months." + +As he spoke he drew the stool on which he rested his dainty feet from +under the table, and made as though he would throw it at Ulysses, but +the other suitors all gave him something, and filled his wallet with +bread and meat; he was about, therefore, to go back to the threshold +and eat what the suitors had given him, but he first went up to +Antinous and said: + +"Sir, give me something; you are not, surely, the poorest man here; you +seem to be a chief, foremost among them all; therefore you should be +the better giver, and I will tell far and wide of your bounty. I too +was a rich man once, and had a fine house of my own; in those days I +gave to many a tramp such as I now am, no matter who he might be nor +what he wanted. I had any number of servants, and all the other things +which people have who live well and are accounted wealthy, but it +pleased Jove to take all away from me. He sent me with a band of roving +robbers to Egypt; it was a long voyage and I was undone by it. I +stationed my ships in the river Aegyptus, and bade my men stay by them +and keep guard over them, while I sent out scouts to reconnoitre from +every point of vantage. + +"But the men disobeyed my orders, took to their own devices, and +ravaged the land of the Egyptians, killing the men, and taking their +wives and children captives. The alarm was soon carried to the city, +and when they heard the war-cry, the people came out at daybreak till +the plain was filled with soldiers horse and foot, and with the gleam +of armour. Then Jove spread panic among my men, and they would no +longer face the enemy, for they found themselves surrounded. The +Egyptians killed many of us, and took the rest alive to do forced +labour for them; as for myself, they gave me to a friend who met them, +to take to Cyprus, Dmetor by name, son of Iasus, who was a great man in +Cyprus. Thence I am come hither in a state of great misery." + +Then Antinous said, "What god can have sent such a pestilence to plague +us during our dinner? Get out, into the open part of the court, or I +will give you Egypt and Cyprus over again for your insolence and +importunity; you have begged of all the others, and they have given you +lavishly, for they have abundance round them, and it is easy to be free +with other people's property when there is plenty of it." + +On this Ulysses began to move off, and said, "Your looks, my fine sir, +are better than your breeding; if you were in your own house you would +not spare a poor man so much as a pinch of salt, for though you are in +another man's, and surrounded with abundance, you cannot find it in you +to give him even a piece of bread." + +This made Antinous very angry, and he scowled at him saying, "You shall +pay for this before you get clear of the court." With these words he +threw a footstool at him, and hit him on the right shoulder blade near +the top of his back. Ulysses stood firm as a rock and the blow did not +even stagger him, but he shook his head in silence as he brooded on his +revenge. Then he went back to the threshold and sat down there, laying +his well filled wallet at his feet. + +"Listen to me," he cried, "you suitors of Queen Penelope, that I may +speak even as I am minded. A man knows neither ache nor pain if he gets +hit while fighting for his money, or for his sheep or his cattle; and +even so Antinous has hit me while in the service of my miserable belly, +which is always getting people into trouble. Still, if the poor have +gods and avenging deities at all, I pray them that Antinous may come to +a bad end before his marriage." + +"Sit where you are, and eat your victuals in silence, or be off +elsewhere," shouted Antinous. "If you say more I will have you dragged +hand and foot through the courts, and the servants shall flay you +alive." + +The other suitors were much displeased at this, and one of the young +men said, "Antinous, you did ill in striking that poor wretch of a +tramp: it will be worse for you if he should turn out to be some +god—and we know the gods go about disguised in all sorts of ways as +people from foreign countries, and travel about the world to see who do +amiss and who righteously." + +Thus said the suitors, but Antinous paid them no heed. Meanwhile +Telemachus was furious about the blow that had been given to his +father, and though no tear fell from him, he shook his head in silence +and brooded on his revenge. + +Now when Penelope heard that the beggar had been struck in the +banqueting-cloister, she said before her maids, "Would that Apollo +would so strike you, Antinous," and her waiting woman Eurynome +answered, "If our prayers were answered not one of the suitors would +ever again see the sun rise." Then Penelope said, "Nurse, I hate +every single one of them, for they mean nothing but mischief, but I +hate Antinous like the darkness of death itself. A poor unfortunate +tramp has come begging about the house for sheer want. Every one else +has given him something to put in his wallet, but Antinous has hit him +on the right shoulder-blade with a footstool." + +Thus did she talk with her maids as she sat in her own room, and in the +meantime Ulysses was getting his dinner. Then she called for the +swineherd and said, "Eumaeus, go and tell the stranger to come here, I +want to see him and ask him some questions. He seems to have travelled +much, and he may have seen or heard something of my unhappy husband." + +To this you answered, O swineherd Eumaeus, "If these Achaeans, Madam, +would only keep quiet, you would be charmed with the history of his +adventures. I had him three days and three nights with me in my hut, +which was the first place he reached after running away from his ship, +and he has not yet completed the story of his misfortunes. If he had +been the most heaven-taught minstrel in the whole world, on whose lips +all hearers hang entranced, I could not have been more charmed as I sat +in my hut and listened to him. He says there is an old friendship +between his house and that of Ulysses, and that he comes from Crete +where the descendants of Minos live, after having been driven hither +and thither by every kind of misfortune; he also declares that he has +heard of Ulysses as being alive and near at hand among the +Thesprotians, and that he is bringing great wealth home with him." + +"Call him here, then," said Penelope, "that I too may hear his story. +As for the suitors, let them take their pleasure indoors or out as they +will, for they have nothing to fret about. Their corn and wine remain +unwasted in their houses with none but servants to consume them, while +they keep hanging about our house day after day sacrificing our oxen, +sheep, and fat goats for their banquets, and never giving so much as a +thought to the quantity of wine they drink. No estate can stand such +recklessness, for we have now no Ulysses to protect us. If he were to +come again, he and his son would soon have their revenge." + +As she spoke Telemachus sneezed so loudly that the whole house +resounded with it. Penelope laughed when she heard this, and said to +Eumaeus, "Go and call the stranger; did you not hear how my son sneezed +just as I was speaking? This can only mean that all the suitors are +going to be killed, and that not one of them shall escape. Furthermore +I say, and lay my saying to your heart: if I am satisfied that the +stranger is speaking the truth I shall give him a shirt and cloak of +good wear." + +When Eumaeus heard this he went straight to Ulysses and said, "Father +stranger, my mistress Penelope, mother of Telemachus, has sent for you; +she is in great grief, but she wishes to hear anything you can tell her +about her husband, and if she is satisfied that you are speaking the +truth, she will give you a shirt and cloak, which are the very things +that you are most in want of. As for bread, you can get enough of that +to fill your belly, by begging about the town, and letting those give +that will." + +"I will tell Penelope," answered Ulysses, "nothing but what is strictly +true. I know all about her husband, and have been partner with him in +affliction, but I am afraid of passing through this crowd of cruel +suitors, for their pride and insolence reach heaven. Just now, +moreover, as I was going about the house without doing any harm, a man +gave me a blow that hurt me very much, but neither Telemachus nor any +one else defended me. Tell Penelope, therefore, to be patient and wait +till sundown. Let her give me a seat close up to the fire, for my +clothes are worn very thin—you know they are, for you have seen them +ever since I first asked you to help me—she can then ask me about the +return of her husband." + +The swineherd went back when he heard this, and Penelope said as she +saw him cross the threshold, "Why do you not bring him here, Eumaeus? +Is he afraid that some one will ill-treat him, or is he shy of coming +inside the house at all? Beggars should not be shamefaced." + +To this you answered, O swineherd Eumaeus, "The stranger is quite +reasonable. He is avoiding the suitors, and is only doing what any one +else would do. He asks you to wait till sundown, and it will be much +better, madam, that you should have him all to yourself, when you can +hear him and talk to him as you will." + +"The man is no fool," answered Penelope, "it would very likely be as he +says, for there are no such abominable people in the whole world as +these men are." + +When she had done speaking Eumaeus went back to the suitors, for he had +explained everything. Then he went up to Telemachus and said in his ear +so that none could overhear him, "My dear sir, I will now go back to +the pigs, to see after your property and my own business. You will look +to what is going on here, but above all be careful to keep out of +danger, for there are many who bear you ill will. May Jove bring them +to a bad end before they do us a mischief." + +"Very well," replied Telemachus, "go home when you have had your +dinner, and in the morning come here with the victims we are to +sacrifice for the day. Leave the rest to heaven and me." + +On this Eumaeus took his seat again, and when he had finished his +dinner he left the courts and the cloister with the men at table, and +went back to his pigs. As for the suitors, they presently began to +amuse themselves with singing and dancing, for it was now getting on +towards evening. + + + + +BOOK XVIII + + +THE FIGHT WITH IRUS—ULYSSES WARNS AMPHINOMUS—PENELOPE GETS PRESENTS +FROM THE SUITORS—THE BRAZIERS—ULYSSES REBUKES EURYMACHUS. + + +Now there came a certain common tramp who used to go begging all over +the city of Ithaca, and was notorious as an incorrigible glutton and +drunkard. This man had no strength nor stay in him, but he was a great +hulking fellow to look at; his real name, the one his mother gave him, +was Arnaeus, but the young men of the place called him Irus, because +he used to run errands for any one who would send him. As soon as he +came he began to insult Ulysses, and to try and drive him out of his +own house. + +"Be off, old man," he cried, "from the doorway, or you shall be dragged +out neck and heels. Do you not see that they are all giving me the +wink, and wanting me to turn you out by force, only I do not like to do +so? Get up then, and go of yourself, or we shall come to blows." + +Ulysses frowned on him and said, "My friend, I do you no manner of +harm; people give you a great deal, but I am not jealous. There is room +enough in this doorway for the pair of us, and you need not grudge me +things that are not yours to give. You seem to be just such another +tramp as myself, but perhaps the gods will give us better luck by and +by. Do not, however, talk too much about fighting or you will incense +me, and old though I am, I shall cover your mouth and chest with blood. +I shall have more peace tomorrow if I do, for you will not come to the +house of Ulysses any more." + +Irus was very angry and answered, "You filthy glutton, you run on +trippingly like an old fish-fag. I have a good mind to lay both hands +about you, and knock your teeth out of your head like so many boar's +tusks. Get ready, therefore, and let these people here stand by and +look on. You will never be able to fight one who is so much younger +than yourself." + +Thus roundly did they rate one another on the smooth pavement in front +of the doorway, and when Antinous saw what was going on he laughed +heartily and said to the others, "This is the finest sport that you +ever saw; heaven never yet sent anything like it into this house. The +stranger and Irus have quarreled and are going to fight, let us set +them on to do so at once." + +The suitors all came up laughing, and gathered round the two ragged +tramps. "Listen to me," said Antinous, "there are some goats' paunches +down at the fire, which we have filled with blood and fat, and set +aside for supper; he who is victorious and proves himself to be the +better man shall have his pick of the lot; he shall be free of our +table and we will not allow any other beggar about the house at all." + +The others all agreed, but Ulysses, to throw them off the scent, said, +"Sirs, an old man like myself, worn out with suffering, cannot hold his +own against a young one; but my irrepressible belly urges me on, though +I know it can only end in my getting a drubbing. You must swear, +however that none of you will give me a foul blow to favour Irus and +secure him the victory." + +They swore as he told them, and when they had completed their oath +Telemachus put in a word and said, "Stranger, if you have a mind to +settle with this fellow, you need not be afraid of any one here. +Whoever strikes you will have to fight more than one. I am host, and +the other chiefs, Antinous and Eurymachus, both of them men of +understanding, are of the same mind as I am." + +Every one assented, and Ulysses girded his old rags about his loins, +thus baring his stalwart thighs, his broad chest and shoulders, and his +mighty arms; but Minerva came up to him and made his limbs even +stronger still. The suitors were beyond measure astonished, and one +would turn towards his neighbour saying, "The stranger has brought such +a thigh out of his old rags that there will soon be nothing left of +Irus." + +Irus began to be very uneasy as he heard them, but the servants girded +him by force, and brought him [into the open part of the court] in such +a fright that his limbs were all of a tremble. Antinous scolded him and +said, "You swaggering bully, you ought never to have been born at all +if you are afraid of such an old broken down creature as this tramp is. +I say, therefore—and it shall surely be—if he beats you and proves +himself the better man, I shall pack you off on board ship to the +mainland and send you to king Echetus, who kills every one that comes +near him. He will cut off your nose and ears, and draw out your +entrails for the dogs to eat." + +This frightened Irus still more, but they brought him into the middle +of the court, and the two men raised their hands to fight. Then Ulysses +considered whether he should let drive so hard at him as to make an end +of him then and there, or whether he should give him a lighter blow +that should only knock him down; in the end he deemed it best to give +the lighter blow for fear the Achaeans should begin to suspect who he +was. Then they began to fight, and Irus hit Ulysses on the right +shoulder; but Ulysses gave Irus a blow on the neck under the ear that +broke in the bones of his skull, and the blood came gushing out of his +mouth; he fell groaning in the dust, gnashing his teeth and kicking on +the ground, but the suitors threw up their hands and nearly died of +laughter, as Ulysses caught hold of him by the foot and dragged him +into the outer court as far as the gate-house. There he propped him up +against the wall and put his staff in his hands. "Sit here," said he, +"and keep the dogs and pigs off; you are a pitiful creature, and if you +try to make yourself king of the beggars any more you shall fare still +worse." + +Then he threw his dirty old wallet, all tattered and torn over his +shoulder with the cord by which it hung, and went back to sit down upon +the threshold; but the suitors went within the cloisters, laughing and +saluting him, "May Jove, and all the other gods," said they, "grant you +whatever you want for having put an end to the importunity of this +insatiable tramp. We will take him over to the mainland presently, to +king Echetus, who kills every one that comes near him." + +Ulysses hailed this as of good omen, and Antinous set a great goat's +paunch before him filled with blood and fat. Amphinomus took two loaves +out of the bread-basket and brought them to him, pledging him as he did +so in a golden goblet of wine. "Good luck to you," he said, "father +stranger, you are very badly off at present, but I hope you will have +better times by and by." + +To this Ulysses answered, "Amphinomus, you seem to be a man of good +understanding, as indeed you may well be, seeing whose son you are. I +have heard your father well spoken of; he is Nisus of Dulichium, a man +both brave and wealthy. They tell me you are his son, and you appear to +be a considerable person; listen, therefore, and take heed to what I am +saying. Man is the vainest of all creatures that have their being upon +earth. As long as heaven vouchsafes him health and strength, he thinks +that he shall come to no harm hereafter, and even when the blessed gods +bring sorrow upon him, he bears it as he needs must, and makes the best +of it; for God almighty gives men their daily minds day by day. I know +all about it, for I was a rich man once, and did much wrong in the +stubbornness of my pride, and in the confidence that my father and my +brothers would support me; therefore let a man fear God in all things +always, and take the good that heaven may see fit to send him without +vain glory. Consider the infamy of what these suitors are doing; see +how they are wasting the estate, and doing dishonour to the wife, of +one who is certain to return some day, and that, too, not long hence. +Nay, he will be here soon; may heaven send you home quietly first that +you may not meet with him in the day of his coming, for once he is here +the suitors and he will not part bloodlessly." + +With these words he made a drink-offering, and when he had drunk he put +the gold cup again into the hands of Amphinomus, who walked away +serious and bowing his head, for he foreboded evil. But even so he did +not escape destruction, for Minerva had doomed him to fall by the hand +of Telemachus. So he took his seat again at the place from which he had +come. + +Then Minerva put it into the mind of Penelope to show herself to the +suitors, that she might make them still more enamoured of her, and win +still further honour from her son and husband. So she feigned a mocking +laugh and said, "Eurynome, I have changed my mind, and have a fancy to +show myself to the suitors although I detest them. I should like also +to give my son a hint that he had better not have anything more to do +with them. They speak fairly enough but they mean mischief." + +"My dear child," answered Eurynome, "all that you have said is true, go +and tell your son about it, but first wash yourself and anoint your +face. Do not go about with your cheeks all covered with tears; it is +not right that you should grieve so incessantly; for Telemachus, whom +you always prayed that you might live to see with a beard, is already +grown up." + +"I know, Eurynome," replied Penelope, "that you mean well, but do not +try and persuade me to wash and to anoint myself, for heaven robbed me +of all my beauty on the day my husband sailed; nevertheless, tell +Autonoe and Hippodamia that I want them. They must be with me when I am +in the cloister; I am not going among the men alone; it would not be +proper for me to do so." + +On this the old woman went out of the room to bid the maids go to +their mistress. In the meantime Minerva bethought her of another +matter, and sent Penelope off into a sweet slumber; so she lay down on +her couch and her limbs became heavy with sleep. Then the goddess shed +grace and beauty over her that all the Achaeans might admire her. She +washed her face with the ambrosial loveliness that Venus wears when she +goes dancing with the Graces; she made her taller and of a more +commanding figure, while as for her complexion it was whiter than sawn +ivory. When Minerva had done all this she went away, whereon the maids +came in from the women's room and woke Penelope with the sound of their +talking. + +"What an exquisitely delicious sleep I have been having," said she, as +she passed her hands over her face, "in spite of all my misery. I wish +Diana would let me die so sweetly now at this very moment, that I might +no longer waste in despair for the loss of my dear husband, who +possessed every kind of good quality and was the most distinguished man +among the Achaeans." + +With these words she came down from her upper room, not alone but +attended by two of her maidens, and when she reached the suitors she +stood by one of the bearing-posts supporting the roof of the cloister, +holding a veil before her face, and with a staid maid servant on either +side of her. As they beheld her the suitors were so overpowered and +became so desperately enamoured of her, that each one prayed he might +win her for his own bed fellow. + +"Telemachus," said she, addressing her son, "I fear you are no longer +so discreet and well conducted as you used to be. When you were younger +you had a greater sense of propriety; now, however, that you are grown +up, though a stranger to look at you would take you for the son of a +well to do father as far as size and good looks go, your conduct is by +no means what it should be. What is all this disturbance that has been +going on, and how came you to allow a stranger to be so disgracefully +ill-treated? What would have happened if he had suffered serious injury +while a suppliant in our house? Surely this would have been very +discreditable to you." + +"I am not surprised, my dear mother, at your displeasure," replied +Telemachus, "I understand all about it and know when things are not as +they should be, which I could not do when I was younger; I cannot, +however, behave with perfect propriety at all times. First one and then +another of these wicked people here keeps driving me out of my mind, +and I have no one to stand by me. After all, however, this fight +between Irus and the stranger did not turn out as the suitors meant it +to do, for the stranger got the best of it. I wish Father Jove, +Minerva, and Apollo would break the neck of every one of these wooers +of yours, some inside the house and some out; and I wish they might all +be as limp as Irus is over yonder in the gate of the outer court. See +how he nods his head like a drunken man; he has had such a thrashing +that he cannot stand on his feet nor get back to his home, wherever +that may be, for he has no strength left in him." + +Thus did they converse. Eurymachus then came up and said, "Queen +Penelope, daughter of Icarius, if all the Achaeans in Iasian Argos +could see you at this moment, you would have still more suitors in your +house by tomorrow morning, for you are the most admirable woman in the +whole world both as regards personal beauty and strength of +understanding." + +To this Penelope replied, "Eurymachus, heaven robbed me of all my +beauty whether of face or figure when the Argives set sail for Troy and +my dear husband with them. If he were to return and look after my +affairs, I should both be more respected and show a better presence to +the world. As it is, I am oppressed with care, and with the afflictions +which heaven has seen fit to heap upon me. My husband foresaw it all, +and when he was leaving home he took my right wrist in his hand—'Wife,' +he said, 'we shall not all of us come safe home from Troy, for the +Trojans fight well both with bow and spear. They are excellent also at +fighting from chariots, and nothing decides the issue of a fight sooner +than this. I know not, therefore, whether heaven will send me back to +you, or whether I may not fall over there at Troy. In the meantime do +you look after things here. Take care of my father and mother as at +present, and even more so during my absence, but when you see our son +growing a beard, then marry whom you will, and leave this your present +home.' This is what he said and now it is all coming true. A night will +come when I shall have to yield myself to a marriage which I detest, +for Jove has taken from me all hope of happiness. This further grief, +moreover, cuts me to the very heart. You suitors are not wooing me +after the custom of my country. When men are courting a woman who they +think will be a good wife to them and who is of noble birth, and when +they are each trying to win her for himself, they usually bring oxen +and sheep to feast the friends of the lady, and they make her +magnificent presents, instead of eating up other people's property +without paying for it." + +This was what she said, and Ulysses was glad when he heard her trying +to get presents out of the suitors, and flattering them with fair words +which he knew she did not mean. + +Then Antinous said, "Queen Penelope, daughter of Icarius, take as many +presents as you please from any one who will give them to you; it is +not well to refuse a present; but we will not go about our business nor +stir from where we are, till you have married the best man among us +whoever he may be." + +The others applauded what Antinous had said, and each one sent his +servant to bring his present. Antinous's man returned with a large and +lovely dress most exquisitely embroidered. It had twelve beautifully +made brooch pins of pure gold with which to fasten it. Eurymachus +immediately brought her a magnificent chain of gold and amber beads +that gleamed like sunlight. Eurydamas's two men returned with some +earrings fashioned into three brilliant pendants which glistened most +beautifully; while king Pisander son of Polyctor gave her a necklace of +the rarest workmanship, and every one else brought her a beautiful +present of some kind. + +Then the queen went back to her room upstairs, and her maids brought +the presents after her. Meanwhile the suitors took to singing and +dancing, and stayed till evening came. They danced and sang till it +grew dark; they then brought in three braziers to give light, and +piled them up with chopped firewood very old and dry, and they lit +torches from them, which the maids held up turn and turn about. Then +Ulysses said: + +"Maids, servants of Ulysses who has so long been absent, go to the +queen inside the house; sit with her and amuse her, or spin, and pick +wool. I will hold the light for all these people. They may stay till +morning, but shall not beat me, for I can stand a great deal." + +The maids looked at one another and laughed, while pretty Melantho +began to gibe at him contemptuously. She was daughter to Dolius, but +had been brought up by Penelope, who used to give her toys to play +with, and looked after her when she was a child; but in spite of all +this she showed no consideration for the sorrows of her mistress, and +used to misconduct herself with Eurymachus, with whom she was in love. + +"Poor wretch," said she, "are you gone clean out of your mind? Go and +sleep in some smithy, or place of public gossips, instead of chattering +here. Are you not ashamed of opening your mouth before your betters—so +many of them too? Has the wine been getting into your head, or do you +always babble in this way? You seem to have lost your wits because you +beat the tramp Irus; take care that a better man than he does not come +and cudgel you about the head till he pack you bleeding out of the +house." + +"Vixen," replied Ulysses, scowling at her, "I will go and tell +Telemachus what you have been saying, and he will have you torn limb +from limb." + +With these words he scared the women, and they went off into the body +of the house. They trembled all over, for they thought he would do as +he said. But Ulysses took his stand near the burning braziers, holding +up torches and looking at the people—brooding the while on things that +should surely come to pass. + +But Minerva would not let the suitors for one moment cease their +insolence, for she wanted Ulysses to become even more bitter against +them; she therefore set Eurymachus son of Polybus on to gibe at him, +which made the others laugh. "Listen to me," said he, "you suitors of +Queen Penelope, that I may speak even as I am minded. It is not for +nothing that this man has come to the house of Ulysses; I believe the +light has not been coming from the torches, but from his own head—for +his hair is all gone, every bit of it." + +Then turning to Ulysses he said, "Stranger, will you work as a servant, +if I send you to the wolds and see that you are well paid? Can you +build a stone fence, or plant trees? I will have you fed all the year +round, and will find you in shoes and clothing. Will you go, then? Not +you; for you have got into bad ways, and do not want to work; you had +rather fill your belly by going round the country begging." + +"Eurymachus," answered Ulysses, "if you and I were to work one against +the other in early summer when the days are at their longest—give me a +good scythe, and take another yourself, and let us see which will last +the longer or mow the stronger, from dawn till dark when the mowing +grass is about. Or if you will plough against me, let us each take a +yoke of tawny oxen, well-mated and of great strength and endurance: +turn me into a four acre field, and see whether you or I can drive the +straighter furrow. If, again, war were to break out this day, give me a +shield, a couple of spears and a helmet fitting well upon my +temples—you would find me foremost in the fray, and would cease your +gibes about my belly. You are insolent and cruel, and think yourself a +great man because you live in a little world, and that a bad one. If +Ulysses comes to his own again, the doors of his house are wide, but +you will find them narrow when you try to fly through them." + +Eurymachus was furious at all this. He scowled at him and cried, "You +wretch, I will soon pay you out for daring to say such things to me, +and in public too. Has the wine been getting into your head or do you +always babble in this way? You seem to have lost your wits because you +beat the tramp Irus." With this he caught hold of a footstool, but +Ulysses sought protection at the knees of Amphinomus of Dulichium, for +he was afraid. The stool hit the cupbearer on his right hand and +knocked him down: the man fell with a cry flat on his back, and his +wine-jug fell ringing to the ground. The suitors in the covered +cloister were now in an uproar, and one would turn towards his +neighbour, saying, "I wish the stranger had gone somewhere else, bad +luck to him, for all the trouble he gives us. We cannot permit such +disturbance about a beggar; if such ill counsels are to prevail we +shall have no more pleasure at our banquet." + +On this Telemachus came forward and said, "Sirs, are you mad? Can you +not carry your meat and your liquor decently? Some evil spirit has +possessed you. I do not wish to drive any of you away, but you have had +your suppers, and the sooner you all go home to bed the better." + +The suitors bit their lips and marvelled at the boldness of his speech; +but Amphinomus the son of Nisus, who was son to Aretias, said, "Do not +let us take offence; it is reasonable, so let us make no answer. +Neither let us do violence to the stranger nor to any of Ulysses' +servants. Let the cupbearer go round with the drink-offerings, that we +may make them and go home to our rest. As for the stranger, let us +leave Telemachus to deal with him, for it is to his house that he has +come." + +Thus did he speak, and his saying pleased them well, so Mulius of +Dulichium, servant to Amphinomus, mixed them a bowl of wine and water +and handed it round to each of them man by man, whereon they made their +drink-offerings to the blessed gods: Then, when they had made their +drink-offerings and had drunk each one as he was minded, they took +their several ways each of them to his own abode. + + + + +BOOK XIX + + +TELEMACHUS AND ULYSSES REMOVE THE ARMOUR—ULYSSES INTERVIEWS +PENELOPE—EURYCLEA WASHES HIS FEET AND RECOGNISES THE SCAR ON HIS +LEG—PENELOPE TELLS HER DREAM TO ULYSSES. + + +Ulysses was left in the cloister, pondering on the means whereby with +Minerva's help he might be able to kill the suitors. Presently he said +to Telemachus, "Telemachus, we must get the armour together and take it +down inside. Make some excuse when the suitors ask you why you have +removed it. Say that you have taken it to be out of the way of the +smoke, inasmuch as it is no longer what it was when Ulysses went away, +but has become soiled and begrimed with soot. Add to this more +particularly that you are afraid Jove may set them on to quarrel over +their wine, and that they may do each other some harm which may +disgrace both banquet and wooing, for the sight of arms sometimes +tempts people to use them." + +Telemachus approved of what his father had said, so he called nurse +Euryclea and said, "Nurse, shut the women up in their room, while I +take the armour that my father left behind him down into the store +room. No one looks after it now my father is gone, and it has got all +smirched with soot during my own boyhood. I want to take it down where +the smoke cannot reach it." + +"I wish, child," answered Euryclea, "that you would take the management +of the house into your own hands altogether, and look after all the +property yourself. But who is to go with you and light you to the +store-room? The maids would have done so, but you would not let them." + +"The stranger," said Telemachus, "shall show me a light; when people +eat my bread they must earn it, no matter where they come from." + +Euryclea did as she was told, and bolted the women inside their room. +Then Ulysses and his son made all haste to take the helmets, shields, +and spears inside; and Minerva went before them with a gold lamp in her +hand that shed a soft and brilliant radiance, whereon Telemachus said, +"Father, my eyes behold a great marvel: the walls, with the rafters, +crossbeams, and the supports on which they rest are all aglow as with a +flaming fire. Surely there is some god here who has come down from +heaven." + +"Hush," answered Ulysses, "hold your peace and ask no questions, for +this is the manner of the gods. Get you to your bed, and leave me here +to talk with your mother and the maids. Your mother in her grief will +ask me all sorts of questions." + +On this Telemachus went by torch-light to the other side of the inner +court, to the room in which he always slept. There he lay in his bed +till morning, while Ulysses was left in the cloister pondering on the +means whereby with Minerva's help he might be able to kill the suitors. + +Then Penelope came down from her room looking like Venus or Diana, and +they set her a seat inlaid with scrolls of silver and ivory near the +fire in her accustomed place. It had been made by Icmalius and had a +footstool all in one piece with the seat itself; and it was covered +with a thick fleece: on this she now sat, and the maids came from the +women's room to join her. They set about removing the tables at which +the wicked suitors had been dining, and took away the bread that was +left, with the cups from which they had drunk. They emptied the embers +out of the braziers, and heaped much wood upon them to give both light +and heat; but Melantho began to rail at Ulysses a second time and said, +"Stranger, do you mean to plague us by hanging about the house all +night and spying upon the women? Be off, you wretch, outside, and eat +your supper there, or you shall be driven out with a firebrand." + +Ulysses scowled at her and answered, "My good woman, why should you be +so angry with me? Is it because I am not clean, and my clothes are all +in rags, and because I am obliged to go begging about after the manner +of tramps and beggars generally? I too was a rich man once, and had a +fine house of my own; in those days I gave to many a tramp such as I +now am, no matter who he might be nor what he wanted. I had any number +of servants, and all the other things which people have who live well +and are accounted wealthy, but it pleased Jove to take all away from +me; therefore, woman, beware lest you too come to lose that pride and +place in which you now wanton above your fellows; have a care lest you +get out of favour with your mistress, and lest Ulysses should come +home, for there is still a chance that he may do so. Moreover, though +he be dead as you think he is, yet by Apollo's will he has left a son +behind him, Telemachus, who will note anything done amiss by the maids +in the house, for he is now no longer in his boyhood." + +Penelope heard what he was saying and scolded the maid, "Impudent +baggage," said she, "I see how abominably you are behaving, and you +shall smart for it. You knew perfectly well, for I told you myself, +that I was going to see the stranger and ask him about my husband, for +whose sake I am in such continual sorrow." + +Then she said to her head waiting woman Eurynome, "Bring a seat with a +fleece upon it, for the stranger to sit upon while he tells his story, +and listens to what I have to say. I wish to ask him some questions." + +Eurynome brought the seat at once and set a fleece upon it, and as soon +as Ulysses had sat down Penelope began by saying, "Stranger, I shall +first ask you who and whence are you? Tell me of your town and +parents." + +"Madam," answered Ulysses, "who on the face of the whole earth can dare +to chide with you? Your fame reaches the firmament of heaven itself; +you are like some blameless king, who upholds righteousness, as the +monarch over a great and valiant nation: the earth yields its wheat and +barley, the trees are loaded with fruit, the ewes bring forth lambs, +and the sea abounds with fish by reason of his virtues, and his people +do good deeds under him. Nevertheless, as I sit here in your house, ask +me some other question and do not seek to know my race and family, or +you will recall memories that will yet more increase my sorrow. I am +full of heaviness, but I ought not to sit weeping and wailing in +another person's house, nor is it well to be thus grieving continually. +I shall have one of the servants or even yourself complaining of me, +and saying that my eyes swim with tears because I am heavy with wine." + +Then Penelope answered, "Stranger, heaven robbed me of all beauty, +whether of face or figure, when the Argives set sail for Troy and my +dear husband with them. If he were to return and look after my affairs +I should be both more respected and should show a better presence to +the world. As it is, I am oppressed with care, and with the afflictions +which heaven has seen fit to heap upon me. The chiefs from all our +islands—Dulichium, Same, and Zacynthus, as also from Ithaca itself, are +wooing me against my will and are wasting my estate. I can therefore +show no attention to strangers, nor suppliants, nor to people who say +that they are skilled artisans, but am all the time broken-hearted +about Ulysses. They want me to marry again at once, and I have to +invent stratagems in order to deceive them. In the first place heaven +put it in my mind to set up a great tambour-frame in my room, and to +begin working upon an enormous piece of fine needlework. Then I said to +them, 'Sweethearts, Ulysses is indeed dead, still, do not press me to +marry again immediately; wait—for I would not have my skill in +needlework perish unrecorded—till I have finished making a pall for the +hero Laertes, to be ready against the time when death shall take him. +He is very rich, and the women of the place will talk if he is laid out +without a pall.' This was what I said, and they assented; whereon I +used to keep working at my great web all day long, but at night I would +unpick the stitches again by torch light. I fooled them in this way for +three years without their finding it out, but as time wore on and I was +now in my fourth year, in the waning of moons, and many days had been +accomplished, those good for nothing hussies my maids betrayed me to +the suitors, who broke in upon me and caught me; they were very angry +with me, so I was forced to finish my work whether I would or no. And +now I do not see how I can find any further shift for getting out of +this marriage. My parents are putting great pressure upon me, and my +son chafes at the ravages the suitors are making upon his estate, for +he is now old enough to understand all about it and is perfectly able +to look after his own affairs, for heaven has blessed him with an +excellent disposition. Still, notwithstanding all this, tell me who you +are and where you come from—for you must have had father and mother of +some sort; you cannot be the son of an oak or of a rock." + +Then Ulysses answered, "Madam, wife of Ulysses, since you persist in +asking me about my family, I will answer, no matter what it costs me: +people must expect to be pained when they have been exiles as long as I +have, and suffered as much among as many peoples. Nevertheless, as +regards your question I will tell you all you ask. There is a fair and +fruitful island in mid-ocean called Crete; it is thickly peopled and +there are ninety cities in it: the people speak many different +languages which overlap one another, for there are Achaeans, brave +Eteocretans, Dorians of three-fold race, and noble Pelasgi. There is a +great town there, Cnossus, where Minos reigned who every nine years had +a conference with Jove himself. Minos was father to Deucalion, whose +son I am, for Deucalion had two sons Idomeneus and myself. Idomeneus +sailed for Troy, and I, who am the younger, am called Aethon; my +brother, however, was at once the older and the more valiant of the +two; hence it was in Crete that I saw Ulysses and showed him +hospitality, for the winds took him there as he was on his way to Troy, +carrying him out of his course from cape Malea and leaving him in +Amnisus off the cave of Ilithuia, where the harbours are difficult to +enter and he could hardly find shelter from the winds that were then +raging. As soon as he got there he went into the town and asked for +Idomeneus, claiming to be his old and valued friend, but Idomeneus had +already set sail for Troy some ten or twelve days earlier, so I took +him to my own house and showed him every kind of hospitality, for I had +abundance of everything. Moreover, I fed the men who were with him with +barley meal from the public store, and got subscriptions of wine and +oxen for them to sacrifice to their heart's content. They stayed with +me twelve days, for there was a gale blowing from the North so strong +that one could hardly keep one's feet on land. I suppose some +unfriendly god had raised it for them, but on the thirteenth day the +wind dropped, and they got away." + +Many a plausible tale did Ulysses further tell her, and Penelope wept +as she listened, for her heart was melted. As the snow wastes upon the +mountain tops when the winds from South East and West have breathed +upon it and thawed it till the rivers run bank full with water, even so +did her cheeks overflow with tears for the husband who was all the time +sitting by her side. Ulysses felt for her and was sorry for her, but he +kept his eyes as hard as horn or iron without letting them so much as +quiver, so cunningly did he restrain his tears. Then, when she had +relieved herself by weeping, she turned to him again and said: "Now, +stranger, I shall put you to the test and see whether or no you really +did entertain my husband and his men, as you say you did. Tell me, +then, how he was dressed, what kind of a man he was to look at, and so +also with his companions." + +"Madam," answered Ulysses, "it is such a long time ago that I can +hardly say. Twenty years are come and gone since he left my home, and +went elsewhither; but I will tell you as well as I can recollect. +Ulysses wore a mantle of purple wool, double lined, and it was fastened +by a gold brooch with two catches for the pin. On the face of this +there was a device that shewed a dog holding a spotted fawn between his +fore paws, and watching it as it lay panting upon the ground. Every one +marvelled at the way in which these things had been done in gold, the +dog looking at the fawn, and strangling it, while the fawn was +struggling convulsively to escape. As for the shirt that he wore +next his skin, it was so soft that it fitted him like the skin of an +onion, and glistened in the sunlight to the admiration of all the women +who beheld it. Furthermore I say, and lay my saying to your heart, that +I do not know whether Ulysses wore these clothes when he left home, or +whether one of his companions had given them to him while he was on his +voyage; or possibly some one at whose house he was staying made him a +present of them, for he was a man of many friends and had few equals +among the Achaeans. I myself gave him a sword of bronze and a beautiful +purple mantle, double lined, with a shirt that went down to his feet, +and I sent him on board his ship with every mark of honour. He had a +servant with him, a little older than himself, and I can tell you what +he was like; his shoulders were hunched, he was dark, and he had +thick curly hair. His name was Eurybates, and Ulysses treated him with +greater familiarity than he did any of the others, as being the most +like-minded with himself." + +Penelope was moved still more deeply as she heard the indisputable +proofs that Ulysses laid before her; and when she had again found +relief in tears she said to him, "Stranger, I was already disposed to +pity you, but henceforth you shall be honoured and made welcome in my +house. It was I who gave Ulysses the clothes you speak of. I took them +out of the store room and folded them up myself, and I gave him also +the gold brooch to wear as an ornament. Alas! I shall never welcome him +home again. It was by an ill fate that he ever set out for that +detested city whose very name I cannot bring myself even to mention." + +Then Ulysses answered, "Madam, wife of Ulysses, do not disfigure +yourself further by grieving thus bitterly for your loss, though I can +hardly blame you for doing so. A woman who has loved her husband and +borne him children, would naturally be grieved at losing him, even +though he were a worse man than Ulysses, who they say was like a god. +Still, cease your tears and listen to what I can tell you. I will hide +nothing from you, and can say with perfect truth that I have lately +heard of Ulysses as being alive and on his way home; he is among the +Thesprotians, and is bringing back much valuable treasure that he has +begged from one and another of them; but his ship and all his crew were +lost as they were leaving the Thrinacian island, for Jove and the +sun-god were angry with him because his men had slaughtered the +sun-god's cattle, and they were all drowned to a man. But Ulysses stuck +to the keel of the ship and was drifted on to the land of the +Phaeacians, who are near of kin to the immortals, and who treated him +as though he had been a god, giving him many presents, and wishing to +escort him home safe and sound. In fact Ulysses would have been here +long ago, had he not thought better to go from land to land gathering +wealth; for there is no man living who is so wily as he is; there is no +one can compare with him. Pheidon king of the Thesprotians told me all +this, and he swore to me—making drink-offerings in his house as he did +so—that the ship was by the water side and the crew found who would +take Ulysses to his own country. He sent me off first, for there +happened to be a Thesprotian ship sailing for the wheat-growing island +of Dulichium, but he showed me all the treasure Ulysses had got +together, and he had enough lying in the house of king Pheidon to keep +his family for ten generations; but the king said Ulysses had gone to +Dodona that he might learn Jove's mind from the high oak tree, and know +whether after so long an absence he should return to Ithaca openly or +in secret. So you may know he is safe and will be here shortly; he is +close at hand and cannot remain away from home much longer; +nevertheless I will confirm my words with an oath, and call Jove who is +the first and mightiest of all gods to witness, as also that hearth of +Ulysses to which I have now come, that all I have spoken shall surely +come to pass. Ulysses will return in this self same year; with the end +of this moon and the beginning of the next he will be here." + +"May it be even so," answered Penelope; "if your words come true you +shall have such gifts and such good will from me that all who see you +shall congratulate you; but I know very well how it will be. Ulysses +will not return, neither will you get your escort hence, for so surely +as that Ulysses ever was, there are now no longer any such masters in +the house as he was, to receive honourable strangers or to further them +on their way home. And now, you maids, wash his feet for him, and make +him a bed on a couch with rugs and blankets, that he may be warm and +quiet till morning. Then, at day break wash him and anoint him again, +that he may sit in the cloister and take his meals with Telemachus. It +shall be the worse for any one of these hateful people who is uncivil +to him; like it or not, he shall have no more to do in this house. For +how, sir, shall you be able to learn whether or no I am superior to +others of my sex both in goodness of heart and understanding, if I let +you dine in my cloisters squalid and ill clad? Men live but for a +little season; if they are hard, and deal hardly, people wish them ill +so long as they are alive, and speak contemptuously of them when they +are dead, but he that is righteous and deals righteously, the people +tell of his praise among all lands, and many shall call him blessed." + +Ulysses answered, "Madam, I have foresworn rugs and blankets from the +day that I left the snowy ranges of Crete to go on shipboard. I will +lie as I have lain on many a sleepless night hitherto. Night after +night have I passed in any rough sleeping place, and waited for +morning. Nor, again, do I like having my feet washed; I shall not let +any of the young hussies about your house touch my feet; but, if you +have any old and respectable woman who has gone through as much trouble +as I have, I will allow her to wash them." + +To this Penelope said, "My dear sir, of all the guests who ever yet +came to my house there never was one who spoke in all things with such +admirable propriety as you do. There happens to be in the house a most +respectable old woman—the same who received my poor dear husband in her +arms the night he was born, and nursed him in infancy. She is very +feeble now, but she shall wash your feet." "Come here," said she, +"Euryclea, and wash your master's age-mate; I suppose Ulysses' hands +and feet are very much the same now as his are, for trouble ages all of +us dreadfully fast." + +On these words the old woman covered her face with her hands; she began +to weep and made lamentation saying, "My dear child, I cannot think +whatever I am to do with you. I am certain no one was ever more +god-fearing than yourself, and yet Jove hates you. No one in the whole +world ever burned him more thigh bones, nor gave him finer hecatombs +when you prayed you might come to a green old age yourself and see your +son grow up to take after you: yet see how he has prevented you alone +from ever getting back to your own home. I have no doubt the women in +some foreign palace which Ulysses has got to are gibing at him as all +these sluts here have been gibing at you. I do not wonder at your not +choosing to let them wash you after the manner in which they have +insulted you; I will wash your feet myself gladly enough, as Penelope +has said that I am to do so; I will wash them both for Penelope's sake +and for your own, for you have raised the most lively feelings of +compassion in my mind; and let me say this moreover, which pray attend +to; we have had all kinds of strangers in distress come here before +now, but I make bold to say that no one ever yet came who was so like +Ulysses in figure, voice, and feet as you are." + +"Those who have seen us both," answered Ulysses, "have always said we +were wonderfully like each other, and now you have noticed it too." + +Then the old woman took the cauldron in which she was going to wash his +feet, and poured plenty of cold water into it, adding hot till the bath +was warm enough. Ulysses sat by the fire, but ere long he turned away +from the light, for it occurred to him that when the old woman had hold +of his leg she would recognise a certain scar which it bore, whereon +the whole truth would come out. And indeed as soon as she began washing +her master, she at once knew the scar as one that had been given him by +a wild boar when he was hunting on Mt Parnassus with his excellent +grandfather Autolycus—who was the most accomplished thief and perjurer +in the whole world—and with the sons of Autolycus. Mercury himself had +endowed him with this gift, for he used to burn the thigh bones of +goats and kids to him, so he took pleasure in his companionship. It +happened once that Autolycus had gone to Ithaca and had found the child +of his daughter just born. As soon as he had done supper Euryclea set +the infant upon his knees and said, "Autolycus, you must find a name +for your grandson; you greatly wished that you might have one." + +"Son-in-law and daughter," replied Autolycus, "call the child thus: I +am highly displeased with a large number of people in one place and +another, both men and women; so name the child 'Ulysses,' or the child +of anger. When he grows up and comes to visit his mother's family on +Mt Parnassus, where my possessions lie, I will make him a present and +will send him on his way rejoicing." + +Ulysses, therefore, went to Parnassus to get the presents from +Autolycus, who with his sons shook hands with him and gave him welcome. +His grandmother Amphithea threw her arms about him, and kissed his +head, and both his beautiful eyes, while Autolycus desired his sons to +get dinner ready, and they did as he told them. They brought in a five +year old bull, flayed it, made it ready and divided it into joints; +these they then cut carefully up into smaller pieces and spitted them; +they roasted them sufficiently and served the portions round. Thus +through the livelong day to the going down of the sun they feasted, and +every man had his full share so that all were satisfied; but when the +sun set and it came on dark, they went to bed and enjoyed the boon of +sleep. + +When the child of morning, rosy-fingered Dawn, appeared, the sons of +Autolycus went out with their hounds hunting, and Ulysses went too. +They climbed the wooded slopes of Parnassus and soon reached its breezy +upland valleys; but as the sun was beginning to beat upon the fields, +fresh-risen from the slow still currents of Oceanus, they came to a +mountain dell. The dogs were in front searching for the tracks of the +beast they were chasing, and after them came the sons of Autolycus, +among whom was Ulysses, close behind the dogs, and he had a long spear +in his hand. Here was the lair of a huge boar among some thick +brushwood, so dense that the wind and rain could not get through it, +nor could the sun's rays pierce it, and the ground underneath lay thick +with fallen leaves. The boar heard the noise of the men's feet, and the +hounds baying on every side as the huntsmen came up to him, so he +rushed from his lair, raised the bristles on his neck, and stood at bay +with fire flashing from his eyes. Ulysses was the first to raise his +spear and try to drive it into the brute, but the boar was too quick +for him, and charged him sideways, ripping him above the knee with a +gash that tore deep though it did not reach the bone. As for the boar, +Ulysses hit him on the right shoulder, and the point of the spear went +right through him, so that he fell groaning in the dust until the life +went out of him. The sons of Autolycus busied themselves with the +carcass of the boar, and bound Ulysses' wound; then, after saying a +spell to stop the bleeding, they went home as fast as they could. But +when Autolycus and his sons had thoroughly healed Ulysses, they made +him some splendid presents, and sent him back to Ithaca with much +mutual good will. When he got back, his father and mother were rejoiced +to see him, and asked him all about it, and how he had hurt himself to +get the scar; so he told them how the boar had ripped him when he was +out hunting with Autolycus and his sons on Mt Parnassus. + +As soon as Euryclea had got the scarred limb in her hands and had well +hold of it, she recognised it and dropped the foot at once. The leg +fell into the bath, which rang out and was overturned, so that all the +water was spilt on the ground; Euryclea's eyes between her joy and her +grief filled with tears, and she could not speak, but she caught +Ulysses by the beard and said, "My dear child, I am sure you must be +Ulysses himself, only I did not know you till I had actually touched +and handled you." + +As she spoke she looked towards Penelope, as though wanting to tell her +that her dear husband was in the house, but Penelope was unable to look +in that direction and observe what was going on, for Minerva had +diverted her attention; so Ulysses caught Euryclea by the throat with +his right hand and with his left drew her close to him, and said, +"Nurse, do you wish to be the ruin of me, you who nursed me at your own +breast, now that after twenty years of wandering I am at last come to +my own home again? Since it has been borne in upon you by heaven to +recognise me, hold your tongue, and do not say a word about it to any +one else in the house, for if you do I tell you—and it shall surely +be—that if heaven grants me to take the lives of these suitors, I will +not spare you, though you are my own nurse, when I am killing the other +women." + +"My child," answered Euryclea, "what are you talking about? You know +very well that nothing can either bend or break me. I will hold my +tongue like a stone or a piece of iron; furthermore let me say, and lay +my saying to your heart, when heaven has delivered the suitors into +your hand, I will give you a list of the women in the house who have +been ill-behaved, and of those who are guiltless." + +And Ulysses answered, "Nurse, you ought not to speak in that way; I am +well able to form my own opinion about one and all of them; hold your +tongue and leave everything to heaven." + +As he said this Euryclea left the cloister to fetch some more water, +for the first had been all spilt; and when she had washed him and +anointed him with oil, Ulysses drew his seat nearer to the fire to warm +himself, and hid the scar under his rags. Then Penelope began talking +to him and said: + +"Stranger, I should like to speak with you briefly about another +matter. It is indeed nearly bed time—for those, at least, who can sleep +in spite of sorrow. As for myself, heaven has given me a life of such +unmeasurable woe, that even by day when I am attending to my duties and +looking after the servants, I am still weeping and lamenting during the +whole time; then, when night comes, and we all of us go to bed, I lie +awake thinking, and my heart becomes a prey to the most incessant and +cruel tortures. As the dun nightingale, daughter of Pandareus, sings in +the early spring from her seat in shadiest covert hid, and with many a +plaintive trill pours out the tale how by mishap she killed her own +child Itylus, son of king Zethus, even so does my mind toss and turn in +its uncertainty whether I ought to stay with my son here, and safeguard +my substance, my bondsmen, and the greatness of my house, out of regard +to public opinion and the memory of my late husband, or whether it is +not now time for me to go with the best of these suitors who are wooing +me and making me such magnificent presents. As long as my son was still +young, and unable to understand, he would not hear of my leaving my +husband's house, but now that he is full grown he begs and prays me to +do so, being incensed at the way in which the suitors are eating up his +property. Listen, then, to a dream that I have had and interpret it for +me if you can. I have twenty geese about the house that eat mash out of +a trough, and of which I am exceedingly fond. I dreamed that a great +eagle came swooping down from a mountain, and dug his curved beak into +the neck of each of them till he had killed them all. Presently he +soared off into the sky, and left them lying dead about the yard; +whereon I wept in my dream till all my maids gathered round me, so +piteously was I grieving because the eagle had killed my geese. Then he +came back again, and perching on a projecting rafter spoke to me with +human voice, and told me to leave off crying. 'Be of good courage,' he +said, 'daughter of Icarius; this is no dream, but a vision of good omen +that shall surely come to pass. The geese are the suitors, and I am no +longer an eagle, but your own husband, who am come back to you, and who +will bring these suitors to a disgraceful end.' On this I woke, and +when I looked out I saw my geese at the trough eating their mash as +usual." + +"This dream, Madam," replied Ulysses, "can admit but of one +interpretation, for had not Ulysses himself told you how it shall be +fulfilled? The death of the suitors is portended, and not one single +one of them will escape." + +And Penelope answered, "Stranger, dreams are very curious and +unaccountable things, and they do not by any means invariably come +true. There are two gates through which these unsubstantial fancies +proceed; the one is of horn, and the other ivory. Those that come +through the gate of ivory are fatuous, but those from the gate of horn +mean something to those that see them. I do not think, however, that my +own dream came through the gate of horn, though I and my son should be +most thankful if it proves to have done so. Furthermore I say—and lay +my saying to your heart—the coming dawn will usher in the ill-omened +day that is to sever me from the house of Ulysses, for I am about to +hold a tournament of axes. My husband used to set up twelve axes in the +court, one in front of the other, like the stays upon which a ship is +built; he would then go back from them and shoot an arrow through the +whole twelve. I shall make the suitors try to do the same thing, and +whichever of them can string the bow most easily, and send his arrow +through all the twelve axes, him will I follow, and quit this house of +my lawful husband, so goodly and so abounding in wealth. But even so, I +doubt not that I shall remember it in my dreams." + +Then Ulysses answered, "Madam, wife of Ulysses, you need not defer your +tournament, for Ulysses will return ere ever they can string the bow, +handle it how they will, and send their arrows through the iron." + +To this Penelope said, "As long, sir, as you will sit here and talk to +me, I can have no desire to go to bed. Still, people cannot do +permanently without sleep, and heaven has appointed us dwellers on +earth a time for all things. I will therefore go upstairs and recline +upon that couch which I have never ceased to flood with my tears from +the day Ulysses set out for the city with a hateful name." + +She then went upstairs to her own room, not alone, but attended by her +maidens, and when there, she lamented her dear husband till Minerva +shed sweet sleep over her eyelids. + + + + +BOOK XX + + +ULYSSES CANNOT SLEEP—PENELOPE'S PRAYER TO DIANA—THE TWO SIGNS FROM +HEAVEN—EUMAEUS AND PHILOETIUS ARRIVE—THE SUITORS DINE—CTESIPPUS THROWS +AN OX'S FOOT AT ULYSSES—THEOCLYMENUS FORETELLS DISASTER AND LEAVES THE +HOUSE. + + +Ulysses slept in the cloister upon an undressed bullock's hide, on the +top of which he threw several skins of the sheep the suitors had eaten, +and Eurynome threw a cloak over him after he had laid himself down. +There, then, Ulysses lay wakefully brooding upon the way in which he +should kill the suitors; and by and by, the women who had been in the +habit of misconducting themselves with them, left the house giggling +and laughing with one another. This made Ulysses very angry, and he +doubted whether to get up and kill every single one of them then and +there, or to let them sleep one more and last time with the suitors. +His heart growled within him, and as a bitch with puppies growls and +shows her teeth when she sees a stranger, so did his heart growl with +anger at the evil deeds that were being done: but he beat his breast +and said, "Heart, be still, you had worse than this to bear on the day +when the terrible Cyclops ate your brave companions; yet you bore it in +silence till your cunning got you safe out of the cave, though you made +sure of being killed." + +Thus he chided with his heart, and checked it into endurance, but he +tossed about as one who turns a paunch full of blood and fat in front +of a hot fire, doing it first on one side and then on the other, that +he may get it cooked as soon as possible, even so did he turn himself +about from side to side, thinking all the time how, single handed as he +was, he should contrive to kill so large a body of men as the wicked +suitors. But by and by Minerva came down from heaven in the likeness of +a woman, and hovered over his head saying, "My poor unhappy man, why do +you lie awake in this way? This is your house: your wife is safe inside +it, and so is your son who is just such a young man as any father may +be proud of." + +"Goddess," answered Ulysses, "all that you have said is true, but I am +in some doubt as to how I shall be able to kill these wicked suitors +single handed, seeing what a number of them there always are. And there +is this further difficulty, which is still more considerable. Supposing +that with Jove's and your assistance I succeed in killing them, I must +ask you to consider where I am to escape to from their avengers when it +is all over." + +"For shame," replied Minerva, "why, any one else would trust a worse +ally than myself, even though that ally were only a mortal and less +wise than I am. Am I not a goddess, and have I not protected you +throughout in all your troubles? I tell you plainly that even though +there were fifty bands of men surrounding us and eager to kill us, you +should take all their sheep and cattle, and drive them away with you. +But go to sleep; it is a very bad thing to lie awake all night, and you +shall be out of your troubles before long." + +As she spoke she shed sleep over his eyes, and then went back to +Olympus. + +While Ulysses was thus yielding himself to a very deep slumber that +eased the burden of his sorrows, his admirable wife awoke, and sitting +up in her bed began to cry. When she had relieved herself by weeping +she prayed to Diana saying, "Great Goddess Diana, daughter of Jove, +drive an arrow into my heart and slay me; or let some whirlwind snatch +me up and bear me through paths of darkness till it drop me into the +mouths of over-flowing Oceanus, as it did the daughters of Pandareus. +The daughters of Pandareus lost their father and mother, for the gods +killed them, so they were left orphans. But Venus took care of them, +and fed them on cheese, honey, and sweet wine. Juno taught them to +excel all women in beauty of form and understanding; Diana gave them an +imposing presence, and Minerva endowed them with every kind of +accomplishment; but one day when Venus had gone up to Olympus to see +Jove about getting them married (for well does he know both what shall +happen and what not happen to every one) the storm winds came and +spirited them away to become handmaids to the dread Erinyes. Even so I +wish that the gods who live in heaven would hide me from mortal sight, +or that fair Diana might strike me, for I would fain go even beneath +the sad earth if I might do so still looking towards Ulysses only, and +without having to yield myself to a worse man than he was. Besides, no +matter how much people may grieve by day, they can put up with it so +long as they can sleep at night, for when the eyes are closed in +slumber people forget good and ill alike; whereas my misery haunts me +even in my dreams. This very night methought there was one lying by my +side who was like Ulysses as he was when he went away with his host, +and I rejoiced, for I believed that it was no dream, but the very truth +itself." + +On this the day broke, but Ulysses heard the sound of her weeping, and +it puzzled him, for it seemed as though she already knew him and was by +his side. Then he gathered up the cloak and the fleeces on which he had +lain, and set them on a seat in the cloister, but he took the bullock's +hide out into the open. He lifted up his hands to heaven, and prayed, +saying "Father Jove, since you have seen fit to bring me over land and +sea to my own home after all the afflictions you have laid upon me, +give me a sign out of the mouth of some one or other of those who are +now waking within the house, and let me have another sign of some kind +from outside." + +Thus did he pray. Jove heard his prayer and forthwith thundered high up +among the clouds from the splendour of Olympus, and Ulysses was glad +when he heard it. At the same time within the house, a miller-woman +from hard by in the mill room lifted up her voice and gave him another +sign. There were twelve miller-women whose business it was to grind +wheat and barley which are the staff of life. The others had ground +their task and had gone to take their rest, but this one had not yet +finished, for she was not so strong as they were, and when she heard +the thunder she stopped grinding and gave the sign to her master. +"Father Jove," said she, "you, who rule over heaven and earth, you have +thundered from a clear sky without so much as a cloud in it, and this +means something for somebody; grant the prayer, then, of me your poor +servant who calls upon you, and let this be the very last day that the +suitors dine in the house of Ulysses. They have worn me out with labour +of grinding meal for them, and I hope they may never have another +dinner anywhere at all." + +Ulysses was glad when he heard the omens conveyed to him by the woman's +speech, and by the thunder, for he knew they meant that he should +avenge himself on the suitors. + +Then the other maids in the house rose and lit the fire on the hearth; +Telemachus also rose and put on his clothes. He girded his sword about +his shoulder, bound his sandals on to his comely feet, and took a +doughty spear with a point of sharpened bronze; then he went to the +threshold of the cloister and said to Euryclea, "Nurse, did you make +the stranger comfortable both as regards bed and board, or did you let +him shift for himself?—for my mother, good woman though she is, has a +way of paying great attention to second-rate people, and of neglecting +others who are in reality much better men." + +"Do not find fault child," said Euryclea, "when there is no one to find +fault with. The stranger sat and drank his wine as long as he liked: +your mother did ask him if he would take any more bread and he said he +would not. When he wanted to go to bed she told the servants to make +one for him, but he said he was such a wretched outcast that he would +not sleep on a bed and under blankets; he insisted on having an +undressed bullock's hide and some sheepskins put for him in the +cloister and I threw a cloak over him myself." + +Then Telemachus went out of the court to the place where the Achaeans +were meeting in assembly; he had his spear in his hand, and he was not +alone, for his two dogs went with him. But Euryclea called the maids +and said, "Come, wake up; set about sweeping the cloisters and +sprinkling them with water to lay the dust; put the covers on the +seats; wipe down the tables, some of you, with a wet sponge; clean out +the mixing-jugs and the cups, and go for water from the fountain at +once; the suitors will be here directly; they will be here early, for +it is a feast day." + +Thus did she speak, and they did even as she had said: twenty of them +went to the fountain for water, and the others set themselves busily to +work about the house. The men who were in attendance on the suitors +also came up and began chopping firewood. By and by the women returned +from the fountain, and the swineherd came after them with the three +best pigs he could pick out. These he let feed about the premises, and +then he said good-humouredly to Ulysses, "Stranger, are the suitors +treating you any better now, or are they as insolent as ever?" + +"May heaven," answered Ulysses, "requite to them the wickedness with +which they deal high-handedly in another man's house without any sense +of shame." + +Thus did they converse; meanwhile Melanthius the goatherd came up, for +he too was bringing in his best goats for the suitors' dinner; and he +had two shepherds with him. They tied the goats up under the gatehouse, +and then Melanthius began gibing at Ulysses. "Are you still here, +stranger," said he, "to pester people by begging about the house? Why +can you not go elsewhere? You and I shall not come to an understanding +before we have given each other a taste of our fists. You beg without +any sense of decency: are there not feasts elsewhere among the +Achaeans, as well as here?" + +Ulysses made no answer, but bowed his head and brooded. Then a third +man, Philoetius, joined them, who was bringing in a barren heifer and +some goats. These were brought over by the boatmen who are there to +take people over when any one comes to them. So Philoetius made his +heifer and his goats secure under the gatehouse, and then went up to +the swineherd. "Who, Swineherd," said he, "is this stranger that is +lately come here? Is he one of your men? What is his family? Where does +he come from? Poor fellow, he looks as if he had been some great man, +but the gods give sorrow to whom they will—even to kings if it so +pleases them." + +As he spoke he went up to Ulysses and saluted him with his right hand; +"Good day to you, father stranger," said he, "you seem to be very +poorly off now, but I hope you will have better times by and by. Father +Jove, of all gods you are the most malicious. We are your own children, +yet you show us no mercy in all our misery and afflictions. A sweat +came over me when I saw this man, and my eyes filled with tears, for he +reminds me of Ulysses, who I fear is going about in just such rags as +this man's are, if indeed he is still among the living. If he is +already dead and in the house of Hades, then, alas! for my good master, +who made me his stockman when I was quite young among the +Cephallenians, and now his cattle are countless; no one could have done +better with them than I have, for they have bred like ears of corn; +nevertheless I have to keep bringing them in for others to eat, who +take no heed to his son though he is in the house, and fear not the +wrath of heaven, but are already eager to divide Ulysses' property +among them because he has been away so long. I have often thought—only +it would not be right while his son is living—of going off with the +cattle to some foreign country; bad as this would be, it is still +harder to stay here and be ill-treated about other people's herds. My +position is intolerable, and I should long since have run away and put +myself under the protection of some other chief, only that I believe my +poor master will yet return, and send all these suitors flying out of +the house." + +"Stockman," answered Ulysses, "you seem to be a very well-disposed +person, and I can see that you are a man of sense. Therefore I will +tell you, and will confirm my words with an oath. By Jove, the chief of +all gods, and by that hearth of Ulysses to which I am now come, Ulysses +shall return before you leave this place, and if you are so minded you +shall see him killing the suitors who are now masters here." + +"If Jove were to bring this to pass," replied the stockman, "you should +see how I would do my very utmost to help him." + +And in like manner Eumaeus prayed that Ulysses might return home. + +Thus did they converse. Meanwhile the suitors were hatching a plot to +murder Telemachus: but a bird flew near them on their left hand—an +eagle with a dove in its talons. On this Amphinomus said, "My friends, +this plot of ours to murder Telemachus will not succeed; let us go to +dinner instead." + +The others assented, so they went inside and laid their cloaks on the +benches and seats. They sacrificed the sheep, goats, pigs, and the +heifer, and when the inward meats were cooked they served them round. +They mixed the wine in the mixing-bowls, and the swineherd gave every +man his cup, while Philoetius handed round the bread in the bread +baskets, and Melanthius poured them out their wine. Then they laid +their hands upon the good things that were before them. + +Telemachus purposely made Ulysses sit in the part of the cloister that +was paved with stone; he gave him a shabby looking seat at a little +table to himself, and had his portion of the inward meats brought to +him, with his wine in a gold cup. "Sit there," said he, "and drink your +wine among the great people. I will put a stop to the gibes and blows +of the suitors, for this is no public house, but belongs to Ulysses, +and has passed from him to me. Therefore, suitors, keep your hands and +your tongues to yourselves, or there will be mischief." + +The suitors bit their lips, and marvelled at the boldness of his +speech; then Antinous said, "We do not like such language but we will +put up with it, for Telemachus is threatening us in good earnest. If +Jove had let us we should have put a stop to his brave talk ere now." + +Thus spoke Antinous, but Telemachus heeded him not. Meanwhile the +heralds were bringing the holy hecatomb through the city, and the +Achaeans gathered under the shady grove of Apollo. + +Then they roasted the outer meat, drew it off the spits, gave every man +his portion, and feasted to their heart's content; those who waited at +table gave Ulysses exactly the same portion as the others had, for +Telemachus had told them to do so. + +But Minerva would not let the suitors for one moment drop their +insolence, for she wanted Ulysses to become still more bitter against +them. Now there happened to be among them a ribald fellow, whose name +was Ctesippus, and who came from Same. This man, confident in his great +wealth, was paying court to the wife of Ulysses, and said to the +suitors, "Hear what I have to say. The stranger has already had as +large a portion as any one else; this is well, for it is not right nor +reasonable to ill-treat any guest of Telemachus who comes here. I will, +however, make him a present on my own account, that he may have +something to give to the bath-woman, or to some other of Ulysses' +servants." + +As he spoke he picked up a heifer's foot from the meat-basket in which +it lay, and threw it at Ulysses, but Ulysses turned his head a little +aside, and avoided it, smiling grimly Sardinian fashion as he did +so, and it hit the wall, not him. On this Telemachus spoke fiercely to +Ctesippus, "It is a good thing for you," said he, "that the stranger +turned his head so that you missed him. If you had hit him I should +have run you through with my spear, and your father would have had to +see about getting you buried rather than married in this house. So let +me have no more unseemly behaviour from any of you, for I am grown up +now to the knowledge of good and evil and understand what is going on, +instead of being the child that I have been heretofore. I have long +seen you killing my sheep and making free with my corn and wine: I have +put up with this, for one man is no match for many, but do me no +further violence. Still, if you wish to kill me, kill me; I would far +rather die than see such disgraceful scenes day after day—guests +insulted, and men dragging the women servants about the house in an +unseemly way." + +They all held their peace till at last Agelaus son of Damastor said, +"No one should take offence at what has just been said, nor gainsay it, +for it is quite reasonable. Leave off, therefore, ill-treating the +stranger, or any one else of the servants who are about the house; I +would say, however, a friendly word to Telemachus and his mother, which +I trust may commend itself to both. 'As long,' I would say, 'as you had +ground for hoping that Ulysses would one day come home, no one could +complain of your waiting and suffering the suitors to be in your +house. It would have been better that he should have returned, but it +is now sufficiently clear that he will never do so; therefore talk all +this quietly over with your mother, and tell her to marry the best man, +and the one who makes her the most advantageous offer. Thus you will +yourself be able to manage your own inheritance, and to eat and drink +in peace, while your mother will look after some other man's house, not +yours.'" + +To this Telemachus answered, "By Jove, Agelaus, and by the sorrows of +my unhappy father, who has either perished far from Ithaca, or is +wandering in some distant land, I throw no obstacles in the way of my +mother's marriage; on the contrary I urge her to choose whomsoever she +will, and I will give her numberless gifts into the bargain, but I dare +not insist point blank that she shall leave the house against her own +wishes. Heaven forbid that I should do this." + +Minerva now made the suitors fall to laughing immoderately, and set +their wits wandering; but they were laughing with a forced laughter. +Their meat became smeared with blood; their eyes filled with tears, and +their hearts were heavy with forebodings. Theoclymenus saw this and +said, "Unhappy men, what is it that ails you? There is a shroud of +darkness drawn over you from head to foot, your cheeks are wet with +tears; the air is alive with wailing voices; the walls and roof-beams +drip blood; the gate of the cloisters and the court beyond them are +full of ghosts trooping down into the night of hell; the sun is blotted +out of heaven, and a blighting gloom is over all the land." + +Thus did he speak, and they all of them laughed heartily. Eurymachus +then said, "This stranger who has lately come here has lost his senses. +Servants, turn him out into the streets, since he finds it so dark +here." + +But Theoclymenus said, "Eurymachus, you need not send any one with me. +I have eyes, ears, and a pair of feet of my own, to say nothing of an +understanding mind. I will take these out of the house with me, for I +see mischief overhanging you, from which not one of you men who are +insulting people and plotting ill deeds in the house of Ulysses will be +able to escape." + +He left the house as he spoke, and went back to Piraeus who gave him +welcome, but the suitors kept looking at one another and provoking +Telemachus by laughing at the strangers. One insolent fellow said to +him, "Telemachus, you are not happy in your guests; first you have this +importunate tramp, who comes begging bread and wine and has no skill +for work or for hard fighting, but is perfectly useless, and now here +is another fellow who is setting himself up as a prophet. Let me +persuade you, for it will be much better to put them on board ship and +send them off to the Sicels to sell for what they will bring." + +Telemachus gave him no heed, but sat silently watching his father, +expecting every moment that he would begin his attack upon the suitors. + +Meanwhile the daughter of Icarius, wise Penelope, had had a rich seat +placed for her facing the court and cloisters, so that she could hear +what every one was saying. The dinner indeed had been prepared amid +much merriment; it had been both good and abundant, for they had +sacrificed many victims; but the supper was yet to come, and nothing +can be conceived more gruesome than the meal which a goddess and a +brave man were soon to lay before them—for they had brought their doom +upon themselves. + + + + +BOOK XXI + + +THE TRIAL OF THE AXES, DURING WHICH ULYSSES REVEALS HIMSELF TO EUMAEUS +AND PHILOETIUS + + +Minerva now put it in Penelope's mind to make the suitors try their +skill with the bow and with the iron axes, in contest among themselves, +as a means of bringing about their destruction. She went upstairs and +got the store-room key, which was made of bronze and had a handle of +ivory; she then went with her maidens into the store-room at the end of +the house, where her husband's treasures of gold, bronze, and wrought +iron were kept, and where was also his bow, and the quiver full of +deadly arrows that had been given him by a friend whom he had met in +Lacedaemon—Iphitus the son of Eurytus. The two fell in with one another +in Messene at the house of Ortilochus, where Ulysses was staying in +order to recover a debt that was owing from the whole people; for the +Messenians had carried off three hundred sheep from Ithaca, and had +sailed away with them and with their shepherds. In quest of these +Ulysses took a long journey while still quite young, for his father and +the other chieftains sent him on a mission to recover them. Iphitus had +gone there also to try and get back twelve brood mares that he had +lost, and the mule foals that were running with them. These mares were +the death of him in the end, for when he went to the house of Jove's +son, mighty Hercules, who performed such prodigies of valour, Hercules +to his shame killed him, though he was his guest, for he feared not +heaven's vengeance, nor yet respected his own table which he had set +before Iphitus, but killed him in spite of everything, and kept the +mares himself. It was when claiming these that Iphitus met Ulysses, and +gave him the bow which mighty Eurytus had been used to carry, and which +on his death had been left by him to his son. Ulysses gave him in +return a sword and a spear, and this was the beginning of a fast +friendship, although they never visited at one another's houses, for +Jove's son Hercules killed Iphitus ere they could do so. This bow, +then, given him by Iphitus, had not been taken with him by Ulysses when +he sailed for Troy; he had used it so long as he had been at home, but +had left it behind as having been a keepsake from a valued friend. + +Penelope presently reached the oak threshold of the store-room; the +carpenter had planed this duly, and had drawn a line on it so as to get +it quite straight; he had then set the door posts into it and hung the +doors. She loosed the strap from the handle of the door, put in the +key, and drove it straight home to shoot back the bolts that held the +doors; these flew open with a noise like a bull bellowing in a +meadow, and Penelope stepped upon the raised platform, where the chests +stood in which the fair linen and clothes were laid by along with +fragrant herbs: reaching thence, she took down the bow with its bow +case from the peg on which it hung. She sat down with it on her knees, +weeping bitterly as she took the bow out of its case, and when her +tears had relieved her, she went to the cloister where the suitors +were, carrying the bow and the quiver, with the many deadly arrows that +were inside it. Along with her came her maidens, bearing a chest that +contained much iron and bronze which her husband had won as prizes. +When she reached the suitors, she stood by one of the bearing-posts +supporting the roof of the cloister, holding a veil before her face, +and with a maid on either side of her. Then she said: + +"Listen to me you suitors, who persist in abusing the hospitality of +this house because its owner has been long absent, and without other +pretext than that you want to marry me; this, then, being the prize +that you are contending for, I will bring out the mighty bow of +Ulysses, and whomsoever of you shall string it most easily and send his +arrow through each one of twelve axes, him will I follow and quit this +house of my lawful husband, so goodly, and so abounding in wealth. But +even so I doubt not that I shall remember it in my dreams." + +As she spoke, she told Eumaeus to set the bow and the pieces of iron +before the suitors, and Eumaeus wept as he took them to do as she had +bidden him. Hard by, the stockman wept also when he saw his master's +bow, but Antinous scolded them. "You country louts," said he, "silly +simpletons; why should you add to the sorrows of your mistress by +crying in this way? She has enough to grieve her in the loss of her +husband; sit still, therefore, and eat your dinners in silence, or go +outside if you want to cry, and leave the bow behind you. We suitors +shall have to contend for it with might and main, for we shall find it +no light matter to string such a bow as this is. There is not a man of +us all who is such another as Ulysses; for I have seen him and remember +him, though I was then only a child." + +This was what he said, but all the time he was expecting to be able to +string the bow and shoot through the iron, whereas in fact he was to be +the first that should taste of the arrows from the hands of Ulysses, +whom he was dishonouring in his own house—egging the others on to do so +also. + +Then Telemachus spoke. "Great heavens!" he exclaimed, "Jove must have +robbed me of my senses. Here is my dear and excellent mother saying she +will quit this house and marry again, yet I am laughing and enjoying +myself as though there were nothing happening. But, suitors, as the +contest has been agreed upon, let it go forward. It is for a woman +whose peer is not to be found in Pylos, Argos, or Mycene, nor yet in +Ithaca nor on the mainland. You know this as well as I do; what need +have I to speak in praise of my mother? Come on, then, make no excuses +for delay, but let us see whether you can string the bow or no. I too +will make trial of it, for if I can string it and shoot through the +iron, I shall not suffer my mother to quit this house with a stranger, +not if I can win the prizes which my father won before me." + +As he spoke he sprang from his seat, threw his crimson cloak from him, +and took his sword from his shoulder. First he set the axes in a row, +in a long groove which he had dug for them, and had made straight by +line. Then he stamped the earth tight round them, and everyone was +surprised when they saw him set them up so orderly, though he had never +seen anything of the kind before. This done, he went on to the pavement +to make trial of the bow; thrice did he tug at it, trying with all his +might to draw the string, and thrice he had to leave off, though he had +hoped to string the bow and shoot through the iron. He was trying for +the fourth time, and would have strung it had not Ulysses made a sign +to check him in spite of all his eagerness. So he said: + +"Alas! I shall either be always feeble and of no prowess, or I am too +young, and have not yet reached my full strength so as to be able to +hold my own if any one attacks me. You others, therefore, who are +stronger than I, make trial of the bow and get this contest settled." + +On this he put the bow down, letting it lean against the door [that led +into the house] with the arrow standing against the top of the bow. +Then he sat down on the seat from which he had risen, and Antinous +said: + +"Come on each of you in his turn, going towards the right from the +place at which the cupbearer begins when he is handing round the wine." + +The rest agreed, and Leiodes son of Oenops was the first to rise. He +was sacrificial priest to the suitors, and sat in the corner near the +mixing-bowl. 1 He was the only man who hated their evil deeds and was +indignant with the others. He was now the first to take the bow and +arrow, so he went on to the pavement to make his trial, but he could +not string the bow, for his hands were weak and unused to hard work, +they therefore soon grew tired, and he said to the suitors, "My +friends, I cannot string it; let another have it, this bow shall take +the life and soul out of many a chief among us, for it is better to die +than to live after having missed the prize that we have so long striven +for, and which has brought us so long together. Some one of us is even +now hoping and praying that he may marry Penelope, but when he has seen +this bow and tried it, let him woo and make bridal offerings to some +other woman, and let Penelope marry whoever makes her the best offer +and whose lot it is to win her." + +On this he put the bow down, letting it lean against the door, with +the arrow standing against the tip of the bow. Then he took his seat +again on the seat from which he had risen; and Antinous rebuked him +saying: + +"Leiodes, what are you talking about? Your words are monstrous and +intolerable; it makes me angry to listen to you. Shall, then, this bow +take the life of many a chief among us, merely because you cannot bend +it yourself? True, you were not born to be an archer, but there are +others who will soon string it." + +Then he said to Melanthius the goatherd, "Look sharp, light a fire in +the court, and set a seat hard by with a sheep skin on it; bring us +also a large ball of lard, from what they have in the house. Let us +warm the bow and grease it—we will then make trial of it again, and +bring the contest to an end." + +Melanthius lit the fire, and set a seat covered with sheep skins beside +it. He also brought a great ball of lard from what they had in the +house, and the suitors warmed the bow and again made trial of it, but +they were none of them nearly strong enough to string it. Nevertheless +there still remained Antinous and Eurymachus, who were the ringleaders +among the suitors and much the foremost among them all. + +Then the swineherd and the stockman left the cloisters together, and +Ulysses followed them. When they had got outside the gates and the +outer yard, Ulysses said to them quietly: + +"Stockman, and you swineherd, I have something in my mind which I am in +doubt whether to say or no; but I think I will say it. What manner of +men would you be to stand by Ulysses, if some god should bring him back +here all of a sudden? Say which you are disposed to do—to side with the +suitors, or with Ulysses?" + +"Father Jove," answered the stockman, "would indeed that you might so +ordain it. If some god were but to bring Ulysses back, you should see +with what might and main I would fight for him." + +In like words Eumaeus prayed to all the gods that Ulysses might return; +when, therefore, he saw for certain what mind they were of, Ulysses +said, "It is I, Ulysses, who am here. I have suffered much, but at +last, in the twentieth year, I am come back to my own country. I find +that you two alone of all my servants are glad that I should do so, for +I have not heard any of the others praying for my return. To you two, +therefore, will I unfold the truth as it shall be. If heaven shall +deliver the suitors into my hands, I will find wives for both of you, +will give you house and holding close to my own, and you shall be to me +as though you were brothers and friends of Telemachus. I will now give +you convincing proofs that you may know me and be assured. See, here is +the scar from the boar's tooth that ripped me when I was out hunting on +Mt Parnassus with the sons of Autolycus." + +As he spoke he drew his rags aside from the great scar, and when they +had examined it thoroughly, they both of them wept about Ulysses, threw +their arms round him, and kissed his head and shoulders, while Ulysses +kissed their hands and faces in return. The sun would have gone down +upon their mourning if Ulysses had not checked them and said: + +"Cease your weeping, lest some one should come outside and see us, and +tell those who are within. When you go in, do so separately, not both +together; I will go first, and do you follow afterwards; let this +moreover be the token between us; the suitors will all of them try to +prevent me from getting hold of the bow and quiver; do you, therefore, +Eumaeus, place it in my hands when you are carrying it about, and tell +the women to close the doors of their apartment. If they hear any +groaning or uproar as of men fighting about the house, they must not +come out; they must keep quiet, and stay where they are at their work. +And I charge you, Philoetius, to make fast the doors of the outer +court, and to bind them securely at once." + +When he had thus spoken, he went back to the house and took the seat +that he had left. Presently, his two servants followed him inside. + +At this moment the bow was in the hands of Eurymachus, who was warming +it by the fire, but even so he could not string it, and he was greatly +grieved. He heaved a deep sigh and said, "I grieve for myself and for +us all; I grieve that I shall have to forgo the marriage, but I do not +care nearly so much about this, for there are plenty of other women in +Ithaca and elsewhere; what I feel most is the fact of our being so +inferior to Ulysses in strength that we cannot string his bow. This +will disgrace us in the eyes of those who are yet unborn." + +"It shall not be so, Eurymachus," said Antinous, "and you know it +yourself. Today is the feast of Apollo throughout all the land; who can +string a bow on such a day as this? Put it on one side—as for the axes +they can stay where they are, for no one is likely to come to the house +and take them away: let the cupbearer go round with his cups, that we +may make our drink-offerings and drop this matter of the bow; we will +tell Melanthius to bring us in some goats tomorrow—the best he has; we +can then offer thigh bones to Apollo the mighty archer, and again make +trial of the bow, so as to bring the contest to an end." + +The rest approved his words, and thereon men servants poured water over +the hands of the guests, while pages filled the mixing-bowls with wine +and water and handed it round after giving every man his +drink-offering. Then, when they had made their offerings and had drunk +each as much as he desired, Ulysses craftily said:— + +"Suitors of the illustrious queen, listen that I may speak even as I am +minded. I appeal more especially to Eurymachus, and to Antinous who has +just spoken with so much reason. Cease shooting for the present and +leave the matter to the gods, but in the morning let heaven give +victory to whom it will. For the moment, however, give me the bow that +I may prove the power of my hands among you all, and see whether I +still have as much strength as I used to have, or whether travel and +neglect have made an end of it." + +This made them all very angry, for they feared he might string the bow, +Antinous therefore rebuked him fiercely saying, "Wretched creature, you +have not so much as a grain of sense in your whole body; you ought to +think yourself lucky in being allowed to dine unharmed among your +betters, without having any smaller portion served you than we others +have had, and in being allowed to hear our conversation. No other +beggar or stranger has been allowed to hear what we say among +ourselves; the wine must have been doing you a mischief, as it does +with all those who drink immoderately. It was wine that inflamed the +Centaur Eurytion when he was staying with Peirithous among the +Lapithae. When the wine had got into his head, he went mad and did ill +deeds about the house of Peirithous; this angered the heroes who were +there assembled, so they rushed at him and cut off his ears and +nostrils; then they dragged him through the doorway out of the house, +so he went away crazed, and bore the burden of his crime, bereft of +understanding. Henceforth, therefore, there was war between mankind and +the centaurs, but he brought it upon himself through his own +drunkenness. In like manner I can tell you that it will go hardly with +you if you string the bow: you will find no mercy from any one here, +for we shall at once ship you off to king Echetus, who kills every one +that comes near him: you will never get away alive, so drink and keep +quiet without getting into a quarrel with men younger than yourself." + +Penelope then spoke to him. "Antinous," said she, "it is not right that +you should ill-treat any guest of Telemachus who comes to this house. +If the stranger should prove strong enough to string the mighty bow of +Ulysses, can you suppose that he would take me home with him and make +me his wife? Even the man himself can have no such idea in his mind: +none of you need let that disturb his feasting; it would be out of all +reason." + +"Queen Penelope," answered Eurymachus, "we do not suppose that this man +will take you away with him; it is impossible; but we are afraid lest +some of the baser sort, men or women among the Achaeans, should go +gossiping about and say, 'These suitors are a feeble folk; they are +paying court to the wife of a brave man whose bow not one of them was +able to string, and yet a beggarly tramp who came to the house strung +it at once and sent an arrow through the iron.' This is what will be +said, and it will be a scandal against us." + +"Eurymachus," Penelope answered, "people who persist in eating up the +estate of a great chieftain and dishonouring his house must not expect +others to think well of them. Why then should you mind if men talk as +you think they will? This stranger is strong and well-built, he says +moreover that he is of noble birth. Give him the bow, and let us see +whether he can string it or no. I say—and it shall surely be—that if +Apollo vouchsafes him the glory of stringing it, I will give him a +cloak and shirt of good wear, with a javelin to keep off dogs and +robbers, and a sharp sword. I will also give him sandals, and will see +him sent safely wherever he wants to go." + +Then Telemachus said, "Mother, I am the only man either in Ithaca or in +the islands that are over against Elis who has the right to let any one +have the bow or to refuse it. No one shall force me one way or the +other, not even though I choose to make the stranger a present of the +bow outright, and let him take it away with him. Go, then, within the +house and busy yourself with your daily duties, your loom, your +distaff, and the ordering of your servants. This bow is a man's matter, +and mine above all others, for it is I who am master here." + +She went wondering back into the house, and laid her son's saying in +her heart. Then going upstairs with her handmaids into her room, she +mourned her dear husband till Minerva sent sweet sleep over her +eyelids. + +The swineherd now took up the bow and was for taking it to Ulysses, but +the suitors clamoured at him from all parts of the cloisters, and one +of them said, "You idiot, where are you taking the bow to? Are you out +of your wits? If Apollo and the other gods will grant our prayer, your +own boarhounds shall get you into some quiet little place, and worry +you to death." + +Eumaeus was frightened at the outcry they all raised, so he put the bow +down then and there, but Telemachus shouted out at him from the other +side of the cloisters, and threatened him saying, "Father Eumaeus, +bring the bow on in spite of them, or young as I am I will pelt you +with stones back to the country, for I am the better man of the two. I +wish I was as much stronger than all the other suitors in the house as +I am than you, I would soon send some of them off sick and sorry, for +they mean mischief." + +Thus did he speak, and they all of them laughed heartily, which put +them in a better humour with Telemachus; so Eumaeus brought the bow on +and placed it in the hands of Ulysses. When he had done this, he called +Euryclea apart and said to her, "Euryclea, Telemachus says you are to +close the doors of the women's apartments. If they hear any groaning or +uproar as of men fighting about the house, they are not to come out, +but are to keep quiet and stay where they are at their work." + +Euryclea did as she was told and closed the doors of the women's +apartments. + +Meanwhile Philoetius slipped quietly out and made fast the gates of the +outer court. There was a ship's cable of byblus fibre lying in the +gatehouse, so he made the gates fast with it and then came in again, +resuming the seat that he had left, and keeping an eye on Ulysses, who +had now got the bow in his hands, and was turning it every way about, +and proving it all over to see whether the worms had been eating into +its two horns during his absence. Then would one turn towards his +neighbour saying, "This is some tricky old bow-fancier; either he has +got one like it at home, or he wants to make one, in such workmanlike +style does the old vagabond handle it." + +Another said, "I hope he may be no more successful in other things than +he is likely to be in stringing this bow." + +But Ulysses, when he had taken it up and examined it all over, strung +it as easily as a skilled bard strings a new peg of his lyre and makes +the twisted gut fast at both ends. Then he took it in his right hand to +prove the string, and it sang sweetly under his touch like the +twittering of a swallow. The suitors were dismayed, and turned colour +as they heard it; at that moment, moreover, Jove thundered loudly as a +sign, and the heart of Ulysses rejoiced as he heard the omen that the +son of scheming Saturn had sent him. + +He took an arrow that was lying upon the table—for those which the +Achaeans were so shortly about to taste were all inside the quiver—he +laid it on the centre-piece of the bow, and drew the notch of the arrow +and the string toward him, still seated on his seat. When he had taken +aim he let fly, and his arrow pierced every one of the handle-holes of +the axes from the first onwards till it had gone right through them, +and into the outer courtyard. Then he said to Telemachus: + +"Your guest has not disgraced you, Telemachus. I did not miss what I +aimed at, and I was not long in stringing my bow. I am still strong, +and not as the suitors twit me with being. Now, however, it is time for +the Achaeans to prepare supper while there is still daylight, and then +otherwise to disport themselves with song and dance which are the +crowning ornaments of a banquet." + +As he spoke he made a sign with his eyebrows, and Telemachus girded on +his sword, grasped his spear, and stood armed beside his father's seat. + + + + +BOOK XXII + + +THE KILLING OF THE SUITORS—THE MAIDS WHO HAVE MISCONDUCTED THEMSELVES +ARE MADE TO CLEANSE THE CLOISTERS AND ARE THEN HANGED. + + +Then Ulysses tore off his rags, and sprang on to the broad pavement +with his bow and his quiver full of arrows. He shed the arrows on to +the ground at his feet and said, "The mighty contest is at an end. I +will now see whether Apollo will vouchsafe it to me to hit another mark +which no man has yet hit." + +On this he aimed a deadly arrow at Antinous, who was about to take up a +two-handled gold cup to drink his wine and already had it in his hands. +He had no thought of death—who amongst all the revellers would think +that one man, however brave, would stand alone among so many and kill +him? The arrow struck Antinous in the throat, and the point went clean +through his neck, so that he fell over and the cup dropped from his +hand, while a thick stream of blood gushed from his nostrils. He kicked +the table from him and upset the things on it, so that the bread and +roasted meats were all soiled as they fell over on to the ground. +The suitors were in an uproar when they saw that a man had been hit; +they sprang in dismay one and all of them from their seats and looked +everywhere towards the walls, but there was neither shield nor spear, +and they rebuked Ulysses very angrily. "Stranger," said they, "you +shall pay for shooting people in this way: you shall see no other +contest; you are a doomed man; he whom you have slain was the foremost +youth in Ithaca, and the vultures shall devour you for having killed +him." + +Thus they spoke, for they thought that he had killed Antinous by +mistake, and did not perceive that death was hanging over the head of +every one of them. But Ulysses glared at them and said: + +"Dogs, did you think that I should not come back from Troy? You have +wasted my substance, have forced my women servants to lie with you, +and have wooed my wife while I was still living. You have feared +neither God nor man, and now you shall die." + +They turned pale with fear as he spoke, and every man looked round +about to see whither he might fly for safety, but Eurymachus alone +spoke. + +"If you are Ulysses," said he, "then what you have said is just. We +have done much wrong on your lands and in your house. But Antinous who +was the head and front of the offending lies low already. It was all +his doing. It was not that he wanted to marry Penelope; he did not so +much care about that; what he wanted was something quite different, and +Jove has not vouchsafed it to him; he wanted to kill your son and to be +chief man in Ithaca. Now, therefore, that he has met the death which +was his due, spare the lives of your people. We will make everything +good among ourselves, and pay you in full for all that we have eaten +and drunk. Each one of us shall pay you a fine worth twenty oxen, and +we will keep on giving you gold and bronze till your heart is softened. +Until we have done this no one can complain of your being enraged +against us." + +Ulysses again glared at him and said, "Though you should give me all +that you have in the world both now and all that you ever shall have, I +will not stay my hand till I have paid all of you in full. You must +fight, or fly for your lives; and fly, not a man of you shall." + +Their hearts sank as they heard him, but Eurymachus again spoke saying: + +"My friends, this man will give us no quarter. He will stand where he +is and shoot us down till he has killed every man among us. Let us then +show fight; draw your swords, and hold up the tables to shield you from +his arrows. Let us have at him with a rush, to drive him from the +pavement and doorway: we can then get through into the town, and raise +such an alarm as shall soon stay his shooting." + +As he spoke he drew his keen blade of bronze, sharpened on both sides, +and with a loud cry sprang towards Ulysses, but Ulysses instantly shot +an arrow into his breast that caught him by the nipple and fixed itself +in his liver. He dropped his sword and fell doubled up over his table. +The cup and all the meats went over on to the ground as he smote the +earth with his forehead in the agonies of death, and he kicked the +stool with his feet until his eyes were closed in darkness. + +Then Amphinomus drew his sword and made straight at Ulysses to try and +get him away from the door; but Telemachus was too quick for him, and +struck him from behind; the spear caught him between the shoulders and +went right through his chest, so that he fell heavily to the ground and +struck the earth with his forehead. Then Telemachus sprang away from +him, leaving his spear still in the body, for he feared that if he +stayed to draw it out, some one of the Achaeans might come up and hack +at him with his sword, or knock him down, so he set off at a run, and +immediately was at his father's side. Then he said: + +"Father, let me bring you a shield, two spears, and a brass helmet for +your temples. I will arm myself as well, and will bring other armour +for the swineherd and the stockman, for we had better be armed." + +"Run and fetch them," answered Ulysses, "while my arrows hold out, or +when I am alone they may get me away from the door." + +Telemachus did as his father said, and went off to the store room where +the armour was kept. He chose four shields, eight spears, and four +brass helmets with horse-hair plumes. He brought them with all speed to +his father, and armed himself first, while the stockman and the +swineherd also put on their armour, and took their places near Ulysses. +Meanwhile Ulysses, as long as his arrows lasted, had been shooting the +suitors one by one, and they fell thick on one another: when his arrows +gave out, he set the bow to stand against the end wall of the house by +the door post, and hung a shield four hides thick about his shoulders; +on his comely head he set his helmet, well wrought with a crest of +horse-hair that nodded menacingly above it, and he grasped two +redoubtable bronze-shod spears. + +Now there was a trap door on the wall, while at one end of the +pavement there was an exit leading to a narrow passage, and this +exit was closed by a well-made door. Ulysses told Philoetius to stand +by this door and guard it, for only one person could attack it at a +time. But Agelaus shouted out, "Cannot some one go up to the trap door +and tell the people what is going on? Help would come at once, and we +should soon make an end of this man and his shooting." + +"This may not be, Agelaus," answered Melanthius, "the mouth of the +narrow passage is dangerously near the entrance to the outer court. One +brave man could prevent any number from getting in. But I know what I +will do, I will bring you arms from the store-room, for I am sure it is +there that Ulysses and his son have put them." + +On this the goatherd Melanthius went by back passages to the store-room +of Ulysses' house. There he chose twelve shields, with as many helmets +and spears, and brought them back as fast as he could to give them to +the suitors. Ulysses' heart began to fail him when he saw the +suitors putting on their armour and brandishing their spears. He saw +the greatness of the danger, and said to Telemachus, "Some one of the +women inside is helping the suitors against us, or it may be +Melanthius." + +Telemachus answered, "The fault, father, is mine, and mine only; I left +the store room door open, and they have kept a sharper look out than I +have. Go, Eumaeus, put the door to, and see whether it is one of the +women who is doing this, or whether, as I suspect, it is Melanthius the +son of Dolius." + +Thus did they converse. Meanwhile Melanthius was again going to the +store room to fetch more armour, but the swineherd saw him and said to +Ulysses who was beside him, "Ulysses, noble son of Laertes, it is that +scoundrel Melanthius, just as we suspected, who is going to the store +room. Say, shall I kill him, if I can get the better of him, or shall I +bring him here that you may take your own revenge for all the many +wrongs that he has done in your house?" + +Ulysses answered, "Telemachus and I will hold these suitors in check, +no matter what they do; go back both of you and bind Melanthius' hands +and feet behind him. Throw him into the store room and make the door +fast behind you; then fasten a noose about his body, and string him +close up to the rafters from a high bearing-post, that he may linger +on in an agony." + +Thus did he speak, and they did even as he had said; they went to the +store room, which they entered before Melanthius saw them, for he was +busy searching for arms in the innermost part of the room, so the two +took their stand on either side of the door and waited. By and by +Melanthius came out with a helmet in one hand, and an old dry-rotted +shield in the other, which had been borne by Laertes when he was young, +but which had been long since thrown aside, and the straps had become +unsewn; on this the two seized him, dragged him back by the hair, and +threw him struggling to the ground. They bent his hands and feet well +behind his back, and bound them tight with a painful bond as Ulysses +had told them; then they fastened a noose about his body and strung him +up from a high pillar till he was close up to the rafters, and over him +did you then vaunt, O swineherd Eumaeus saying, "Melanthius, you will +pass the night on a soft bed as you deserve. You will know very well +when morning comes from the streams of Oceanus, and it is time for you +to be driving in your goats for the suitors to feast on." + +There, then, they left him in very cruel bondage, and having put on +their armour they closed the door behind them and went back to take +their places by the side of Ulysses; whereon the four men stood in the +cloister, fierce and full of fury; nevertheless, those who were in the +body of the court were still both brave and many. Then Jove's daughter +Minerva came up to them, having assumed the voice and form of Mentor. +Ulysses was glad when he saw her and said, "Mentor, lend me your help, +and forget not your old comrade, nor the many good turns he has done +you. Besides, you are my age-mate." + +But all the time he felt sure it was Minerva, and the suitors from the +other side raised an uproar when they saw her. Agelaus was the first to +reproach her. "Mentor," he cried, "do not let Ulysses beguile you into +siding with him and fighting the suitors. This is what we will do: when +we have killed these people, father and son, we will kill you too. You +shall pay for it with your head, and when we have killed you, we will +take all you have, in doors or out, and bring it into hotch-pot with +Ulysses' property; we will not let your sons live in your house, nor +your daughters, nor shall your widow continue to live in the city of +Ithaca." + +This made Minerva still more furious, so she scolded Ulysses very +angrily. "Ulysses," said she, "your strength and prowess are no +longer what they were when you fought for nine long years among the +Trojans about the noble lady Helen. You killed many a man in those +days, and it was through your stratagem that Priam's city was taken. +How comes it that you are so lamentably less valiant now that you are +on your own ground, face to face with the suitors in your own house? +Come on, my good fellow, stand by my side and see how Mentor, son of +Alcimus shall fight your foes and requite your kindnesses conferred +upon him." + +But she would not give him full victory as yet, for she wished still +further to prove his own prowess and that of his brave son, so she flew +up to one of the rafters in the roof of the cloister and sat upon it in +the form of a swallow. + +Meanwhile Agelaus son of Damastor, Eurynomus, Amphimedon, Demoptolemus, +Pisander, and Polybus son of Polyctor bore the brunt of the fight upon +the suitors' side; of all those who were still fighting for their lives +they were by far the most valiant, for the others had already fallen +under the arrows of Ulysses. Agelaus shouted to them and said, "My +friends, he will soon have to leave off, for Mentor has gone away after +having done nothing for him but brag. They are standing at the doors +unsupported. Do not aim at him all at once, but six of you throw your +spears first, and see if you cannot cover yourselves with glory by +killing him. When he has fallen we need not be uneasy about the +others." + +They threw their spears as he bade them, but Minerva made them all of +no effect. One hit the door post; another went against the door; the +pointed shaft of another struck the wall; and as soon as they had +avoided all the spears of the suitors Ulysses said to his own men, "My +friends, I should say we too had better let drive into the middle of +them, or they will crown all the harm they have done us by killing us +outright." + +They therefore aimed straight in front of them and threw their spears. +Ulysses killed Demoptolemus, Telemachus Euryades, Eumaeus Elatus, while +the stockman killed Pisander. These all bit the dust, and as the others +drew back into a corner Ulysses and his men rushed forward and regained +their spears by drawing them from the bodies of the dead. + +The suitors now aimed a second time, but again Minerva made their +weapons for the most part without effect. One hit a bearing-post of the +cloister; another went against the door; while the pointed shaft of +another struck the wall. Still, Amphimedon just took a piece of the top +skin from off Telemachus's wrist, and Ctesippus managed to graze +Eumaeus's shoulder above his shield; but the spear went on and fell to +the ground. Then Ulysses and his men let drive into the crowd of +suitors. Ulysses hit Eurydamas, Telemachus Amphimedon, and Eumaeus +Polybus. After this the stockman hit Ctesippus in the breast, and +taunted him saying, "Foul-mouthed son of Polytherses, do not be so +foolish as to talk wickedly another time, but let heaven direct your +speech, for the gods are far stronger than men. I make you a present of +this advice to repay you for the foot which you gave Ulysses when he +was begging about in his own house." + +Thus spoke the stockman, and Ulysses struck the son of Damastor with a +spear in close fight, while Telemachus hit Leocritus son of Evenor in +the belly, and the dart went clean through him, so that he fell forward +full on his face upon the ground. Then Minerva from her seat on the +rafter held up her deadly aegis, and the hearts of the suitors quailed. +They fled to the other end of the court like a herd of cattle maddened +by the gadfly in early summer when the days are at their longest. As +eagle-beaked, crook-taloned vultures from the mountains swoop down on +the smaller birds that cower in flocks upon the ground, and kill them, +for they cannot either fight or fly, and lookers on enjoy the +sport—even so did Ulysses and his men fall upon the suitors and smite +them on every side. They made a horrible groaning as their brains were +being battered in, and the ground seethed with their blood. + +Leiodes then caught the knees of Ulysses and said, "Ulysses I beseech +you have mercy upon me and spare me. I never wronged any of the women +in your house either in word or deed, and I tried to stop the others. I +saw them, but they would not listen, and now they are paying for their +folly. I was their sacrificing priest; if you kill me, I shall die +without having done anything to deserve it, and shall have got no +thanks for all the good that I did." + +Ulysses looked sternly at him and answered, "If you were their +sacrificing priest, you must have prayed many a time that it might be +long before I got home again, and that you might marry my wife and have +children by her. Therefore you shall die." + +With these words he picked up the sword that Agelaus had dropped when +he was being killed, and which was lying upon the ground. Then he +struck Leiodes on the back of his neck, so that his head fell rolling +in the dust while he was yet speaking. + +The minstrel Phemius son of Terpes—he who had been forced by the +suitors to sing to them—now tried to save his life. He was standing +near towards the trap door, and held his lyre in his hand. He did +not know whether to fly out of the cloister and sit down by the altar +of Jove that was in the outer court, and on which both Laertes and +Ulysses had offered up the thigh bones of many an ox, or whether to go +straight up to Ulysses and embrace his knees, but in the end he deemed +it best to embrace Ulysses' knees. So he laid his lyre on the ground +between the mixing bowl 1 and the silver-studded seat; then going up +to Ulysses he caught hold of his knees and said, "Ulysses, I beseech +you have mercy on me and spare me. You will be sorry for it afterwards +if you kill a bard who can sing both for gods and men as I can. I make +all my lays myself, and heaven visits me with every kind of +inspiration. I would sing to you as though you were a god, do not +therefore be in such a hurry to cut my head off. Your own son +Telemachus will tell you that I did not want to frequent your house and +sing to the suitors after their meals, but they were too many and too +strong for me, so they made me." + +Telemachus heard him, and at once went up to his father. "Hold!" he +cried, "the man is guiltless, do him no hurt; and we will spare Medon +too, who was always good to me when I was a boy, unless Philoetius or +Eumaeus has already killed him, or he has fallen in your way when you +were raging about the court." + +Medon caught these words of Telemachus, for he was crouching under a +seat beneath which he had hidden by covering himself up with a freshly +flayed heifer's hide, so he threw off the hide, went up to Telemachus, +and laid hold of his knees. + +"Here I am, my dear sir," said he, "stay your hand therefore, and tell +your father, or he will kill me in his rage against the suitors for +having wasted his substance and been so foolishly disrespectful to +yourself." + +Ulysses smiled at him and answered, "Fear not; Telemachus has saved +your life, that you may know in future, and tell other people, how +greatly better good deeds prosper than evil ones. Go, therefore, +outside the cloisters into the outer court, and be out of the way of +the slaughter—you and the bard—while I finish my work here inside." + +The pair went into the outer court as fast as they could, and sat down +by Jove's great altar, looking fearfully round, and still expecting +that they would be killed. Then Ulysses searched the whole court +carefully over, to see if anyone had managed to hide himself and was +still living, but he found them all lying in the dust and weltering in +their blood. They were like fishes which fishermen have netted out of +the sea, and thrown upon the beach to lie gasping for water till the +heat of the sun makes an end of them. Even so were the suitors lying +all huddled up one against the other. + +Then Ulysses said to Telemachus, "Call nurse Euryclea; I have something +to say to her." + +Telemachus went and knocked at the door of the women's room. "Make +haste," said he, "you old woman who have been set over all the other +women in the house. Come outside; my father wishes to speak to you." + +When Euryclea heard this she unfastened the door of the women's room +and came out, following Telemachus. She found Ulysses among the corpses +bespattered with blood and filth like a lion that has just been +devouring an ox, and his breast and both his cheeks are all bloody, so +that he is a fearful sight; even so was Ulysses besmirched from head to +foot with gore. When she saw all the corpses and such a quantity of +blood, she was beginning to cry out for joy, for she saw that a great +deed had been done; but Ulysses checked her, "Old woman," said he, +"rejoice in silence; restrain yourself, and do not make any noise about +it; it is an unholy thing to vaunt over dead men. Heaven's doom and +their own evil deeds have brought these men to destruction, for they +respected no man in the whole world, neither rich nor poor, who came +near them, and they have come to a bad end as a punishment for their +wickedness and folly. Now, however, tell me which of the women in the +house have misconducted themselves, and who are innocent." + +"I will tell you the truth, my son," answered Euryclea. "There are +fifty women in the house whom we teach to do things, such as carding +wool, and all kinds of household work. Of these, twelve in all have +misbehaved, and have been wanting in respect to me, and also to +Penelope. They showed no disrespect to Telemachus, for he has only +lately grown and his mother never permitted him to give orders to the +female servants; but let me go upstairs and tell your wife all that has +happened, for some god has been sending her to sleep." + +"Do not wake her yet," answered Ulysses, "but tell the women who have +misconducted themselves to come to me." + +Euryclea left the cloister to tell the women, and make them come to +Ulysses; in the meantime he called Telemachus, the stockman, and the +swineherd. "Begin," said he, "to remove the dead, and make the women +help you. Then, get sponges and clean water to swill down the tables +and seats. When you have thoroughly cleansed the whole cloisters, take +the women into the space between the domed room and the wall of the +outer court, and run them through with your swords till they are quite +dead, and have forgotten all about love and the way in which they used +to lie in secret with the suitors." + +On this the women came down in a body, weeping and wailing bitterly. +First they carried the dead bodies out, and propped them up against one +another in the gatehouse. Ulysses ordered them about and made them do +their work quickly, so they had to carry the bodies out. When they had +done this, they cleaned all the tables and seats with sponges and +water, while Telemachus and the two others shovelled up the blood and +dirt from the ground, and the women carried it all away and put it out +of doors. Then when they had made the whole place quite clean and +orderly, they took the women out and hemmed them in the narrow space +between the wall of the domed room and that of the yard, so that they +could not get away: and Telemachus said to the other two, "I shall not +let these women die a clean death, for they were insolent to me and my +mother, and used to sleep with the suitors." + +So saying he made a ship's cable fast to one of the bearing-posts that +supported the roof of the domed room, and secured it all around the +building, at a good height, lest any of the women's feet should touch +the ground; and as thrushes or doves beat against a net that has been +set for them in a thicket just as they were getting to their nest, and +a terrible fate awaits them, even so did the women have to put their +heads in nooses one after the other and die most miserably. Their +feet moved convulsively for a while, but not for very long. + +As for Melanthius, they took him through the cloister into the inner +court. There they cut off his nose and his ears; they drew out his +vitals and gave them to the dogs raw, and then in their fury they cut +off his hands and his feet. + +When they had done this they washed their hands and feet and went back +into the house, for all was now over; and Ulysses said to the dear old +nurse Euryclea, "Bring me sulphur, which cleanses all pollution, and +fetch fire also that I may burn it, and purify the cloisters. Go, +moreover, and tell Penelope to come here with her attendants, and also +all the maidservants that are in the house." + +"All that you have said is true," answered Euryclea, "but let me bring +you some clean clothes—a shirt and cloak. Do not keep these rags on +your back any longer. It is not right." + +"First light me a fire," replied Ulysses. + +She brought the fire and sulphur, as he had bidden her, and Ulysses +thoroughly purified the cloisters and both the inner and outer courts. +Then she went inside to call the women and tell them what had happened; +whereon they came from their apartment with torches in their hands, and +pressed round Ulysses to embrace him, kissing his head and shoulders +and taking hold of his hands. It made him feel as if he should like to +weep, for he remembered every one of them. + + + + +BOOK XXIII + + +PENELOPE EVENTUALLY RECOGNISES HER HUSBAND—EARLY IN THE MORNING +ULYSSES, TELEMACHUS, EUMAEUS, AND PHILOETIUS LEAVE THE TOWN. + + +Euryclea now went upstairs laughing to tell her mistress that her dear +husband had come home. Her aged knees became young again and her feet +were nimble for joy as she went up to her mistress and bent over her +head to speak to her. "Wake up Penelope, my dear child," she exclaimed, +"and see with your own eyes something that you have been wanting this +long time past. Ulysses has at last indeed come home again, and has +killed the suitors who were giving so much trouble in his house, eating +up his estate and ill treating his son." + +"My good nurse," answered Penelope, "you must be mad. The gods +sometimes send some very sensible people out of their minds, and make +foolish people become sensible. This is what they must have been doing +to you; for you always used to be a reasonable person. Why should you +thus mock me when I have trouble enough already—talking such nonsense, +and waking me up out of a sweet sleep that had taken possession of my +eyes and closed them? I have never slept so soundly from the day my +poor husband went to that city with the ill-omened name. Go back again +into the women's room; if it had been any one else who had woke me up +to bring me such absurd news I should have sent her away with a severe +scolding. As it is your age shall protect you." + +"My dear child," answered Euryclea, "I am not mocking you. It is quite +true as I tell you that Ulysses is come home again. He was the stranger +whom they all kept on treating so badly in the cloister. Telemachus +knew all the time that he was come back, but kept his father's secret +that he might have his revenge on all these wicked people." + +Then Penelope sprang up from her couch, threw her arms round Euryclea, +and wept for joy. "But my dear nurse," said she, "explain this to me; +if he has really come home as you say, how did he manage to overcome +the wicked suitors single handed, seeing what a number of them there +always were?" + +"I was not there," answered Euryclea, "and do not know; I only heard +them groaning while they were being killed. We sat crouching and +huddled up in a corner of the women's room with the doors closed, till +your son came to fetch me because his father sent him. Then I found +Ulysses standing over the corpses that were lying on the ground all +round him, one on top of the other. You would have enjoyed it if you +could have seen him standing there all bespattered with blood and +filth, and looking just like a lion. But the corpses are now all piled +up in the gatehouse that is in the outer court, and Ulysses has lit a +great fire to purify the house with sulphur. He has sent me to call +you, so come with me that you may both be happy together after all; for +now at last the desire of your heart has been fulfilled; your husband +is come home to find both wife and son alive and well, and to take his +revenge in his own house on the suitors who behaved so badly to him." + +"My dear nurse," said Penelope, "do not exult too confidently over all +this. You know how delighted every one would be to see Ulysses come +home—more particularly myself, and the son who has been born to both of +us; but what you tell me cannot be really true. It is some god who is +angry with the suitors for their great wickedness, and has made an end +of them; for they respected no man in the whole world, neither rich nor +poor, who came near them, and they have come to a bad end in +consequence of their iniquity; Ulysses is dead far away from the +Achaean land; he will never return home again." + +Then nurse Euryclea said, "My child, what are you talking about? but +you were all hard of belief and have made up your mind that your +husband is never coming, although he is in the house and by his own +fire side at this very moment. Besides I can give you another proof; +when I was washing him I perceived the scar which the wild boar gave +him, and I wanted to tell you about it, but in his wisdom he would not +let me, and clapped his hands over my mouth; so come with me and I will +make this bargain with you—if I am deceiving you, you may have me +killed by the most cruel death you can think of." + +"My dear nurse," said Penelope, "however wise you may be you can hardly +fathom the counsels of the gods. Nevertheless, we will go in search of +my son, that I may see the corpses of the suitors, and the man who has +killed them." + +On this she came down from her upper room, and while doing so she +considered whether she should keep at a distance from her husband and +question him, or whether she should at once go up to him and embrace +him. When, however, she had crossed the stone floor of the cloister, +she sat down opposite Ulysses by the fire, against the wall at right +angles [to that by which she had entered], while Ulysses sat near +one of the bearing-posts, looking upon the ground, and waiting to see +what his brave wife would say to him when she saw him. For a long time +she sat silent and as one lost in amazement. At one moment she looked +him full in the face, but then again directly, she was misled by his +shabby clothes and failed to recognise him, till Telemachus began to +reproach her and said: + +"Mother—but you are so hard that I cannot call you by such a name—why +do you keep away from my father in this way? Why do you not sit by his +side and begin talking to him and asking him questions? No other woman +could bear to keep away from her husband when he had come back to her +after twenty years of absence, and after having gone through so much; +but your heart always was as hard as a stone." + +Penelope answered, "My son, I am so lost in astonishment that I can +find no words in which either to ask questions or to answer them. I +cannot even look him straight in the face. Still, if he really is +Ulysses come back to his own home again, we shall get to understand one +another better by and by, for there are tokens with which we two are +alone acquainted, and which are hidden from all others." + +Ulysses smiled at this, and said to Telemachus, "Let your mother put me +to any proof she likes; she will make up her mind about it presently. +She rejects me for the moment and believes me to be somebody else, +because I am covered with dirt and have such bad clothes on; let us, +however, consider what we had better do next. When one man has killed +another—even though he was not one who would leave many friends to take +up his quarrel—the man who has killed him must still say good bye to +his friends and fly the country; whereas we have been killing the stay +of a whole town, and all the picked youth of Ithaca. I would have you +consider this matter." + +"Look to it yourself, father," answered Telemachus, "for they say you +are the wisest counsellor in the world, and that there is no other +mortal man who can compare with you. We will follow you with right good +will, nor shall you find us fail you in so far as our strength holds +out." + +"I will say what I think will be best," answered Ulysses. "First wash +and put your shirts on; tell the maids also to go to their own room and +dress; Phemius shall then strike up a dance tune on his lyre, so that +if people outside hear, or any of the neighbours, or some one going +along the street happens to notice it, they may think there is a +wedding in the house, and no rumours about the death of the suitors +will get about in the town, before we can escape to the woods upon my +own land. Once there, we will settle which of the courses heaven +vouchsafes us shall seem wisest." + +Thus did he speak, and they did even as he had said. First they washed +and put their shirts on, while the women got ready. Then Phemius took +his lyre and set them all longing for sweet song and stately dance. The +house re-echoed with the sound of men and women dancing, and the people +outside said, "I suppose the queen has been getting married at last. +She ought to be ashamed of herself for not continuing to protect her +husband's property until he comes home." + +This was what they said, but they did not know what it was that had +been happening. The upper servant Eurynome washed and anointed Ulysses +in his own house and gave him a shirt and cloak, while Minerva made him +look taller and stronger than before; she also made the hair grow thick +on the top of his head, and flow down in curls like hyacinth blossoms; +she glorified him about the head and shoulders just as a skilful +workman who has studied art of all kinds under Vulcan or Minerva—and +his work is full of beauty—enriches a piece of silver plate by gilding +it. He came from the bath looking like one of the immortals, and sat +down opposite his wife on the seat he had left. "My dear," said he, +"heaven has endowed you with a heart more unyielding than woman ever +yet had. No other woman could bear to keep away from her husband when +he had come back to her after twenty years of absence, and after having +gone through so much. But come, nurse, get a bed ready for me; I will +sleep alone, for this woman has a heart as hard as iron." + +"My dear," answered Penelope, "I have no wish to set myself up, nor to +depreciate you; but I am not struck by your appearance, for I very well +remember what kind of a man you were when you set sail from Ithaca. +Nevertheless, Euryclea, take his bed outside the bed chamber that he +himself built. Bring the bed outside this room, and put bedding upon it +with fleeces, good coverlets, and blankets." + +She said this to try him, but Ulysses was very angry and said, "Wife, I +am much displeased at what you have just been saying. Who has been +taking my bed from the place in which I left it? He must have found it +a hard task, no matter how skilled a workman he was, unless some god +came and helped him to shift it. There is no man living, however strong +and in his prime, who could move it from its place, for it is a +marvellous curiosity which I made with my very own hands. There was a +young olive growing within the precincts of the house, in full vigour, +and about as thick as a bearing-post. I built my room round this with +strong walls of stone and a roof to cover them, and I made the doors +strong and well-fitting. Then I cut off the top boughs of the olive +tree and left the stump standing. This I dressed roughly from the root +upwards and then worked with carpenter's tools well and skilfully, +straightening my work by drawing a line on the wood, and making it into +a bed-prop. I then bored a hole down the middle, and made it the +centre-post of my bed, at which I worked till I had finished it, +inlaying it with gold and silver; after this I stretched a hide of +crimson leather from one side of it to the other. So you see I know all +about it, and I desire to learn whether it is still there, or whether +any one has been removing it by cutting down the olive tree at its +roots." + +When she heard the sure proofs Ulysses now gave her, she fairly broke +down. She flew weeping to his side, flung her arms about his neck, and +kissed him. "Do not be angry with me Ulysses," she cried, "you, who are +the wisest of mankind. We have suffered, both of us. Heaven has denied +us the happiness of spending our youth, and of growing old, together; +do not then be aggrieved or take it amiss that I did not embrace you +thus as soon as I saw you. I have been shuddering all the time through +fear that someone might come here and deceive me with a lying story; +for there are many very wicked people going about. Jove's daughter +Helen would never have yielded herself to a man from a foreign country, +if she had known that the sons of Achaeans would come after her and +bring her back. Heaven put it in her heart to do wrong, and she gave no +thought to that sin, which has been the source of all our sorrows. Now, +however, that you have convinced me by showing that you know all about +our bed (which no human being has ever seen but you and I and a single +maidservant, the daughter of Actor, who was given me by my father on my +marriage, and who keeps the doors of our room) hard of belief though I +have been I can mistrust no longer." + +Then Ulysses in his turn melted, and wept as he clasped his dear and +faithful wife to his bosom. As the sight of land is welcome to men who +are swimming towards the shore, when Neptune has wrecked their ship +with the fury of his winds and waves; a few alone reach the land, and +these, covered with brine, are thankful when they find themselves on +firm ground and out of danger—even so was her husband welcome to her as +she looked upon him, and she could not tear her two fair arms from +about his neck. Indeed they would have gone on indulging their sorrow +till rosy-fingered morn appeared, had not Minerva determined otherwise, +and held night back in the far west, while she would not suffer Dawn to +leave Oceanus, nor to yoke the two steeds Lampus and Phaethon that bear +her onward to break the day upon mankind. + +At last, however, Ulysses said, "Wife, we have not yet reached the end +of our troubles. I have an unknown amount of toil still to undergo. It +is long and difficult, but I must go through with it, for thus the +shade of Teiresias prophesied concerning me, on the day when I went +down into Hades to ask about my return and that of my companions. But +now let us go to bed, that we may lie down and enjoy the blessed boon +of sleep." + +"You shall go to bed as soon as you please," replied Penelope, "now +that the gods have sent you home to your own good house and to your +country. But as heaven has put it in your mind to speak of it, tell me +about the task that lies before you. I shall have to hear about it +later, so it is better that I should be told at once." + +"My dear," answered Ulysses, "why should you press me to tell you? +Still, I will not conceal it from you, though you will not like it. I +do not like it myself, for Teiresias bade me travel far and wide, +carrying an oar, till I came to a country where the people have never +heard of the sea, and do not even mix salt with their food. They know +nothing about ships, nor oars that are as the wings of a ship. He gave +me this certain token which I will not hide from you. He said that a +wayfarer should meet me and ask me whether it was a winnowing shovel +that I had on my shoulder. On this, I was to fix my oar in the ground +and sacrifice a ram, a bull, and a boar to Neptune; after which I was +to go home and offer hecatombs to all the gods in heaven, one after the +other. As for myself, he said that death should come to me from the +sea, and that my life should ebb away very gently when I was full of +years and peace of mind, and my people should bless me. All this, he +said, should surely come to pass." + +And Penelope said, "If the gods are going to vouchsafe you a happier +time in your old age, you may hope then to have some respite from +misfortune." + +Thus did they converse. Meanwhile Eurynome and the nurse took torches +and made the bed ready with soft coverlets; as soon as they had laid +them, the nurse went back into the house to go to her rest, leaving the +bed chamber woman Eurynome to show Ulysses and Penelope to bed by +torch light. When she had conducted them to their room she went back, +and they then came joyfully to the rites of their own old bed. +Telemachus, Philoetius, and the swineherd now left off dancing, and +made the women leave off also. They then laid themselves down to sleep +in the cloisters. + +When Ulysses and Penelope had had their fill of love they fell talking +with one another. She told him how much she had had to bear in seeing +the house filled with a crowd of wicked suitors who had killed so many +sheep and oxen on her account, and had drunk so many casks of wine. +Ulysses in his turn told her what he had suffered, and how much trouble +he had himself given to other people. He told her everything, and she +was so delighted to listen that she never went to sleep till he had +ended his whole story. + +He began with his victory over the Cicons, and how he thence reached +the fertile land of the Lotus-eaters. He told her all about the Cyclops +and how he had punished him for having so ruthlessly eaten his brave +comrades; how he then went on to Aeolus, who received him hospitably +and furthered him on his way, but even so he was not to reach home, for +to his great grief a hurricane carried him out to sea again; how he +went on to the Laestrygonian city Telepylos, where the people destroyed +all his ships with their crews, save himself and his own ship only. +Then he told of cunning Circe and her craft, and how he sailed to the +chill house of Hades, to consult the ghost of the Theban prophet +Teiresias, and how he saw his old comrades in arms, and his mother who +bore him and brought him up when he was a child; how he then heard the +wondrous singing of the Sirens, and went on to the wandering rocks and +terrible Charybdis and to Scylla, whom no man had ever yet passed in +safety; how his men then ate the cattle of the sun-god, and how Jove +therefore struck the ship with his thunderbolts, so that all his men +perished together, himself alone being left alive; how at last he +reached the Ogygian island and the nymph Calypso, who kept him there in +a cave, and fed him, and wanted him to marry her, in which case she +intended making him immortal so that he should never grow old, but she +could not persuade him to let her do so; and how after much suffering +he had found his way to the Phaeacians, who had treated him as though +he had been a god, and sent him back in a ship to his own country after +having given him gold, bronze, and raiment in great abundance. This was +the last thing about which he told her, for here a deep sleep took hold +upon him and eased the burden of his sorrows. + +Then Minerva bethought her of another matter. When she deemed that +Ulysses had had both of his wife and of repose, she bade gold-enthroned +Dawn rise out of Oceanus that she might shed light upon mankind. On +this, Ulysses rose from his comfortable bed and said to Penelope, +"Wife, we have both of us had our full share of troubles, you, here, in +lamenting my absence, and I in being prevented from getting home though +I was longing all the time to do so. Now, however, that we have at last +come together, take care of the property that is in the house. As for +the sheep and goats which the wicked suitors have eaten, I will take +many myself by force from other people, and will compel the Achaeans to +make good the rest till they shall have filled all my yards. I am now +going to the wooded lands out in the country to see my father who has +so long been grieved on my account, and to yourself I will give these +instructions, though you have little need of them. At sunrise it will +at once get abroad that I have been killing the suitors; go upstairs, +therefore, and stay there with your women. See nobody and ask no +questions." + +As he spoke he girded on his armour. Then he roused Telemachus, +Philoetius, and Eumaeus, and told them all to put on their armour also. +This they did, and armed themselves. When they had done so, they opened +the gates and sallied forth, Ulysses leading the way. It was now +daylight, but Minerva nevertheless concealed them in darkness and led +them quickly out of the town. + + + + +BOOK XXIV + + +THE GHOSTS OF THE SUITORS IN HADES—ULYSSES AND HIS MEN GO TO THE HOUSE +OF LAERTES—THE PEOPLE OF ITHACA COME OUT TO ATTACK ULYSSES, BUT MINERVA +CONCLUDES A PEACE. + + +Then Mercury of Cyllene summoned the ghosts of the suitors, and in his +hand he held the fair golden wand with which he seals men's eyes in +sleep or wakes them just as he pleases; with this he roused the ghosts +and led them, while they followed whining and gibbering behind him. As +bats fly squealing in the hollow of some great cave, when one of them +has fallen out of the cluster in which they hang, even so did the +ghosts whine and squeal as Mercury the healer of sorrow led them down +into the dark abode of death. When they had passed the waters of +Oceanus and the rock Leucas, they came to the gates of the sun and the +land of dreams, whereon they reached the meadow of asphodel where dwell +the souls and shadows of them that can labour no more. + +Here they found the ghost of Achilles son of Peleus, with those of +Patroclus, Antilochus, and Ajax, who was the finest and handsomest man +of all the Danaans after the son of Peleus himself. + +They gathered round the ghost of the son of Peleus, and the ghost of +Agamemnon joined them, sorrowing bitterly. Round him were gathered also +the ghosts of those who had perished with him in the house of +Aegisthus; and the ghost of Achilles spoke first. + +"Son of Atreus," it said, "we used to say that Jove had loved you +better from first to last than any other hero, for you were captain +over many and brave men, when we were all fighting together before +Troy; yet the hand of death, which no mortal can escape, was laid upon +you all too early. Better for you had you fallen at Troy in the hey-day +of your renown, for the Achaeans would have built a mound over your +ashes, and your son would have been heir to your good name, whereas it +has now been your lot to come to a most miserable end." + +"Happy son of Peleus," answered the ghost of Agamemnon, "for having +died at Troy far from Argos, while the bravest of the Trojans and the +Achaeans fell round you fighting for your body. There you lay in the +whirling clouds of dust, all huge and hugely, heedless now of your +chivalry. We fought the whole of the livelong day, nor should we ever +have left off if Jove had not sent a hurricane to stay us. Then, when +we had borne you to the ships out of the fray, we laid you on your bed +and cleansed your fair skin with warm water and with ointments. The +Danaans tore their hair and wept bitterly round about you. Your mother, +when she heard, came with her immortal nymphs from out of the sea, and +the sound of a great wailing went forth over the waters so that the +Achaeans quaked for fear. They would have fled panic-stricken to their +ships had not wise old Nestor whose counsel was ever truest checked +them saying, 'Hold, Argives, fly not sons of the Achaeans, this is his +mother coming from the sea with her immortal nymphs to view the body of +her son.' + +"Thus he spoke, and the Achaeans feared no more. The daughters of the +old man of the sea stood round you weeping bitterly, and clothed you in +immortal raiment. The nine muses also came and lifted up their sweet +voices in lament—calling and answering one another; there was not an +Argive but wept for pity of the dirge they chaunted. Days and nights +seven and ten we mourned you, mortals and immortals, but on the +eighteenth day we gave you to the flames, and many a fat sheep with +many an ox did we slay in sacrifice around you. You were burnt in +raiment of the gods, with rich resins and with honey, while heroes, +horse and foot, clashed their armour round the pile as you were +burning, with the tramp as of a great multitude. But when the flames of +heaven had done their work, we gathered your white bones at daybreak +and laid them in ointments and in pure wine. Your mother brought us a +golden vase to hold them—gift of Bacchus, and work of Vulcan himself; +in this we mingled your bleached bones with those of Patroclus who had +gone before you, and separate we enclosed also those of Antilochus, who +had been closer to you than any other of your comrades now that +Patroclus was no more. + +"Over these the host of the Argives built a noble tomb, on a point +jutting out over the open Hellespont, that it might be seen from far +out upon the sea by those now living and by them that shall be born +hereafter. Your mother begged prizes from the gods, and offered them to +be contended for by the noblest of the Achaeans. You must have been +present at the funeral of many a hero, when the young men gird +themselves and make ready to contend for prizes on the death of some +great chieftain, but you never saw such prizes as silver-footed Thetis +offered in your honour; for the gods loved you well. Thus even in death +your fame, Achilles, has not been lost, and your name lives evermore +among all mankind. But as for me, what solace had I when the days of my +fighting were done? For Jove willed my destruction on my return, by the +hands of Aegisthus and those of my wicked wife." + +Thus did they converse, and presently Mercury came up to them with the +ghosts of the suitors who had been killed by Ulysses. The ghosts of +Agamemnon and Achilles were astonished at seeing them, and went up to +them at once. The ghost of Agamemnon recognised Amphimedon son of +Melaneus, who lived in Ithaca and had been his host, so it began to +talk to him. + +"Amphimedon," it said, "what has happened to all you fine young men—all +of an age too—that you are come down here under the ground? One could +pick no finer body of men from any city. Did Neptune raise his winds +and waves against you when you were at sea, or did your enemies make an +end of you on the mainland when you were cattle-lifting or +sheep-stealing, or while fighting in defence of their wives and city? +Answer my question, for I have been your guest. Do you not remember how +I came to your house with Menelaus, to persuade Ulysses to join us with +his ships against Troy? It was a whole month ere we could resume our +voyage, for we had hard work to persuade Ulysses to come with us." + +And the ghost of Amphimedon answered, "Agamemnon, son of Atreus, king +of men, I remember everything that you have said, and will tell you +fully and accurately about the way in which our end was brought about. +Ulysses had been long gone, and we were courting his wife, who did not +say point blank that she would not marry, nor yet bring matters to an +end, for she meant to compass our destruction: this, then, was the +trick she played us. She set up a great tambour frame in her room and +began to work on an enormous piece of fine needlework. 'Sweethearts,' +said she, 'Ulysses is indeed dead, still, do not press me to marry +again immediately; wait—for I would not have my skill in needlework +perish unrecorded—till I have completed a pall for the hero Laertes, +against the time when death shall take him. He is very rich, and the +women of the place will talk if he is laid out without a pall.' This is +what she said, and we assented; whereupon we could see her working upon +her great web all day long, but at night she would unpick the stitches +again by torchlight. She fooled us in this way for three years without +our finding it out, but as time wore on and she was now in her fourth +year, in the waning of moons and many days had been accomplished, one +of her maids who knew what she was doing told us, and we caught her in +the act of undoing her work, so she had to finish it whether she would +or no; and when she showed us the robe she had made, after she had had +it washed, its splendour was as that of the sun or moon. + +"Then some malicious god conveyed Ulysses to the upland farm where his +swineherd lives. Thither presently came also his son, returning from a +voyage to Pylos, and the two came to the town when they had hatched +their plot for our destruction. Telemachus came first, and then after +him, accompanied by the swineherd, came Ulysses, clad in rags and +leaning on a staff as though he were some miserable old beggar. He came +so unexpectedly that none of us knew him, not even the older ones among +us, and we reviled him and threw things at him. He endured both being +struck and insulted without a word, though he was in his own house; but +when the will of Aegis-bearing Jove inspired him, he and Telemachus +took the armour and hid it in an inner chamber, bolting the doors +behind them. Then he cunningly made his wife offer his bow and a +quantity of iron to be contended for by us ill-fated suitors; and this +was the beginning of our end, for not one of us could string the +bow—nor nearly do so. When it was about to reach the hands of Ulysses, +we all of us shouted out that it should not be given him, no matter +what he might say, but Telemachus insisted on his having it. When he +had got it in his hands he strung it with ease and sent his arrow +through the iron. Then he stood on the floor of the cloister and poured +his arrows on the ground, glaring fiercely about him. First he killed +Antinous, and then, aiming straight before him, he let fly his deadly +darts and they fell thick on one another. It was plain that some one of +the gods was helping them, for they fell upon us with might and main +throughout the cloisters, and there was a hideous sound of groaning as +our brains were being battered in, and the ground seethed with our +blood. This, Agamemnon, is how we came by our end, and our bodies are +lying still uncared for in the house of Ulysses, for our friends at +home do not yet know what has happened, so that they cannot lay us out +and wash the black blood from our wounds, making moan over us according +to the offices due to the departed." + +"Happy Ulysses, son of Laertes," replied the ghost of Agamemnon, "you +are indeed blessed in the possession of a wife endowed with such rare +excellence of understanding, and so faithful to her wedded lord as +Penelope the daughter of Icarius. The fame, therefore, of her virtue +shall never die, and the immortals shall compose a song that shall be +welcome to all mankind in honour of the constancy of Penelope. How far +otherwise was the wickedness of the daughter of Tyndareus who killed +her lawful husband; her song shall be hateful among men, for she has +brought disgrace on all womankind even on the good ones." + +Thus did they converse in the house of Hades deep down within the +bowels of the earth. Meanwhile Ulysses and the others passed out of the +town and soon reached the fair and well-tilled farm of Laertes, which +he had reclaimed with infinite labour. Here was his house, with a +lean-to running all round it, where the slaves who worked for him slept +and sat and ate, while inside the house there was an old Sicel woman, +who looked after him in this his country-farm. When Ulysses got there, +he said to his son and to the other two: + +"Go to the house, and kill the best pig that you can find for dinner. +Meanwhile I want to see whether my father will know me, or fail to +recognise me after so long an absence." + +He then took off his armour and gave it to Eumaeus and Philoetius, who +went straight on to the house, while he turned off into the vineyard to +make trial of his father. As he went down into the great orchard, he +did not see Dolius, nor any of his sons nor of the other bondsmen, for +they were all gathering thorns to make a fence for the vineyard, at the +place where the old man had told them; he therefore found his father +alone, hoeing a vine. He had on a dirty old shirt, patched and very +shabby; his legs were bound round with thongs of oxhide to save him +from the brambles, and he also wore sleeves of leather; he had a goat +skin cap on his head, and was looking very woe-begone. When Ulysses saw +him so worn, so old and full of sorrow, he stood still under a tall +pear tree and began to weep. He doubted whether to embrace him, kiss +him, and tell him all about his having come home, or whether he should +first question him and see what he would say. In the end he deemed it +best to be crafty with him, so in this mind he went up to his father, +who was bending down and digging about a plant. + +"I see, sir," said Ulysses, "that you are an excellent gardener—what +pains you take with it, to be sure. There is not a single plant, not a +fig tree, vine, olive, pear, nor flower bed, but bears the trace of +your attention. I trust, however, that you will not be offended if I +say that you take better care of your garden than of yourself. You are +old, unsavoury, and very meanly clad. It cannot be because you are idle +that your master takes such poor care of you, indeed your face and +figure have nothing of the slave about them, and proclaim you of noble +birth. I should have said that you were one of those who should wash +well, eat well, and lie soft at night as old men have a right to do; +but tell me, and tell me true, whose bondman are you, and in whose +garden are you working? Tell me also about another matter. Is this +place that I have come to really Ithaca? I met a man just now who said +so, but he was a dull fellow, and had not the patience to hear my story +out when I was asking him about an old friend of mine, whether he was +still living, or was already dead and in the house of Hades. Believe me +when I tell you that this man came to my house once when I was in my +own country and never yet did any stranger come to me whom I liked +better. He said that his family came from Ithaca and that his father +was Laertes, son of Arceisius. I received him hospitably, making him +welcome to all the abundance of my house, and when he went away I gave +him all customary presents. I gave him seven talents of fine gold, and +a cup of solid silver with flowers chased upon it. I gave him twelve +light cloaks, and as many pieces of tapestry; I also gave him twelve +cloaks of single fold, twelve rugs, twelve fair mantles, and an equal +number of shirts. To all this I added four good looking women skilled +in all useful arts, and I let him take his choice." + +His father shed tears and answered, "Sir, you have indeed come to the +country that you have named, but it is fallen into the hands of wicked +people. All this wealth of presents has been given to no purpose. If +you could have found your friend here alive in Ithaca, he would have +entertained you hospitably and would have requited your presents amply +when you left him—as would have been only right considering what you +had already given him. But tell me, and tell me true, how many years is +it since you entertained this guest—my unhappy son, as ever was? Alas! +He has perished far from his own country; the fishes of the sea have +eaten him, or he has fallen a prey to the birds and wild beasts of some +continent. Neither his mother, nor I his father, who were his parents, +could throw our arms about him and wrap him in his shroud, nor could +his excellent and richly dowered wife Penelope bewail her husband as +was natural upon his death bed, and close his eyes according to the +offices due to the departed. But now, tell me truly for I want to know. +Who and whence are you—tell me of your town and parents? Where is the +ship lying that has brought you and your men to Ithaca? Or were you a +passenger on some other man's ship, and those who brought you here have +gone on their way and left you?" + +"I will tell you everything," answered Ulysses, "quite truly. I come +from Alybas, where I have a fine house. I am son of king Apheidas, who +is the son of Polypemon. My own name is Eperitus; heaven drove me off +my course as I was leaving Sicania, and I have been carried here +against my will. As for my ship it is lying over yonder, off the open +country outside the town, and this is the fifth year since Ulysses left +my country. Poor fellow, yet the omens were good for him when he left +me. The birds all flew on our right hands, and both he and I rejoiced +to see them as we parted, for we had every hope that we should have +another friendly meeting and exchange presents." + +A dark cloud of sorrow fell upon Laertes as he listened. He filled both +hands with the dust from off the ground and poured it over his grey +head, groaning heavily as he did so. The heart of Ulysses was touched, +and his nostrils quivered as he looked upon his father; then he sprang +towards him, flung his arms about him and kissed him, saying, "I am he, +father, about whom you are asking—I have returned after having been +away for twenty years. But cease your sighing and lamentation—we have +no time to lose, for I should tell you that I have been killing the +suitors in my house, to punish them for their insolence and crimes." + +"If you really are my son Ulysses," replied Laertes, "and have come +back again, you must give me such manifest proof of your identity as +shall convince me." + +"First observe this scar," answered Ulysses, "which I got from a boar's +tusk when I was hunting on Mt Parnassus. You and my mother had sent me +to Autolycus, my mother's father, to receive the presents which when he +was over here he had promised to give me. Furthermore I will point out +to you the trees in the vineyard which you gave me, and I asked you all +about them as I followed you round the garden. We went over them all, +and you told me their names and what they all were. You gave me +thirteen pear trees, ten apple trees, and forty fig trees; you also +said you would give me fifty rows of vines; there was corn planted +between each row, and they yield grapes of every kind when the heat of +heaven has been laid heavy upon them." + +Laertes' strength failed him when he heard the convincing proofs which +his son had given him. He threw his arms about him, and Ulysses had to +support him, or he would have gone off into a swoon; but as soon as he +came to, and was beginning to recover his senses, he said, "O father +Jove, then you gods are still in Olympus after all, if the suitors have +really been punished for their insolence and folly. Nevertheless, I am +much afraid that I shall have all the townspeople of Ithaca up here +directly, and they will be sending messengers everywhere throughout the +cities of the Cephallenians." + +Ulysses answered, "Take heart and do not trouble yourself about that, +but let us go into the house hard by your garden. I have already told +Telemachus, Philoetius, and Eumaeus to go on there and get dinner ready +as soon as possible." + +Thus conversing the two made their way towards the house. When they got +there they found Telemachus with the stockman and the swineherd cutting +up meat and mixing wine with water. Then the old Sicel woman took +Laertes inside and washed him and anointed him with oil. She put him on +a good cloak, and Minerva came up to him and gave him a more imposing +presence, making him taller and stouter than before. When he came back +his son was surprised to see him looking so like an immortal, and said +to him, "My dear father, some one of the gods has been making you much +taller and better-looking." + +Laertes answered, "Would, by Father Jove, Minerva, and Apollo, that I +were the man I was when I ruled among the Cephallenians, and took +Nericum, that strong fortress on the foreland. If I were still what I +then was and had been in our house yesterday with my armour on, I +should have been able to stand by you and help you against the suitors. +I should have killed a great many of them, and you would have rejoiced +to see it." + +Thus did they converse; but the others, when they had finished their +work and the feast was ready, left off working, and took each his +proper place on the benches and seats. Then they began eating; by and +by old Dolius and his sons left their work and came up, for their +mother, the Sicel woman who looked after Laertes now that he was +growing old, had been to fetch them. When they saw Ulysses and were +certain it was he, they stood there lost in astonishment; but Ulysses +scolded them good naturedly and said, "Sit down to your dinner, old +man, and never mind about your surprise; we have been wanting to begin +for some time and have been waiting for you." + +Then Dolius put out both his hands and went up to Ulysses. "Sir," said +he, seizing his master's hand and kissing it at the wrist, "we have +long been wishing you home: and now heaven has restored you to us after +we had given up hoping. All hail, therefore, and may the gods prosper +you. But tell me, does Penelope already know of your return, or +shall we send some one to tell her?" + +"Old man," answered Ulysses, "she knows already, so you need not +trouble about that." On this he took his seat, and the sons of Dolius +gathered round Ulysses to give him greeting and embrace him one after +the other; then they took their seats in due order near Dolius their +father. + +While they were thus busy getting their dinner ready, Rumour went round +the town, and noised abroad the terrible fate that had befallen the +suitors; as soon, therefore, as the people heard of it they gathered +from every quarter, groaning and hooting before the house of Ulysses. +They took the dead away, buried every man his own, and put the bodies +of those who came from elsewhere on board the fishing vessels, for the +fishermen to take each of them to his own place. They then met angrily +in the place of assembly, and when they were got together Eupeithes +rose to speak. He was overwhelmed with grief for the death of his son +Antinous, who had been the first man killed by Ulysses, so he said, +weeping bitterly, "My friends, this man has done the Achaeans great +wrong. He took many of our best men away with him in his fleet, and he +has lost both ships and men; now, moreover, on his return he has been +killing all the foremost men among the Cephallenians. Let us be up and +doing before he can get away to Pylos or to Elis where the Epeans rule, +or we shall be ashamed of ourselves for ever afterwards. It will be an +everlasting disgrace to us if we do not avenge the murder of our sons +and brothers. For my own part I should have no more pleasure in life, +but had rather die at once. Let us be up, then, and after them, before +they can cross over to the main land." + +He wept as he spoke and every one pitied him. But Medon and the bard +Phemius had now woke up, and came to them from the house of Ulysses. +Every one was astonished at seeing them, but they stood in the middle +of the assembly, and Medon said, "Hear me, men of Ithaca. Ulysses did +not do these things against the will of heaven. I myself saw an +immortal god take the form of Mentor and stand beside him. This god +appeared, now in front of him encouraging him, and now going furiously +about the court and attacking the suitors whereon they fell thick on +one another." + +On this pale fear laid hold of them, and old Halitherses, son of +Mastor, rose to speak, for he was the only man among them who knew both +past and future; so he spoke to them plainly and in all honesty, +saying, + +"Men of Ithaca, it is all your own fault that things have turned out as +they have; you would not listen to me, nor yet to Mentor, when we bade +you check the folly of your sons who were doing much wrong in the +wantonness of their hearts—wasting the substance and dishonouring the +wife of a chieftain who they thought would not return. Now, however, +let it be as I say, and do as I tell you. Do not go out against +Ulysses, or you may find that you have been drawing down evil on your +own heads." + +This was what he said, and more than half raised a loud shout, and at +once left the assembly. But the rest stayed where they were, for the +speech of Halitherses displeased them, and they sided with Eupeithes; +they therefore hurried off for their armour, and when they had armed +themselves, they met together in front of the city, and Eupeithes led +them on in their folly. He thought he was going to avenge the murder of +his son, whereas in truth he was never to return, but was himself to +perish in his attempt. + +Then Minerva said to Jove, "Father, son of Saturn, king of kings, +answer me this question—What do you propose to do? Will you set them +fighting still further, or will you make peace between them?" + +And Jove answered, "My child, why should you ask me? Was it not by your +own arrangement that Ulysses came home and took his revenge upon the +suitors? Do whatever you like, but I will tell you what I think will be +most reasonable arrangement. Now that Ulysses is revenged, let them +swear to a solemn covenant, in virtue of which he shall continue to +rule, while we cause the others to forgive and forget the massacre of +their sons and brothers. Let them then all become friends as +heretofore, and let peace and plenty reign." + +This was what Minerva was already eager to bring about, so down she +darted from off the topmost summits of Olympus. + +Now when Laertes and the others had done dinner, Ulysses began by +saying, "Some of you go out and see if they are not getting close up to +us." So one of Dolius's sons went as he was bid. Standing on the +threshold he could see them all quite near, and said to Ulysses, "Here +they are, let us put on our armour at once." + +They put on their armour as fast as they could—that is to say Ulysses, +his three men, and the six sons of Dolius. Laertes also and Dolius did +the same—warriors by necessity in spite of their grey hair. When they +had all put on their armour, they opened the gate and sallied forth, +Ulysses leading the way. + +Then Jove's daughter Minerva came up to them, having assumed the form +and voice of Mentor. Ulysses was glad when he saw her, and said to his +son Telemachus, "Telemachus, now that you are about to fight in an +engagement, which will show every man's mettle, be sure not to disgrace +your ancestors, who were eminent for their strength and courage all the +world over." + +"You say truly, my dear father," answered Telemachus, "and you shall +see, if you will, that I am in no mind to disgrace your family." + +Laertes was delighted when he heard this. "Good heavens," he exclaimed, +"what a day I am enjoying: I do indeed rejoice at it. My son and +grandson are vying with one another in the matter of valour." + +On this Minerva came close up to him and said, "Son of Arceisius—-best +friend I have in the world—pray to the blue-eyed damsel, and to Jove +her father; then poise your spear and hurl it." + +As she spoke she infused fresh vigour into him, and when he had prayed +to her he poised his spear and hurled it. He hit Eupeithes' helmet, and +the spear went right through it, for the helmet stayed it not, and his +armour rang rattling round him as he fell heavily to the ground. +Meantime Ulysses and his son fell upon the front line of the foe and +smote them with their swords and spears; indeed, they would have killed +every one of them, and prevented them from ever getting home again, +only Minerva raised her voice aloud, and made every one pause. "Men of +Ithaca," she cried, "cease this dreadful war, and settle the matter at +once without further bloodshed." + +On this pale fear seized every one; they were so frightened that their +arms dropped from their hands and fell upon the ground at the sound of +the goddess' voice, and they fled back to the city for their lives. But +Ulysses gave a great cry, and gathering himself together swooped down +like a soaring eagle. Then the son of Saturn sent a thunderbolt of fire +that fell just in front of Minerva, so she said to Ulysses, "Ulysses, +noble son of Laertes, stop this warful strife, or Jove will be angry +with you." + +Thus spoke Minerva, and Ulysses obeyed her gladly. Then Minerva assumed +the form and voice of Mentor, and presently made a covenant of peace +between the two contending parties. diff --git a/2.markov-chains/pride-and-prejudice.txt b/2.markov-chains/pride-and-prejudice.txt new file mode 100644 index 0000000..9bb3d2a --- /dev/null +++ b/2.markov-chains/pride-and-prejudice.txt @@ -0,0 +1,12901 @@ + +Chapter I. + +It is a truth universally acknowledged, that a single man in possession +of a good fortune must be in want of a wife. + +However little known the feelings or views of such a man may be on his +first entering a neighbourhood, this truth is so well fixed in the minds +of the surrounding families, that he is considered as the rightful +property of some one or other of their daughters. + +"My dear Mr Bennet," said his lady to him one day, "have you heard that +Netherfield Park is let at last?" + +Mr Bennet replied that he had not. + +"But it is," returned she; "for Mrs Long has just been here, and she +told me all about it." + +Mr Bennet made no answer. + +"Do not you want to know who has taken it?" cried his wife, impatiently. + +"_You_ want to tell me, and I have no objection to hearing it." + +This was invitation enough. + +"Why, my dear, you must know, Mrs Long says that Netherfield is taken +by a young man of large fortune from the north of England; that he came +down on Monday in a chaise and four to see the place, and was so much +delighted with it that he agreed with Mr Morris immediately; that he is +to take possession before Michaelmas, and some of his servants are to be +in the house by the end of next week." + +"What is his name?" + +"Bingley." + +"Is he married or single?" + +"Oh, single, my dear, to be sure! A single man of large fortune; four or +five thousand a year. What a fine thing for our girls!" + +"How so? how can it affect them?" + +"My dear Mr Bennet," replied his wife, "how can you be so tiresome? You +must know that I am thinking of his marrying one of them." + +"Is that his design in settling here?" + +"Design? Nonsense, how can you talk so! But it is very likely that he +_may_ fall in love with one of them, and therefore you must visit him as +soon as he comes." + +"I see no occasion for that. You and the girls may go--or you may send +them by themselves, which perhaps will be still better; for as you are +as handsome as any of them, Mr Bingley might like you the best of the +party." + +"My dear, you flatter me. I certainly _have_ had my share of beauty, but +I do not pretend to be anything extraordinary now. When a woman has five +grown-up daughters, she ought to give over thinking of her own beauty." + +"In such cases, a woman has not often much beauty to think of." + +"But, my dear, you must indeed go and see Mr Bingley when he comes into +the neighbourhood." + +"It is more than I engage for, I assure you." + +"But consider your daughters. Only think what an establishment it would +be for one of them. Sir William and Lady Lucas are determined to go, +merely on that account; for in general, you know, they visit no new +comers. Indeed you must go, for it will be impossible for _us_ to visit +him, if you do not." + +"You are over scrupulous, surely. I dare say Mr Bingley will be very +glad to see you; and I will send a few lines by you to assure him of my +hearty consent to his marrying whichever he chooses of the girls--though +I must throw in a good word for my little Lizzy." + +"I desire you will do no such thing. Lizzy is not a bit better than the +others: and I am sure she is not half so handsome as Jane, nor half so +good-humoured as Lydia. But you are always giving _her_ the preference." + +"They have none of them much to recommend them," replied he: "they are +all silly and ignorant like other girls; but Lizzy has something more of +quickness than her sisters." + +"Mr Bennet, how can you abuse your own children in such a way? You take +delight in vexing me. You have no compassion on my poor nerves." + +"You mistake me, my dear. I have a high respect for your nerves. They +are my old friends. I have heard you mention them with consideration +these twenty years at least." + +"Ah, you do not know what I suffer." + +"But I hope you will get over it, and live to see many young men of four +thousand a year come into the neighbourhood." + +"It will be no use to us, if twenty such should come, since you will not +visit them." + +"Depend upon it, my dear, that when there are twenty, I will visit them +all." + +Mr Bennet was so odd a mixture of quick parts, sarcastic humour, +reserve, and caprice, that the experience of three-and-twenty years had +been insufficient to make his wife understand his character. _Her_ mind +was less difficult to develope. She was a woman of mean understanding, +little information, and uncertain temper. When she was discontented, she +fancied herself nervous. The business of her life was to get her +daughters married: its solace was visiting and news. + +CHAPTER II. + +Mr Bennet was among the earliest of those who waited on Mr Bingley. He +had always intended to visit him, though to the last always assuring his +wife that he should not go; and till the evening after the visit was +paid she had no knowledge of it. It was then disclosed in the following +manner. Observing his second daughter employed in trimming a hat, he +suddenly addressed her with,-- + +"I hope Mr Bingley will like it, Lizzy." + +"We are not in a way to know _what_ Mr Bingley likes," said her mother, +resentfully, "since we are not to visit." + +"But you forget, mamma," said Elizabeth, "that we shall meet him at the +assemblies, and that Mrs Long has promised to introduce him." + +"I do not believe Mrs Long will do any such thing. She has two nieces +of her own. She is a selfish, hypocritical woman, and I have no opinion +of her." + +"No more have I," said Mr Bennet; "and I am glad to find that you do +not depend on her serving you." + +Mrs Bennet deigned not to make any reply; but, unable to contain +herself, began scolding one of her daughters. + +"Don't keep coughing so, Kitty, for heaven's sake! Have a little +compassion on my nerves. You tear them to pieces." + +"Kitty has no discretion in her coughs," said her father; "she times +them ill." + +"I do not cough for my own amusement," replied Kitty, fretfully. "When +is your next ball to be, Lizzy?" + +"To-morrow fortnight." + +"Ay, so it is," cried her mother, "and Mrs Long does not come back till +the day before; so, it will be impossible for her to introduce him, for +she will not know him herself." + +"Then, my dear, you may have the advantage of your friend, and introduce +Mr Bingley to _her_." + +"Impossible, Mr Bennet, impossible, when I am not acquainted with him +myself; how can you be so teasing?" + +"I honour your circumspection. A fortnight's acquaintance is certainly +very little. One cannot know what a man really is by the end of a +fortnight. But if _we_ do not venture, somebody else will; and after +all, Mrs Long and her nieces must stand their chance; and, therefore, +as she will think it an act of kindness, if you decline the office, I +will take it on myself." + +The girls stared at their father. Mrs Bennet said only, "Nonsense, +nonsense!" + +"What can be the meaning of that emphatic exclamation?" cried he. "Do +you consider the forms of introduction, and the stress that is laid on +them, as nonsense? I cannot quite agree with you _there_. What say you, +Mary? For you are a young lady of deep reflection, I know, and read +great books, and make extracts." + +Mary wished to say something very sensible, but knew not how. + +"While Mary is adjusting her ideas," he continued, "let us return to Mr +Bingley." + +"I am sick of Mr Bingley," cried his wife. + +"I am sorry to hear _that_; but why did you not tell me so before? If I +had known as much this morning, I certainly would not have called on +him. It is very unlucky; but as I have actually paid the visit, we +cannot escape the acquaintance now." + +The astonishment of the ladies was just what he wished--that of Mrs +Bennet perhaps surpassing the rest; though when the first tumult of joy +was over, she began to declare that it was what she had expected all the +while. + +"How good it was in you, my dear Mr Bennet! But I knew I should +persuade you at last. I was sure you loved your girls too well to +neglect such an acquaintance. Well, how pleased I am! And it is such a +good joke, too, that you should have gone this morning, and never said a +word about it till now." + +"Now, Kitty, you may cough as much as you choose," said Mr Bennet; and, +as he spoke, he left the room, fatigued with the raptures of his wife. + +"What an excellent father you have, girls," said she, when the door was +shut. "I do not know how you will ever make him amends for his kindness; +or me either, for that matter. At our time of life, it is not so +pleasant, I can tell you, to be making new acquaintances every day; but +for your sakes we would do anything. Lydia, my love, though you _are_ +the youngest, I dare say Mr Bingley will dance with you at the next +ball." + +"Oh," said Lydia, stoutly, "I am not afraid; for though I _am_ the +youngest, I'm the tallest." + +The rest of the evening was spent in conjecturing how soon he would +return Mr Bennet's visit, and determining when they should ask him to +dinner. + +CHAPTER III. + +Not all that Mrs Bennet, however, with the assistance of her five +daughters, could ask on the subject, was sufficient to draw from her +husband any satisfactory description of Mr Bingley. They attacked him +in various ways, with barefaced questions, ingenious suppositions, and +distant surmises; but he eluded the skill of them all; and they were at +last obliged to accept the second-hand intelligence of their neighbour, +Lady Lucas. Her report was highly favourable. Sir William had been +delighted with him. He was quite young, wonderfully handsome, extremely +agreeable, and, to crown the whole, he meant to be at the next assembly +with a large party. Nothing could be more delightful! To be fond of +dancing was a certain step towards falling in love; and very lively +hopes of Mr Bingley's heart were entertained. + +"If I can but see one of my daughters happily settled at Netherfield," +said Mrs Bennet to her husband, "and all the others equally well +married, I shall have nothing to wish for." + +In a few days Mr Bingley returned Mr Bennet's visit, and sat about ten +minutes with him in his library. He had entertained hopes of being +admitted to a sight of the young ladies, of whose beauty he had heard +much; but he saw only the father. The ladies were somewhat more +fortunate, for they had the advantage of ascertaining, from an upper +window, that he wore a blue coat and rode a black horse. + +An invitation to dinner was soon afterwards despatched; and already had +Mrs Bennet planned the courses that were to do credit to her +housekeeping, when an answer arrived which deferred it all. Mr Bingley +was obliged to be in town the following day, and consequently unable to +accept the honour of their invitation, etc. Mrs Bennet was quite +disconcerted. She could not imagine what business he could have in town +so soon after his arrival in Hertfordshire; and she began to fear that +he might always be flying about from one place to another, and never +settled at Netherfield as he ought to be. Lady Lucas quieted her fears a +little by starting the idea of his + +being gone to London only to get a large party for the ball; and a +report soon followed that Mr Bingley was to bring twelve ladies and +seven gentlemen with him to the assembly. The girls grieved over such a +number of ladies; but were comforted the day before the ball by hearing +that, instead of twelve, he had brought only six with him from London, +his five sisters and a cousin. And when the party entered the +assembly-room, it consisted of only five altogether: Mr Bingley, his +two sisters, the husband of the eldest, and another young man. + +Mr Bingley was good-looking and gentlemanlike: he had a pleasant +countenance, and easy, unaffected manners. His sisters were fine women, +with an air of decided fashion. His brother-in-law, Mr Hurst, merely +looked the gentleman; but his friend Mr Darcy soon drew the attention +of the room by his fine, tall person, handsome features, noble mien, and +the report, which was in general circulation within five minutes after +his entrance, of his having ten thousand a year. The gentlemen +pronounced him to be a fine figure of a man, the ladies declared he was +much handsomer than Mr Bingley, and he was looked at with great +admiration for about half the evening, till his manners gave a disgust +which turned the tide of his popularity; for he was discovered to be +proud, to be above his company, and above being pleased; and not all his +large estate in Derbyshire could save him from having a most forbidding, +disagreeable countenance, and being unworthy to be compared with his +friend. + +Mr Bingley had soon made himself acquainted with all the principal +people in the room: he was lively and unreserved, danced every dance, +was angry that the ball closed so early, and talked of giving one +himself at Netherfield. Such amiable qualities must speak for +themselves. What a contrast between him and his friend! Mr Darcy danced +only once with Mrs Hurst and once with Miss Bingley, declined being +introduced to any other lady, and spent the rest of the evening in +walking about the room, speaking occasionally to one of his own party. +His character was decided. He was the proudest, most disagreeable man in +the world, and everybody hoped that he would never come there again. +Amongst the most violent against him was Mrs Bennet, whose dislike of +his general behaviour was sharpened into particular resentment by his +having slighted one of her daughters. + +Elizabeth Bennet had been obliged, by the scarcity of gentlemen, to sit +down for two dances; and during part of that time, Mr Darcy had been +standing near enough for her to overhear a conversation between him and +Mr Bingley, who came from the dance for a few minutes to press his +friend to join it. + +"Come, Darcy," said he, "I must have you dance. I hate to see you +standing about by yourself in this stupid manner. You had much better +dance." + +"I certainly shall not. You know how I detest it, unless I am +particularly acquainted with my partner. At such an assembly as this, it +would be insupportable. Your sisters are engaged, and there is not +another woman in the room whom it would not be a punishment to me to +stand up with." + +"I would not be so fastidious as you are," cried Bingley, "for a +kingdom! Upon my honour, I never met with so many pleasant girls in my +life as I have this evening; and there are several of them, you see, +uncommonly pretty." + +"_You_ are dancing with the only handsome girl in the room," said Mr +Darcy, looking at the eldest Miss Bennet. + +"Oh, she is the most beautiful creature I ever beheld! But there is one +of her sisters sitting down just behind you, who is very pretty, and I +dare say very agreeable. Do let me ask my partner to introduce you." + +"Which do you mean?" and turning round, he looked for a moment at +Elizabeth, till, catching her eye, he withdrew his own, and coldly said, +"She is tolerable: but not handsome enough to tempt _me_; and I am in no +humour at present to give consequence to young ladies who are slighted +by other men. You had better return to your partner and enjoy her +smiles, for you are wasting your time with me." + +Mr Bingley followed his advice. Mr Darcy walked off; and Elizabeth +remained with no very cordial feelings towards him. She told the story, +however, with great spirit among her friends; for she had a lively, +playful disposition, which delighted in anything ridiculous. + +The evening altogether passed off pleasantly to the whole family. Mrs +Bennet had seen her eldest daughter much admired by the Netherfield +party. Mr Bingley had danced with her twice, and she had been +distinguished by his sisters. Jane was as much gratified by this as her +mother could be, though in a quieter way. Elizabeth felt Jane's +pleasure. Mary had heard herself mentioned to Miss Bingley as the most +accomplished girl in the neighbourhood; and Catherine and Lydia had been +fortunate enough to be never without partners, which was all that they +had yet learnt to care for at a ball. They returned, therefore, in good +spirits to Longbourn, the village where they lived, and of which they +were the principal inhabitants. They found Mr Bennet still up. With a +book, he was regardless of time; and on the present occasion he had a +good deal of curiosity as to the event of an evening which had raised +such splendid expectations. He had rather hoped that all his wife's +views on the stranger would be disappointed; but he soon found that he +had a very different story to hear. + +"Oh, my dear Mr Bennet," as she entered the room, "we have had a most +delightful evening, a most excellent ball. I wish you had been there. +Jane was so admired, nothing could be like it. Everybody said how well +she looked; and Mr Bingley thought her quite beautiful, and danced with +her twice. Only think of _that_, my dear: he actually danced with her +twice; and she was the only creature in the room that he asked a second +time. First of all, he asked Miss Lucas. I was so vexed to see him stand +up with her; but, however, he did not admire her at all; indeed, nobody +can, you know; and he seemed quite struck with Jane as she was going +down the dance. So he inquired who she was, and got introduced, and +asked her for the two next. Then, the two third he danced with Miss +King, and the two fourth with Maria Lucas, and the two fifth with Jane +again, and the two sixth with Lizzy, and the _Boulanger_----" + +"If he had had any compassion for _me_," cried her husband impatiently, +"he would not have danced half so much! For God's sake, say no more of +his partners. O that he had sprained his ancle in the first dance!" + +"Oh, my dear," continued Mrs Bennet, "I am quite delighted with him. He +is so excessively handsome! and his sisters are charming women. I never +in my life saw anything more elegant than their dresses. I dare say the +lace upon Mrs Hurst's gown----" + +Here she was interrupted again. Mr Bennet protested against any +description of finery. She was therefore obliged to seek another branch +of the subject, and related, with much bitterness of spirit, and some +exaggeration, the shocking rudeness of Mr Darcy. + +"But I can assure you," she added, "that Lizzy does not lose much by not +suiting _his_ fancy; for he is a most disagreeable, horrid man, not at +all worth pleasing. So high and so conceited, that there was no enduring +him! He walked here, and he walked there, fancying himself so very +great! Not handsome enough to dance with! I wish you had been there, my +dear, to have given him one of your set-downs. I quite detest the man." + +CHAPTER IV. + +When Jane and Elizabeth were alone, the former, who had been cautious in +her praise of Mr Bingley before, expressed to her sister how very much +she admired him. + +"He is just what a young-man ought to be," said she, "sensible, +good-humoured, lively; and I never saw such happy manners! so much ease, +with such perfect good breeding!" + +"He is also handsome," replied Elizabeth, "which a young man ought +likewise to be if he possibly can. His character is thereby complete." + +"I was very much flattered by his asking me to dance a second time. I +did not expect such a compliment." + +"Did not you? _I_ did for you. But that is one great difference between +us. Compliments always take _you_ by surprise, and _me_ never. What +could be more natural than his asking you again? He could not help +seeing that you were about five times as pretty as every other woman in +the room. No thanks to his gallantry for that. Well, he certainly is +very agreeable, and I give you leave to like him. You have liked many a +stupider person." + +"Dear Lizzy!" + +"Oh, you are a great deal too apt, you know, to like people in general. +You never see a fault in anybody. All the world are good and agreeable +in your eyes. I never heard you speak ill of a human being in my life." + +"I would wish not to be hasty in censuring anyone; but I always speak +what I think." + +"I know you do: and it is _that_ which makes the wonder. With _your_ +good sense, to be so honestly blind to the follies and nonsense of +others! Affectation of candour is common enough; one meets with it +everywhere. But to be candid without ostentation or design,--to take the +good of everybody's character and make it still better, and say nothing +of the bad,--belongs to you alone. And so, you like this man's sisters, +too, do you? Their manners are not equal to his." + +"Certainly not, at first; but they are very pleasing women when you +converse with them. Miss Bingley is to live with her brother, and keep +his house; and I am much mistaken if we shall not find a very charming +neighbour in her." + +Elizabeth listened in silence, but was not convinced: their behaviour at +the assembly had not been calculated to please in general; and with more +quickness of observation and less pliancy of temper than her sister, and +with a judgment, too, unassailed by any attention to herself, she was +very little disposed to approve them. They were, in fact, very fine +ladies; not deficient in good-humour when they were pleased, nor in the +power of being agreeable where they chose it; but proud and conceited. +They were rather handsome; had been educated in one of the first private +seminaries in town; had a fortune of twenty thousand pounds; were in the +habit of spending more than they ought, and of associating with people +of rank; and were, therefore, in every respect entitled to think well of +themselves and meanly of others. They were of a respectable family in +the north of England; a circumstance more deeply impressed on their +memories than that their brother's fortune and their own had been +acquired by trade. + +Mr Bingley inherited property to the amount of nearly a hundred +thousand pounds from his father, who had intended to purchase an estate, +but did not live to do it. Mr Bingley intended it likewise, and +sometimes made choice of his county; but, as he was now provided with a +good house and the liberty of a manor, it was doubtful to many of those +who best knew the easiness of his temper, whether he might not spend the +remainder of his days at Netherfield, and leave the next generation to +purchase. + +His sisters were very anxious for his having an estate of his own; but +though he was now established only as a tenant, Miss Bingley was by no +means unwilling to preside at his table; nor was Mrs Hurst, who had +married a man of more fashion than fortune, less disposed to consider +his house as her home when it suited her. Mr Bingley had not been of +age two years when he was tempted, by an accidental recommendation, to +look at Netherfield House. He did look at it, and into it, for half an +hour; was pleased with the situation and the principal rooms, satisfied +with what the owner said in its praise, and took it immediately. + +Between him and Darcy there was a very steady friendship, in spite of a +great opposition of character. Bingley was endeared to Darcy by the +easiness, openness, and ductility of his temper, though no disposition +could offer a greater contrast to his own, and though with his own he +never appeared dissatisfied. On the strength of Darcy's regard, Bingley +had the firmest reliance, and of his judgment the highest opinion. In +understanding, Darcy was the superior. Bingley was by no means +deficient; but Darcy was clever. He was at the same time haughty, +reserved, and fastidious; and his manners, though well bred, were not +inviting. In that respect his friend had greatly the advantage. Bingley +was sure of being liked wherever he appeared; Darcy was continually +giving offence. + +The manner in which they spoke of the Meryton assembly was sufficiently +characteristic. Bingley had never met with pleasanter people or prettier +girls in his life; everybody had been most kind and attentive to him; +there had been no formality, no stiffness; he had soon felt acquainted +with all the room; and as to Miss Bennet, he could not conceive an angel +more beautiful. Darcy, on the contrary, had seen a collection of people +in whom there was little beauty and no fashion, for none of whom he had +felt the smallest interest, and from none received either attention or +pleasure. Miss Bennet he acknowledged to be pretty; but she smiled too +much. + +Mrs Hurst and her sister allowed it to be so; but still they admired +her and liked her, and pronounced her to be a sweet girl, and one whom +they should not object to know more of. Miss Bennet was therefore +established as a sweet girl; and their brother felt authorized by such +commendation to think of her as he chose. + +CHAPTER V. + +Within a short walk of Longbourn lived a family with whom the Bennets +were particularly intimate. Sir William Lucas had been formerly in trade +in Meryton, where he had made a tolerable fortune, and risen to the +honour of knighthood by an address to the king during his mayoralty. The +distinction had, perhaps, been felt too strongly. It had given him a +disgust to his business and to his residence in a small market town; +and, quitting them both, he had removed with his family to a house about +a mile from Meryton, denominated from that period Lucas Lodge; where he +could think with pleasure of his own importance, and, unshackled by +business, occupy himself solely in being civil to all the world. For, +though elated by his rank, it did not render him supercilious; on the +contrary, he was all attention to everybody. By nature inoffensive, +friendly, and obliging, his presentation at St. James's had made him +courteous. + +Lady Lucas was a very good kind of woman, not too clever to be a +valuable neighbour to Mrs Bennet. They had several children. The eldest +of them, a sensible, intelligent young woman, about twenty-seven, was +Elizabeth's intimate friend. + +That the Miss Lucases and the Miss Bennets should meet to talk over a +ball was absolutely necessary; and the morning after the assembly +brought the former to Longbourn to hear and to communicate. + +"_You_ began the evening well, Charlotte," said Mrs Bennet, with civil +self-command, to Miss Lucas. "_You_ were Mr Bingley's first choice." + +"Yes; but he seemed to like his second better." + +"Oh, you mean Jane, I suppose, because he danced with her twice. To be +sure that _did_ seem as if he admired her--indeed, I rather believe he +_did_--I heard something about it--but I hardly know what--something +about Mr Robinson." + +"Perhaps you mean what I overheard between him and Mr Robinson: did not +I mention it to you? Mr Robinson's asking him how he liked our Meryton +assemblies, and whether he did not think there were a great many pretty +women in the room, and _which_ he thought the prettiest? and his +answering immediately to the last question, 'Oh, the eldest Miss Bennet, +beyond a doubt: there cannot be two opinions on that point.'" + +"Upon my word! Well, that was very decided, indeed--that does seem as +if--but, however, it may all come to nothing, you know." + +"_My_ overhearings were more to the purpose than _yours_, Eliza," said +Charlotte. "Mr Darcy is not so well worth listening to as his friend, +is he? Poor Eliza! to be only just _tolerable_." + +"I beg you will not put it into Lizzy's head to be vexed by his +ill-treatment, for he is such a disagreeable man that it would be quite +a misfortune to be liked by him. Mrs Long told me last night that he +sat close to her for half an hour without once opening his lips." + +"Are you quite sure, ma'am? Is not there a little mistake?" said Jane. +"I certainly saw Mr Darcy speaking to her." + +"Ay, because she asked him at last how he liked Netherfield, and he +could not help answering her; but she said he seemed very angry at being +spoke to." + +"Miss Bingley told me," said Jane, "that he never speaks much unless +among his intimate acquaintance. With _them_ he is remarkably +agreeable." + +"I do not believe a word of it, my dear. If he had been so very +agreeable, he would have talked to Mrs Long. But I can guess how it +was; everybody says that he is eat up with pride, and I dare say he had +heard somehow that Mrs Long does not keep a carriage, and had to come +to the ball in a hack chaise." + +"I do not mind his not talking to Mrs Long," said Miss Lucas, "but I +wish he had danced with Eliza." + +"Another time, Lizzy," said her mother, "I would not dance with _him_, +if I were you." + +"I believe, ma'am, I may safely promise you _never_ to dance with him." + +"His pride," said Miss Lucas, "does not offend _me_ so much as pride +often does, because there is an excuse for it. One cannot wonder that so +very fine a young man, with family, fortune, everything in his favour, +should think highly of himself. If I may so express it, he has a _right_ +to be proud." + +"That is very true," replied Elizabeth, "and I could easily forgive +_his_ pride, if he had not mortified _mine_." + +"Pride," observed Mary, who piqued herself upon the solidity of her +reflections, "is a very common failing, I believe. By all that I have +ever read, I am convinced that it is very common indeed; that human +nature is particularly prone to it, and that there are very few of us +who do not cherish a feeling of self-complacency on the score of some +quality or other, real or imaginary. Vanity and pride are different +things, though the words are often used synonymously. A person may be +proud without being vain. Pride relates more to our opinion of +ourselves; vanity to what we would have others think of us." + +"If I were as rich as Mr Darcy," cried a young Lucas, who came with his +sisters, "I should not care how proud I was. I would keep a pack of +foxhounds, and drink a bottle of wine every day." + +"Then you would drink a great deal more than you ought," said Mrs +Bennet; "and if I were to see you at it, I should take away your bottle +directly." + +The boy protested that she should not; she continued to declare that she +would; and the argument ended only with the visit. + +CHAPTER VI. + +The ladies of Longbourn soon waited on those of Netherfield. The visit +was returned in due form. Miss Bennet's pleasing manners grew on the +good-will of Mrs Hurst and Miss Bingley; and though the mother was +found to be intolerable, and the younger sisters not worth speaking to, +a wish of being better acquainted with _them_ was expressed towards the +two eldest. By Jane this attention was received with the greatest +pleasure; but Elizabeth still saw superciliousness in their treatment of +everybody, hardly excepting even her sister, and could not like them; +though their kindness to Jane, such as it was, had a value, as arising, +in all probability, from the influence of their brother's admiration. It +was generally evident, whenever they met, that he _did_ admire her; and +to _her_ it was equally evident that Jane was yielding to the preference +which she had begun to entertain for him from the first, and was in a +way to be very much in love; but she considered with pleasure that it +was not likely to be discovered by the world in general, since Jane +united with great strength of feeling, a composure of temper and an +uniform cheerfulness of manner, which would guard her from the +suspicions of the impertinent. She mentioned this to her friend, Miss +Lucas. + +"It may, perhaps, be pleasant," replied Charlotte, "to be able to impose +on the public in such a case; but it is sometimes a disadvantage to be +so very guarded. If a woman conceals her affection with the same skill +from the object of it, she may lose the opportunity of fixing him; and +it will then be but poor consolation to believe the world equally in the +dark. There is so much of gratitude or vanity in almost every +attachment, that it is not safe to leave any to itself. We can all +_begin_ freely--a slight preference is natural enough; but there are +very few of us who have heart enough to be really in love without +encouragement. In nine cases out of ten, a woman had better show _more_ +affection than she feels. Bingley likes your sister undoubtedly; but he +may never do more than like her, if she does not help him on." + +"But she does help him on, as much as her nature will allow. If _I_ can +perceive her regard for him, he must be a simpleton indeed not to +discover it too." + +"Remember, Eliza, that he does not know Jane's disposition as you do." + +"But if a woman is partial to a man, and does not endeavor to conceal +it, he must find it out." + +"Perhaps he must, if he sees enough of her. But though Bingley and Jane +meet tolerably often, it is never for many hours together; and as they +always see each other in large mixed parties, it is impossible that +every moment should be employed in conversing together. Jane should +therefore make the most of every half hour in which she can command his +attention. When she is secure of him, there will be leisure for falling +in love as much as she chooses." + +"Your plan is a good one," replied Elizabeth, "where nothing is in +question but the desire of being well married; and if I were determined +to get a rich husband, or any husband, I dare say I should adopt it. But +these are not Jane's feelings; she is not acting by design. As yet she +cannot even be certain of the degree of her own regard, nor of its +reasonableness. She has known him only a fortnight. She danced four +dances with him at Meryton; she saw him one morning at his own house, +and has since dined in company with him four times. This is not quite +enough to make her understand his character." + +"Not as you represent it. Had she merely _dined_ with him, she might +only have discovered whether he had a good appetite; but you must +remember that four evenings have been also spent together--and four +evenings may do a great deal." + +"Yes: these four evenings have enabled them to ascertain that they both +like Vingt-un better than Commerce, but with respect to any other +leading characteristic, I do not imagine that much has been unfolded." + +"Well," said Charlotte, "I wish Jane success with all my heart; and if +she were married to him to-morrow, I should think she had as good a +chance of happiness as if she were to be studying his character for a +twelvemonth. Happiness in marriage is entirely a matter of chance. If +the dispositions of the parties are ever so well known to each other, or +ever so similar beforehand, it does not advance their felicity in the +least. They always continue to grow sufficiently unlike afterwards to +have their share of vexation; and it is better to know as little as +possible of the defects of the person with whom you are to pass your +life." + +"You make me laugh, Charlotte; but it is not sound. You know it is not +sound, and that you would never act in this way yourself." + +Occupied in observing Mr Bingley's attention to her sister, Elizabeth +was far from suspecting that she was herself becoming an object of some +interest in the eyes of his friend. Mr Darcy had at first scarcely +allowed her to be pretty: he had looked at her without admiration at the +ball; and when they next met, he looked at her only to criticise. But no +sooner had he made it clear to himself and his friends that she had +hardly a good feature in her face, than he began to find it was rendered +uncommonly intelligent by the beautiful expression of her dark eyes. To +this discovery succeeded some others equally mortifying. Though he had +detected with a critical eye more than one failure of perfect symmetry +in her form, he was forced to acknowledge her figure to be light and +pleasing; and in spite of his asserting that her manners were not those +of the fashionable world, he was caught by their easy playfulness. Of +this she was perfectly unaware: to her he was only the man who made +himself agreeable nowhere, and who had not thought her handsome enough +to dance with. + +He began to wish to know more of her; and, as a step towards conversing +with her himself, attended to her conversation with others. His doing so +drew her notice. It was at Sir William Lucas's, where a large party were +assembled. + +"What does Mr Darcy mean," said she to Charlotte, "by listening to my +conversation with Colonel Forster?" + +"That is a question which Mr Darcy only can answer." + +"But if he does it any more, I shall certainly let him know that I see +what he is about. He has a very satirical eye, and if I do not begin by +being impertinent myself, I shall soon grow afraid of him." + +On his approaching them soon afterwards, though without seeming to have +any intention of speaking, Miss Lucas defied her friend to mention such +a subject to him, which immediately provoking Elizabeth to do it, she +turned to him and said,-- + +"Did not you think, Mr Darcy, that I expressed myself uncommonly well +just now, when I was teasing Colonel Forster to give us a ball at +Meryton?" + +"With great energy; but it is a subject which always makes a lady +energetic." + +"You are severe on us." + +"It will be _her_ turn soon to be teased," said Miss Lucas. "I am going +to open the instrument, Eliza, and you know what follows." + +"You are a very strange creature by way of a friend!--always wanting me +to play and sing before anybody and everybody! If my vanity had taken a +musical turn, you would have been invaluable; but as it is, I would +really rather not sit down before those who must be in the habit of +hearing the very best performers." On Miss Lucas's persevering, however, +she added, "Very well; if it must be so, it must." And gravely glancing +at Mr Darcy, "There is a very fine old saying, which everybody here is +of course familiar with--'Keep your breath to cool your porridge,'--and +I shall keep mine to swell my song." + +Her performance was pleasing, though by no means capital. After a song +or two, and before she could reply to the entreaties of several that she +would sing again, she was eagerly succeeded at the instrument by her +sister Mary, who having, in consequence of being the only plain one in +the family, worked hard for knowledge and accomplishments, was always +impatient for display. + +Mary had neither genius nor taste; and though vanity had given her +application, it had given her likewise a pedantic air and conceited +manner, which would have injured a higher degree of excellence than she +had reached. Elizabeth, easy and unaffected, had been listened to with +much more pleasure, though not playing half so well; and Mary, at the +end of a long concerto, was glad to purchase praise and gratitude by +Scotch and Irish airs, at the request of her younger sisters, who with +some of the Lucases, and two or three officers, joined eagerly in +dancing at one end of the room. + +Mr Darcy stood near them in silent indignation at such a mode of +passing the evening, to the exclusion of all conversation, and was too +much engrossed by his own thoughts to perceive that Sir William Lucas +was his neighbour, till Sir William thus began:-- + +"What a charming amusement for young people this is, Mr Darcy! There is +nothing like dancing, after all. I consider it as one of the first +refinements of polished societies." + +"Certainly, sir; and it has the advantage also of being in vogue amongst +the less polished societies of the world: every savage can dance." + +Sir William only smiled. "Your friend performs delightfully," he +continued, after a pause, on seeing Bingley join the group; "and I doubt +not that you are an adept in the science yourself, Mr Darcy." + +"You saw me dance at Meryton, I believe, sir." + +"Yes, indeed, and received no inconsiderable pleasure from the sight. Do +you often dance at St. James's?" + +"Never, sir." + +"Do you not think it would be a proper compliment to the place?" + +"It is a compliment which I never pay to any place if I can avoid it." + +"You have a house in town, I conclude?" + +Mr Darcy bowed. + +"I had once some thoughts of fixing in town myself, for I am fond of +superior society; but I did not feel quite certain that the air of +London would agree with Lady Lucas." + +He paused in hopes of an answer: but his companion was not disposed to +make any; and Elizabeth at that instant moving towards them, he was +struck with the notion of doing a very gallant thing, and called out to +her,-- + +"My dear Miss Eliza, why are not you dancing? Mr Darcy, you must allow +me to present this young lady to you as a very desirable partner. You +cannot refuse to dance, I am sure, when so much beauty is before you." +And, taking her hand, he would have given it to Mr Darcy, who, though +extremely surprised, was not unwilling to receive it, when she instantly +drew back, and said with some discomposure to Sir William,-- + +"Indeed, sir, I have not the least intention of dancing. I entreat you +not to suppose that I moved this way in order to beg for a partner." + +Mr Darcy, with grave propriety, requested to be allowed the honour of +her hand, but in vain. Elizabeth was determined; nor did Sir William at +all shake her purpose by his attempt at persuasion. + +"You excel so much in the dance, Miss Eliza, that it is cruel to deny me +the happiness of seeing you; and though this gentleman dislikes the +amusement in general, he can have no objection, I am sure, to oblige us +for one half hour." + +"Mr Darcy is all politeness," said Elizabeth, smiling. + +"He is, indeed: but considering the inducement, my dear Miss Eliza, we +cannot wonder at his complaisance; for who would object to such a +partner?" + +Elizabeth looked archly, and turned away. Her resistance had not injured +her with the gentleman, and he was thinking of her with some +complacency, when thus accosted by Miss Bingley,-- + +"I can guess the subject of your reverie." + +"I should imagine not." + +"You are considering how insupportable it would be to pass many +evenings in this manner,--in such society; and, indeed, I am quite of +your opinion. I was never more annoyed! The insipidity, and yet the +noise--the nothingness, and yet the self-importance, of all these +people! What would I give to hear your strictures on them!" + +"Your conjecture is totally wrong, I assure you. My mind was more +agreeably engaged. I have been meditating on the very great pleasure +which a pair of fine eyes in the face of a pretty woman can bestow." + +Miss Bingley immediately fixed her eyes on his face, and desired he +would tell her what lady had the credit of inspiring such reflections. +Mr Darcy replied, with great intrepidity,-- + +"Miss Elizabeth Bennet." + +"Miss Elizabeth Bennet!" repeated Miss Bingley. "I am all astonishment. +How long has she been such a favourite? and pray when am I to wish you +joy?" + +"That is exactly the question which I expected you to ask. A lady's +imagination is very rapid; it jumps from admiration to love, from love +to matrimony, in a moment. I knew you would be wishing me joy." + +"Nay, if you are so serious about it, I shall consider the matter as +absolutely settled. You will have a charming mother-in-law, indeed, and +of course she will be always at Pemberley with you." + +He listened to her with perfect indifference, while she chose to +entertain herself in this manner; and as his composure convinced her +that all was safe, her wit flowed along. + +CHAPTER VII. + +Mr Bennet's property consisted almost entirely in an estate of two +thousand a year, which, unfortunately for his daughters, was entailed, +in default of heirs male, on a distant relation; and their mother's +fortune, though ample for her situation in life, could but ill supply +the deficiency of his. Her father had been an attorney in Meryton, and +had left her four thousand pounds. + +She had a sister married to a Mr Philips, who had been a clerk to their +father and succeeded him in the business, and a brother settled in +London in a respectable line of trade. + +The village of Longbourn was only one mile from Meryton; a most +convenient distance for the young ladies, who were usually tempted +thither three or four times a week, to pay their duty to their aunt, and +to a milliner's shop just over the way. The two youngest of the family, +Catherine and Lydia, were particularly frequent in these attentions: +their minds were more vacant than their sisters', and when nothing +better offered, a walk to Meryton was necessary to amuse their morning +hours and furnish conversation for the evening; and, however bare of +news the country in general might be, they always contrived to learn +some from their aunt. At present, indeed, they were well supplied both +with news and happiness by the recent arrival of a militia regiment in +the neighbourhood; it was to remain the whole winter, and Meryton was +the head-quarters. + +Their visits to Mrs Philips were now productive of the most interesting +intelligence. Every day added something to their knowledge of the +officers' names and connections. Their lodgings were not long a secret, +and at length they began to know the officers themselves. Mr Philips +visited them all, and this opened to his nieces a source of felicity +unknown before. They could talk of nothing but officers; and Mr +Bingley's large fortune, the mention of which gave animation to their +mother, was worthless in their eyes when opposed to the regimentals of +an ensign. + +After listening one morning to their effusions on this subject, Mr +Bennet coolly observed,-- + +"From all that I can collect by your manner of talking, you must be two +of the silliest girls in the country. I have suspected it some time, but +I am now convinced." + +Catherine was disconcerted, and made no answer; but Lydia, with perfect +indifference, continued to express her admiration of Captain Carter, and +her hope of seeing him in the course of the day, as he was going the +next morning to London. + +"I am astonished, my dear," said Mrs Bennet, "that you should be so +ready to think your own children silly. If I wished to think slightingly +of anybody's children, it should not be of my own, however." + +"If my children are silly, I must hope to be always sensible of it." + +"Yes; but as it happens, they are all of them very clever." + +"This is the only point, I flatter myself, on which we do not agree. I +had hoped that our sentiments coincided in every particular, but I must +so far differ from you as to think our two youngest daughters uncommonly +foolish." + +"My dear Mr Bennet, you must not expect such girls to have the sense of +their father and mother. When they get to our age, I dare say they will +not think about officers any more than we do. I remember the time when I +liked a red coat myself very well--and, indeed, so I do still at my +heart; and if a smart young colonel, with five or six thousand a year, +should want one of my girls, I shall not say nay to him; and I thought +Colonel Forster looked very becoming the other night at Sir William's in +his regimentals." + +"Mamma," cried Lydia, "my aunt says that Colonel Forster and Captain +Carter do not go so often to Miss Watson's as they did when they first +came; she sees them now very often standing in Clarke's library." + +Mrs Bennet was prevented replying by the entrance of the footman with a +note for Miss Bennet; it came from Netherfield, and the servant waited +for an answer. Mrs Bennet's eyes sparkled with pleasure, and she was +eagerly calling out, while her daughter read,-- + +"Well, Jane, who is it from? What is it about? What does he say? Well, +Jane, make haste and tell us; make haste, my love." + +"It is from Miss Bingley," said Jane, and then read it aloud. + + /* NIND "My dear friend, */ + + "If you are not so compassionate as to dine to-day with Louisa and + me, we shall be in danger of hating each other for the rest of our + lives; for a whole day's _tête-à-tête_ between two women can never + end without a quarrel. Come as soon as you can on the receipt of + this. My brother and the gentlemen are to dine with the officers. + Yours ever, + +"CAROLINE BINGLEY." + +"With the officers!" cried Lydia: "I wonder my aunt did not tell us of +_that_." + +"Dining out," said Mrs Bennet; "that is very unlucky." + +"Can I have the carriage?" said Jane. + +"No, my dear, you had better go on horseback, because it seems likely to +rain; and then you must stay all night." + +"That would be a good scheme," said Elizabeth, "if you were sure that +they would not offer to send her home." + +"Oh, but the gentlemen will have Mr Bingley's chaise to go to Meryton; +and the Hursts have no horses to theirs." + +"I had much rather go in the coach." + +"But, my dear, your father cannot spare the horses, I am sure. They are +wanted in the farm, Mr Bennet, are not they?" + +"They are wanted in the farm much oftener than I can get them." + +"But if you have got them to-day," said Elizabeth, "my mother's purpose +will be answered." + +She did at last extort from her father an acknowledgment that the horses +were engaged; Jane was therefore obliged to go on horseback, and her +mother attended her to the door with many cheerful prognostics of a bad +day. Her hopes were answered; Jane had not been gone long before it +rained hard. Her sisters were uneasy for her, but her mother was +delighted. The rain continued the whole evening without intermission; +Jane certainly could not come back. + +"This was a lucky idea of mine, indeed!" said Mrs Bennet, more than +once, as if the credit of making it rain were all her own. Till the next +morning, however, she was not aware of all the felicity of her +contrivance. Breakfast was scarcely over when a servant from Netherfield +brought the following note for Elizabeth:-- + + /* NIND "My dearest Lizzie, */ + + "I find myself very unwell this morning, which, I suppose, is to be + imputed to my getting wet through yesterday. My kind friends will + not hear of my returning home till I am better. They insist also on + my seeing Mr Jones--therefore do not be alarmed if you should hear + of his having been to me--and, excepting a sore throat and a + headache, there is not much the matter with me. + +"Yours, etc." + +"Well, my dear," said Mr Bennet, when Elizabeth had read the note +aloud, "if your daughter should have a dangerous fit of illness--if she +should die--it would be a comfort to know that it was all in pursuit of +Mr Bingley, and under your orders." + +"Oh, I am not at all afraid of her dying. People do not die of little +trifling colds. She will be taken good care of. As long as she stays +there, it is all very well. I would go and see her if I could have the +carriage." + +Elizabeth, feeling really anxious, determined to go to her, though the +carriage was not to be had: and as she was no horsewoman, walking was +her only alternative. She declared her resolution. + +"How can you be so silly," cried her mother, "as to think of such a +thing, in all this dirt! You will not be fit to be seen when you get +there." + +"I shall be very fit to see Jane--which is all I want." + +"Is this a hint to me, Lizzy," said her father, "to send for the +horses?" + +"No, indeed. I do not wish to avoid the walk. The distance is nothing, +when one has a motive; only three miles. I shall be back by dinner." + +"I admire the activity of your benevolence," observed Mary, "but every +impulse of feeling should be guided by reason; and, in my opinion, +exertion should always be in proportion to what is required." + +"We will go as far as Meryton with you," said Catherine and Lydia. +Elizabeth accepted their company, and the three young ladies set off +together. + +"If we make haste," said Lydia, as they walked along, "perhaps we may +see something of Captain Carter, before he goes." + +In Meryton they parted: the two youngest repaired to the lodgings of one +of the officers' wives, and Elizabeth continued her walk alone, crossing +field after field at a quick pace, jumping over stiles and springing +over puddles, with impatient activity, and finding herself at last +within view of the house, with weary ancles, dirty stockings, and a face +glowing with the warmth of exercise. + +She was shown into the breakfast parlour, where all but Jane were +assembled, and where her appearance created a great deal of surprise. +That she should have walked three miles so early in the day in such +dirty weather, and by herself, was almost incredible to Mrs Hurst and +Miss Bingley; and Elizabeth was convinced that they held her in contempt +for it. She was received, however, very politely by them; and in their +brother's manners there was something better than politeness--there was +good-humour and kindness. Mr Darcy said very little, and Mr Hurst +nothing at all. The former was divided between admiration of the +brilliancy which exercise had given to her complexion and doubt as to +the occasion's justifying her coming so far alone. The latter was +thinking only of his breakfast. + +Her inquiries after her sister were not very favourably answered. Miss +Bennet had slept ill, and though up, was very feverish, and not well +enough to leave her room. Elizabeth was glad to be taken to her +immediately; and Jane, who had only been withheld by the fear of giving +alarm or inconvenience, from expressing in her note how much she longed +for such a visit, was delighted at her entrance. She was not equal, +however, to much conversation; and when Miss Bingley left them together, +could attempt little beside expressions of gratitude for the +extraordinary kindness she was treated with. Elizabeth silently attended +her. + +When breakfast was over, they were joined by the sisters; and Elizabeth +began to like them herself, when she saw how much affection and +solicitude they showed for Jane. The apothecary came; and having +examined his patient, said, as might be supposed, that she had caught a +violent cold, and that they must endeavour to get the better of it; +advised her to return to bed, and promised her some draughts. The advice +was followed readily, for the feverish symptoms increased, and her head +ached acutely. Elizabeth did not quit her room for a moment, nor were +the other ladies often absent; the gentlemen being out, they had in fact +nothing to do elsewhere. + +When the clock struck three, Elizabeth felt that she must go, and very +unwillingly said so. Miss Bingley offered her the carriage, and she only +wanted a little pressing to accept it, when Jane testified such concern +at parting with her that Miss Bingley was obliged to convert the offer +of the chaise into an invitation to remain at Netherfield for the +present. Elizabeth most thankfully consented, and a servant was +despatched to Longbourn, to acquaint the family with her stay, and bring +back a supply of clothes. + +CHAPTER VIII. + +At five o'clock the two ladies retired to dress, and at half-past six +Elizabeth was summoned to dinner. To the civil inquiries which then +poured in, and amongst which she had the pleasure of distinguishing the +much superior solicitude of Mr Bingley, she could not make a very +favourable answer. Jane was by no means better. The sisters, on hearing +this, repeated three or four times how much they were grieved, how +shocking it was to have a bad cold, and how excessively they disliked +being ill themselves; and then thought no more of the matter: and their +indifference towards Jane, when not immediately before them, restored +Elizabeth to the enjoyment of all her original dislike. + +Their brother, indeed, was the only one of the party whom she could +regard with any complacency. His anxiety for Jane was evident, and his +attentions to herself most pleasing; and they prevented her feeling +herself so much an intruder as she believed she was considered by the +others. She had very little notice from any but him. Miss Bingley was +engrossed by Mr Darcy, her sister scarcely less so; and as for Mr +Hurst, by whom Elizabeth sat, he was an indolent man, who lived only to +eat, drink, and play at cards, who, when he found her prefer a plain +dish to a ragout, had nothing to say to her. + +When dinner was over, she returned directly to Jane, and Miss Bingley +began abusing her as soon as she was out of the room. Her manners were +pronounced to be very bad indeed,--a mixture of pride and impertinence: +she had no conversation, no style, no taste, no beauty. Mrs Hurst +thought the same, and added,-- + +"She has nothing, in short, to recommend her, but being an excellent +walker. I shall never forget her appearance this morning. She really +looked almost wild." + +"She did indeed, Louisa. I could hardly keep my countenance. Very +nonsensical to come at all! Why must _she_ be scampering about the +country, because her sister had a cold? Her hair so untidy, so blowzy!" + +"Yes, and her petticoat; I hope you saw her petticoat, six inches deep +in mud, I am absolutely certain, and the gown which had been let down to +hide it not doing its office." + +"Your picture may be very exact, Louisa," said Bingley; "but this was +all lost upon me. I thought Miss Elizabeth Bennet looked remarkably well +when she came into the room this morning. Her dirty petticoat quite +escaped my notice." + +"_You_ observed it, Mr Darcy, I am sure," said Miss Bingley; "and I am +inclined to think that you would not wish to see _your sister_ make such +an exhibition." + +"Certainly not." + +"To walk three miles, or four miles, or five miles, or whatever it is, +above her ancles in dirt, and alone, quite alone! what could she mean by +it? It seems to me to show an abominable sort of conceited independence, +a most country-town indifference to decorum." + +"It shows an affection for her sister that is very pleasing," said +Bingley. + +"I am afraid, Mr Darcy," observed Miss Bingley, in a half whisper, +"that this adventure has rather affected your admiration of her fine +eyes." + +"Not at all," he replied: "they were brightened by the exercise." A +short pause followed this speech, and Mrs Hurst began again,-- + +"I have an excessive regard for Jane Bennet,--she is really a very sweet +girl,--and I wish with all my heart she were well settled. But with such +a father and mother, and such low connections, I am afraid there is no +chance of it." + +"I think I have heard you say that their uncle is an attorney in +Meryton?" + +"Yes; and they have another, who lives somewhere near Cheapside." + +"That is capital," added her sister; and they both laughed heartily. + +"If they had uncles enough to fill _all_ Cheapside," cried Bingley, "it +would not make them one jot less agreeable." + +"But it must very materially lessen their chance of marrying men of any +consideration in the world," replied Darcy. + +To this speech Bingley made no answer; but his sisters gave it their +hearty assent, and indulged their mirth for some time at the expense of +their dear friend's vulgar relations. + +With a renewal of tenderness, however, they repaired to her room on +leaving the dining-parlour, and sat with her till summoned to coffee. +She was still very poorly, and Elizabeth would not quit her at all, till +late in the evening, when she had the comfort of seeing her asleep, and +when it appeared to her rather right than pleasant that she should go +down stairs herself. On entering the drawing-room, she found the whole +party at loo, and was immediately invited to join them; but suspecting +them to be playing high, she declined it, and making her sister the +excuse, said she would amuse herself, for the short time she could stay +below, with a book. Mr Hurst looked at her with astonishment. + +"Do you prefer reading to cards?" said he; "that is rather singular." + +"Miss Eliza Bennet," said Miss Bingley, "despises cards. She is a great +reader, and has no pleasure in anything else." + +"I deserve neither such praise nor such censure," cried Elizabeth; "I +am _not_ a great reader, and I have pleasure in many things." + +"In nursing your sister I am sure you have pleasure," said Bingley; "and +I hope it will soon be increased by seeing her quite well." + +Elizabeth thanked him from her heart, and then walked towards a table +where a few books were lying. He immediately offered to fetch her +others; all that his library afforded. + +"And I wish my collection were larger for your benefit and my own +credit; but I am an idle fellow; and though I have not many, I have more +than I ever looked into." + +Elizabeth assured him that she could suit herself perfectly with those +in the room. + +"I am astonished," said Miss Bingley, "that my father should have left +so small a collection of books. What a delightful library you have at +Pemberley, Mr Darcy!" + +"It ought to be good," he replied: "it has been the work of many +generations." + +"And then you have added so much to it yourself--you are always buying +books." + +"I cannot comprehend the neglect of a family library in such days as +these." + +"Neglect! I am sure you neglect nothing that can add to the beauties of +that noble place. Charles, when you build _your_ house, I wish it may be +half as delightful as Pemberley." + +"I wish it may." + +"But I would really advise you to make your purchase in that +neighbourhood, and take Pemberley for a kind of model. There is not a +finer county in England than Derbyshire." + +"With all my heart: I will buy Pemberley itself, if Darcy will sell it." + +"I am talking of possibilities, Charles." + +"Upon my word, Caroline, I should think it more possible to get +Pemberley by purchase than by imitation." + +Elizabeth was so much caught by what passed, as to leave her very little +attention for her book; and, soon laying it wholly aside, she drew near +the card-table, and stationed herself between Mr Bingley and his eldest +sister, to observe the game. + +"Is Miss Darcy much grown since the spring?" said Miss Bingley: "will +she be as tall as I am?" + +"I think she will. She is now about Miss Elizabeth Bennet's height, or +rather taller." + +"How I long to see her again! I never met with anybody who delighted me +so much. Such a countenance, such manners, and so extremely accomplished +for her age! Her performance on the pianoforte is exquisite." + +"It is amazing to me," said Bingley, "how young ladies can have patience +to be so very accomplished as they all are." + +"All young ladies accomplished! My dear Charles, what do you mean?" + +"Yes, all of them, I think. They all paint tables, cover screens, and +net purses. I scarcely know any one who cannot do all this; and I am +sure I never heard a young lady spoken of for the first time, without +being informed that she was very accomplished." + +"Your list of the common extent of accomplishments," said Darcy, "has +too much truth. The word is applied to many a woman who deserves it no +otherwise than by netting a purse or covering a screen; but I am very +far from agreeing with you in your estimation of ladies in general. I +cannot boast of knowing more than half-a-dozen in the whole range of my +acquaintance that are really accomplished." + +"Nor I, I am sure," said Miss Bingley. + +"Then," observed Elizabeth, "you must comprehend a great deal in your +idea of an accomplished woman." + +"Yes; I do comprehend a great deal in it." + +"Oh, certainly," cried his faithful assistant, "no one can be really +esteemed accomplished who does not greatly surpass what is usually met +with. A woman must have a thorough knowledge of music, singing, drawing, +dancing, and the modern languages, to deserve the word; and, besides all +this, she must possess a certain something in her air and manner of +walking, the tone of her voice, her address and expressions, or the word +will be but half deserved." + +"All this she must possess," added Darcy; "and to all she must yet add +something more substantial in the improvement of her mind by extensive +reading." + +"I am no longer surprised at your knowing _only_ six accomplished women. +I rather wonder now at your knowing _any_." + +"Are you so severe upon your own sex as to doubt the possibility of all +this?" + +"_I_ never saw such a woman. _I_ never saw such capacity, and taste, and +application, and elegance, as you describe, united." + +Mrs Hurst and Miss Bingley both cried out against the injustice of her +implied doubt, and were both protesting that they knew many women who +answered this description, when Mr Hurst called them to order, with +bitter complaints of their inattention to what was going forward. As all +conversation was thereby at an end, Elizabeth soon afterwards left the +room. + +"Eliza Bennet," said Miss Bingley, when the door was closed on her, "is +one of those young ladies who seek to recommend themselves to the other +sex by undervaluing their own; and with many men, I daresay, it +succeeds; but, in my opinion, it is a paltry device, a very mean art." + +"Undoubtedly," replied Darcy, to whom this remark was chiefly addressed, +"there is meanness in _all_ the arts which ladies sometimes condescend +to employ for captivation. Whatever bears affinity to cunning is +despicable." + +Miss Bingley was not so entirely satisfied with this reply as to +continue the subject. + +Elizabeth joined them again only to say that her sister was worse, and +that she could not leave her. Bingley urged Mr Jones's being sent for +immediately; while his sisters, convinced that no country advice could +be of any service, recommended an express to town for one of the most +eminent physicians. This she would not hear of; but she was not so +unwilling to comply with their brother's proposal; and it was settled +that Mr Jones should be sent for early in the morning, if Miss Bennet +were not decidedly better. Bingley was quite uncomfortable; his sisters +declared that they were miserable. They solaced their wretchedness, +however, by duets after supper; while he could find no better relief to +his feelings than by giving his housekeeper directions that every +possible attention might be paid to the sick lady and her sister. + +CHAPTER IX. + +Elizabeth passed the chief of the night in her sister's room, and in the +morning had the pleasure of being able to send a tolerable answer to the +inquiries which she very early received from Mr Bingley by a housemaid, +and some time afterwards from the two elegant ladies who waited on his +sisters. In spite of this amendment, however, she requested to have a +note sent to Longbourn, desiring her mother to visit Jane, and form her +own judgment of her situation. The note was immediately despatched, and +its contents as quickly complied with. Mrs Bennet, accompanied by her +two youngest girls, reached Netherfield soon after the family breakfast. + +Had she found Jane in any apparent danger, Mrs Bennet would have been +very miserable; but being satisfied on seeing her that her illness was +not alarming, she had no wish of her recovering immediately, as her +restoration to health would probably remove her from Netherfield. She +would not listen, therefore, to her daughter's proposal of being carried +home; neither did the apothecary, who arrived about the same time, think +it at all advisable. After sitting a little while with Jane, on Miss +Bingley's appearance and invitation, the mother and three daughters all +attended her into the breakfast parlour. Bingley met them with hopes +that Mrs Bennet had not found Miss Bennet worse than she expected. + +"Indeed I have, sir," was her answer. "She is a great deal too ill to be +moved. Mr Jones says we must not think of moving her. We must trespass +a little longer on your kindness." + +"Removed!" cried Bingley. "It must not be thought of. My sister, I am +sure, will not hear of her removal." + +"You may depend upon it, madam," said Miss Bingley, with cold civility, +"that Miss Bennet shall receive every possible attention while she +remains with us." + +Mrs Bennet was profuse in her acknowledgments. + +"I am sure," she added, "if it was not for such good friends, I do not +know what would become of her, for she is very ill indeed, and suffers a +vast deal, though with the greatest patience in the world, which is +always the way with her, for she has, without exception, the sweetest +temper I ever met with. I often tell my other girls they are nothing to +_her_. You have a sweet room here, Mr Bingley, and a charming prospect +over that gravel walk. I do not know a place in the country that is +equal to Netherfield. You will not think of quitting it in a hurry, I +hope, though you have but a short lease." + +"Whatever I do is done in a hurry," replied he; "and therefore if I +should resolve to quit Netherfield, I should probably be off in five +minutes. At present, however, I consider myself as quite fixed here." + +"That is exactly what I should have supposed of you," said Elizabeth. + +"You begin to comprehend me, do you?" cried he, turning towards her. + +"Oh yes--I understand you perfectly." + +"I wish I might take this for a compliment; but to be so easily seen +through, I am afraid, is pitiful." + +"That is as it happens. It does not necessarily follow that a deep, +intricate character is more or less estimable than such a one as yours." + +"Lizzy," cried her mother, "remember where you are, and do not run on in +the wild manner that you are suffered to do at home." + +"I did not know before," continued Bingley, immediately, "that you were +a studier of character. It must be an amusing study." + +"Yes; but intricate characters are the _most_ amusing. They have at +least that advantage." + +"The country," said Darcy, "can in general supply but few subjects for +such a study. In a country neighbourhood you move in a very confined and +unvarying society." + +"But people themselves alter so much, that there is something new to be +observed in them for ever." + +"Yes, indeed," cried Mrs Bennet, offended by his manner of mentioning a +country neighbourhood. "I assure you there is quite as much of _that_ +going on in the country as in town." + +Everybody was surprised; and Darcy, after looking at her for a moment, +turned silently away. Mrs Bennet, who fancied she had gained a complete +victory over him, continued her triumph,-- + +"I cannot see that London has any great advantage over the country, for +my part, except the shops and public places. The country is a vast deal +pleasanter, is not it, Mr Bingley?" + +"When I am in the country," he replied, "I never wish to leave it; and +when I am in town, it is pretty much the same. They have each their +advantages, and I can be equally happy in either." + +"Ay, that is because you have the right disposition. But that +gentleman," looking at Darcy, "seemed to think the country was nothing +at all." + +"Indeed, mamma, you are mistaken," said Elizabeth, blushing for her +mother. "You quite mistook Mr Darcy. He only meant that there was not +such a variety of people to be met with in the country as in town, which +you must acknowledge to be true." + +"Certainly, my dear, nobody said there were; but as to not meeting with +many people in this neighbourhood, I believe there are few +neighbourhoods larger. I know we dine with four-and-twenty families." + +Nothing but concern for Elizabeth could enable Bingley to keep his +countenance. His sister was less delicate, and directed her eye towards +Mr Darcy with a very expressive smile. Elizabeth, for the sake of +saying something that might turn her mother's thoughts, now asked her if +Charlotte Lucas had been at Longbourn since _her_ coming away. + +"Yes, she called yesterday with her father. What an agreeable man Sir +William is, Mr Bingley--is not he? so much the man of fashion! so +genteel and so easy! He has always something to say to everybody. _That_ +is my idea of good breeding; and those persons who fancy themselves very +important and never open their mouths quite mistake the matter." + +"Did Charlotte dine with you?" + +"No, she would go home. I fancy she was wanted about the mince-pies. For +my part, Mr Bingley, _I_ always keep servants that can do their own +work; _my_ daughters are brought up differently. But everybody is to +judge for themselves, and the Lucases are a very good sort of girls, I +assure you. It is a pity they are not handsome! Not that _I_ think +Charlotte so _very_ plain; but then she is our particular friend." + +"She seems a very pleasant young woman," said Bingley. + +"Oh dear, yes; but you must own she is very plain. Lady Lucas herself +has often said so, and envied me Jane's beauty. I do not like to boast +of my own child; but to be sure, Jane--one does not often see anybody +better looking. It is what everybody says. I do not trust my own +partiality. When she was only fifteen there was a gentleman at my +brother Gardiner's in town so much in love with her, that my +sister-in-law was sure he would make her an offer before we came away. +But, however, he did not. Perhaps he thought her too young. However, he +wrote some verses on her, and very pretty they were." + +"And so ended his affection," said Elizabeth, impatiently. "There has +been many a one, I fancy, overcome in the same way. I wonder who first +discovered the efficacy of poetry in driving away love!" + +"I have been used to consider poetry as the _food_ of love," said Darcy. + +"Of a fine, stout, healthy love it may. Everything nourishes what is +strong already. But if it be only a slight, thin sort of inclination, I +am convinced that one good sonnet will starve it entirely away." + +Darcy only smiled; and the general pause which ensued made Elizabeth +tremble lest her mother should be exposing herself again. She longed to +speak, but could think of nothing to say; and after a short silence Mrs +Bennet began repeating her thanks to Mr Bingley for his kindness to +Jane, with an apology for troubling him also with Lizzy. Mr Bingley was +unaffectedly civil in his answer, and forced his younger sister to be +civil also, and say what the occasion required. She performed her part, +indeed, without much graciousness, but Mrs Bennet was satisfied, and +soon afterwards ordered her carriage. Upon this signal, the youngest of +her daughters put herself forward. The two girls had been whispering to +each other during the whole visit; and the result of it was, that the +youngest should tax Mr Bingley with having promised on his first coming +into the country to give a ball at Netherfield. + +Lydia was a stout, well-grown girl of fifteen, with a fine complexion +and good-humoured countenance; a favourite with her mother, whose +affection had brought her into public at an early age. She had high +animal spirits, and a sort of natural self-consequence, which the +attentions of the officers, to whom her uncle's good dinners and her +own easy manners recommended her, had increased into assurance. She was +very equal, therefore, to address Mr Bingley on the subject of the +ball, and abruptly reminded him of his promise; adding, that it would be +the most shameful thing in the world if he did not keep it. His answer +to this sudden attack was delightful to her mother's ear. + +"I am perfectly ready, I assure you, to keep my engagement; and, when +your sister is recovered, you shall, if you please, name the very day of +the ball. But you would not wish to be dancing while she is ill?" + +Lydia declared herself satisfied. "Oh yes--it would be much better to +wait till Jane was well; and by that time, most likely, Captain Carter +would be at Meryton again. And when you have given _your_ ball," she +added, "I shall insist on their giving one also. I shall tell Colonel +Forster it will be quite a shame if he does not." + +Mrs Bennet and her daughters then departed, and Elizabeth returned +instantly to Jane, leaving her own and her relations' behaviour to the +remarks of the two ladies and Mr Darcy; the latter of whom, however, +could not be prevailed on to join in their censure of _her_, in spite of +all Miss Bingley's witticisms on _fine eyes_. + +CHAPTER X. + +The day passed much as the day before had done. Mrs Hurst and Miss +Bingley had spent some hours of the morning with the invalid, who +continued, though slowly, to mend; and, in the evening, Elizabeth joined +their party in the drawing-room. The loo table, however, did not appear. +Mr Darcy was writing, and Miss Bingley, seated near him, was watching +the progress of his letter, and repeatedly calling off his attention by +messages to his sister. Mr Hurst and Mr Bingley were at piquet, and +Mrs Hurst was observing their game. + +Elizabeth took up some needlework, and was sufficiently amused in +attending to what passed between Darcy and his companion. The perpetual +commendations of the lady either on his hand-writing, or on the evenness +of his lines, or on the length of his letter, with the perfect unconcern +with which her praises were received, formed a curious dialogue, and was +exactly in unison with her opinion of each. + +"How delighted Miss Darcy will be to receive such a letter!" + +He made no answer. + +"You write uncommonly fast." + +"You are mistaken. I write rather slowly." + +"How many letters you must have occasion to write in the course of a +year! Letters of business, too! How odious I should think them!" + +"It is fortunate, then, that they fall to my lot instead of to yours." + +"Pray tell your sister that I long to see her." + +"I have already told her so once, by your desire." + +"I am afraid you do not like your pen. Let me mend it for you. I mend +pens remarkably well." + +"Thank you--but I always mend my own." + +"How can you contrive to write so even?" + +He was silent. + +"Tell your sister I am delighted to hear of her improvement on the harp, +and pray let her know that I am quite in raptures with her beautiful +little design for a table, and I think it infinitely superior to Miss +Grantley's." + +"Will you give me leave to defer your raptures till I write again? At +present I have not room to do them justice." + +"Oh, it is of no consequence. I shall see her in January. But do you +always write such charming long letters to her, Mr Darcy?" + +"They are generally long; but whether always charming, it is not for me +to determine." + +"It is a rule with me, that a person who can write a long letter with +ease cannot write ill." + +"That will not do for a compliment to Darcy, Caroline," cried her +brother, "because he does _not_ write with ease. He studies too much +for words of four syllables. Do not you, Darcy?" + +"My style of writing is very different from yours." + +"Oh," cried Miss Bingley, "Charles writes in the most careless way +imaginable. He leaves out half his words, and blots the rest." + +"My ideas flow so rapidly that I have not time to express them; by which +means my letters sometimes convey no ideas at all to my correspondents." + +"Your humility, Mr Bingley," said Elizabeth, "must disarm reproof." + +"Nothing is more deceitful," said Darcy, "than the appearance of +humility. It is often only carelessness of opinion, and sometimes an +indirect boast." + +"And which of the two do you call _my_ little recent piece of modesty?" + +"The indirect boast; for you are really proud of your defects in +writing, because you consider them as proceeding from a rapidity of +thought and carelessness of execution, which, if not estimable, you +think at least highly interesting. The power of doing anything with +quickness is always much prized by the possessor, and often without any +attention to the imperfection of the performance. When you told Mrs +Bennet this morning, that if you ever resolved on quitting Netherfield +you should be gone in five minutes, you meant it to be a sort of +panegyric, of compliment to yourself; and yet what is there so very +laudable in a precipitance which must leave very necessary business +undone, and can be of no real advantage to yourself or anyone else?" + +"Nay," cried Bingley, "this is too much, to remember at night all the +foolish things that were said in the morning. And yet, upon my honour, I +believed what I said of myself to be true, and I believe it at this +moment. At least, therefore, I did not assume the character of needless +precipitance merely to show off before the ladies." + +"I daresay you believed it; but I am by no means convinced that you +would be gone with such celerity. Your conduct would be quite as +dependent on chance as that of any man I know; and if, as you were +mounting your horse, a friend were to say, 'Bingley, you had better stay +till next week,' you would probably do it--you would probably not +go--and, at another word, might stay a month." + +"You have only proved by this," cried Elizabeth, "that Mr Bingley did +not do justice to his own disposition. You have shown him off now much +more than he did himself." + +"I am exceedingly gratified," said Bingley, "by your converting what my +friend says into a compliment on the sweetness of my temper. But I am +afraid you are giving it a turn which that gentleman did by no means +intend; for he would certainly think the better of me if, under such a +circumstance, I were to give a flat denial, and ride off as fast as I +could." + +"Would Mr Darcy then consider the rashness of your original intention +as atoned for by your obstinacy in adhering to it?" + +"Upon my word, I cannot exactly explain the matter--Darcy must speak for +himself." + +"You expect me to account for opinions which you choose to call mine, +but which I have never acknowledged. Allowing the case, however, to +stand according to your representation, you must remember, Miss Bennet, +that the friend who is supposed to desire his return to the house, and +the delay of his plan, has merely desired it, asked it without offering +one argument in favour of its propriety." + +"To yield readily--easily--to the _persuasion_ of a friend is no merit +with you." + +"To yield without conviction is no compliment to the understanding of +either." + +"You appear to me, Mr Darcy, to allow nothing for the influence of +friendship and affection. A regard for the requester would often make +one readily yield to a request, without waiting for arguments to reason +one into it. I am not particularly speaking of such a case as you have +supposed about Mr Bingley. We may as well wait, perhaps, till the +circumstance occurs, before we discuss the discretion of his behaviour +thereupon. But in general and ordinary cases, between friend and friend, +where one of them is desired by the other to change a resolution of no +very great moment, should you think ill of that person for complying +with the desire, without waiting to be argued into it?" + +"Will it not be advisable, before we proceed on this subject, to arrange +with rather more precision the degree of importance which is to +appertain to this request, as well as the degree of intimacy subsisting +between the parties?" + +"By all means," cried Bingley; "let us hear all the particulars, not +forgetting their comparative height and size, for that will have more +weight in the argument, Miss Bennet, than you may be aware of. I assure +you that if Darcy were not such a great tall fellow, in comparison with +myself, I should not pay him half so much deference. I declare I do not +know a more awful object than Darcy on particular occasions, and in +particular places; at his own house especially, and of a Sunday evening, +when he has nothing to do." + +Mr Darcy smiled; but Elizabeth thought she could perceive that he was +rather offended, and therefore checked her laugh. Miss Bingley warmly +resented the indignity he had received, in an expostulation with her +brother for talking such nonsense. + +"I see your design, Bingley," said his friend. "You dislike an argument, +and want to silence this." + +"Perhaps I do. Arguments are too much like disputes. If you and Miss +Bennet will defer yours till I am out of the room, I shall be very +thankful; and then you may say whatever you like of me." + +"What you ask," said Elizabeth, "is no sacrifice on my side; and Mr +Darcy had much better finish his letter." + +Mr Darcy took her advice, and did finish his letter. + +When that business was over, he applied to Miss Bingley and Elizabeth +for the indulgence of some music. Miss Bingley moved with alacrity to +the pianoforte, and after a polite request that Elizabeth would lead the +way, which the other as politely and more earnestly negatived, she +seated herself. + +Mrs Hurst sang with her sister; and while they were thus employed, +Elizabeth could not help observing, as she turned over some music-books +that lay on the instrument, how frequently Mr Darcy's eyes were fixed +on her. She hardly knew how to suppose that she could be an object of +admiration to so great a man, and yet that he should look at her because +he disliked her was still more strange. She could only imagine, however, +at last, that she drew his notice because there was something about her +more wrong and reprehensible, according to his ideas of right, than in +any other person present. The supposition did not pain her. She liked +him too little to care for his approbation. + +After playing some Italian songs, Miss Bingley varied the charm by a +lively Scotch air; and soon afterwards Mr Darcy, drawing near +Elizabeth, said to her,-- + +"Do you not feel a great inclination, Miss Bennet, to seize such an +opportunity of dancing a reel?" + +She smiled, but made no answer. He repeated the question, with some +surprise at her silence. + +"Oh," said she, "I heard you before; but I could not immediately +determine what to say in reply. You wanted me, I know, to say 'Yes,' +that you might have the pleasure of despising my taste; but I always +delight in overthrowing those kind of schemes, and cheating a person of +their premeditated contempt. I have, therefore, made up my mind to tell +you that I do not want to dance a reel at all; and now despise me if you +dare." + +"Indeed I do not dare." + +Elizabeth, having rather expected to affront him, was amazed at his +gallantry; but there was a mixture of sweetness and archness in her +manner which made it difficult for her to affront anybody, and Darcy had +never been so bewitched by any woman as he was by her. He really +believed that, were it not for the inferiority of her connections, he +should be in some danger. + +Miss Bingley saw, or suspected, enough to be jealous; and her great +anxiety for the recovery of her dear friend Jane received some +assistance from her desire of getting rid of Elizabeth. + +She often tried to provoke Darcy into disliking her guest, by talking of +their supposed marriage, and planning his happiness in such an alliance. + +"I hope," said she, as they were walking together in the shrubbery the +next day, "you will give your mother-in-law a few hints, when this +desirable event takes place, as to the advantage of holding her tongue; +and if you can compass it, to cure the younger girls of running after +the officers. And, if I may mention so delicate a subject, endeavour to +check that little something, bordering on conceit and impertinence, +which your lady possesses." + +"Have you anything else to propose for my domestic felicity?" + +"Oh yes. Do let the portraits of your uncle and aunt Philips be placed +in the gallery at Pemberley. Put them next to your great-uncle the +judge. They are in the same profession, you know, only in different +lines. As for your Elizabeth's picture, you must not attempt to have it +taken, for what painter could do justice to those beautiful eyes?" + +"It would not be easy, indeed, to catch their expression; but their +colour and shape, and the eyelashes, so remarkably fine, might be +copied." + +At that moment they were met from another walk by Mrs Hurst and +Elizabeth herself. + +"I did not know that you intended to walk," said Miss Bingley, in some +confusion, lest they had been overheard. + +"You used us abominably ill," answered Mrs Hurst, "running away without +telling us that you were coming out." + +Then taking the disengaged arm of Mr Darcy, she left Elizabeth to walk +by herself. The path just admitted three. Mr Darcy felt their rudeness, +and immediately said,-- + +"This walk is not wide enough for our party. We had better go into the +avenue." + +But Elizabeth, who had not the least inclination to remain with them, +laughingly answered,-- + +"No, no; stay where you are. You are charmingly grouped, and appear to +uncommon advantage. The picturesque would be spoilt by admitting a +fourth. Good-bye." + +She then ran gaily off, rejoicing, as she rambled about, in the hope of +being at home again in a day or two. Jane was already so much recovered +as to intend leaving her room for a couple of hours that evening. + +CHAPTER XI. + +When the ladies removed after dinner Elizabeth ran up to her sister, and +seeing her well guarded from cold, attended her into the drawing-room, +where she was welcomed by her two friends with many professions of +pleasure; and Elizabeth had never seen them so agreeable as they were +during the hour which passed before the gentlemen appeared. Their powers +of conversation were considerable. They could describe an entertainment +with accuracy, relate an anecdote with humour, and laugh at their +acquaintance with spirit. + +But when the gentlemen entered, Jane was no longer the first object; +Miss Bingley's eyes were instantly turned towards Darcy, and she had +something to say to him before he had advanced many steps. He addressed +himself directly to Miss Bennet with a polite congratulation; Mr Hurst +also made her a slight bow, and said he was "very glad;" but diffuseness +and warmth remained for Bingley's salutation. He was full of joy and +attention. The first half hour was spent in piling up the fire, lest she +should suffer from the change of room; and she removed, at his desire, +to the other side of the fireplace, that she might be farther from the +door. He then sat down by her, and talked scarcely to anyone else. +Elizabeth, at work in the opposite corner, saw it all with great +delight. + +When tea was over Mr Hurst reminded his sister-in-law of the +card-table--but in vain. She had obtained private intelligence that Mr +Darcy did not wish for cards, and Mr Hurst soon found even his open +petition rejected. She assured him that no one intended to play, and the +silence of the whole party on the subject seemed to justify her. Mr +Hurst had, therefore, nothing to do but to stretch himself on one of the +sofas and go to sleep. Darcy took up a book. Miss Bingley did the same; +and Mrs Hurst, principally occupied in playing with her bracelets and +rings, joined now and then in her brother's conversation with Miss +Bennet. + +Miss Bingley's attention was quite as much engaged in watching Mr +Darcy's progress through _his_ book, as in reading her own; and she was +perpetually either making some inquiry, or looking at his page. She +could not win him, however, to any conversation; he merely answered her +question and read on. At length, quite exhausted by the attempt to be +amused with her own book, which she had only chosen because it was the +second volume of his, she gave a great yawn and said, "How pleasant it +is to spend an evening in this way! I declare, after all, there is no +enjoyment like reading! How much sooner one tires of anything than of a +book! When I have a house of my own, I shall be miserable if I have not +an excellent library." + +No one made any reply. She then yawned again, threw aside her book, and +cast her eyes round the room in quest of some amusement; when, hearing +her brother mentioning a ball to Miss Bennet, she turned suddenly +towards him and said,-- + +"By the bye Charles, are you really serious in meditating a dance at +Netherfield? I would advise you, before you determine on it, to consult +the wishes of the present party; I am much mistaken if there are not +some among us to whom a ball would be rather a punishment than a +pleasure." + +"If you mean Darcy," cried her brother, "he may go to bed, if he +chooses, before it begins; but as for the ball, it is quite a settled +thing, and as soon as Nicholls has made white soup enough I shall send +round my cards." + +"I should like balls infinitely better," she replied, "if they were +carried on in a different manner; but there is something insufferably +tedious in the usual process of such a meeting. It would surely be much +more rational if conversation instead of dancing made the order of the +day." + +"Much more rational, my dear Caroline, I dare say; but it would not be +near so much like a ball." + +Miss Bingley made no answer, and soon afterwards got up and walked about +the room. Her figure was elegant, and she walked well; but Darcy, at +whom it was all aimed, was still inflexibly studious. In the +desperation of her feelings, she resolved on one effort more; and, +turning to Elizabeth, said,-- + +"Miss Eliza Bennet, let me persuade you to follow my example, and take a +turn about the room. I assure you it is very refreshing after sitting so +long in one attitude." + +Elizabeth was surprised, but agreed to it immediately. Miss Bingley +succeeded no less in the real object of her civility: Mr Darcy looked +up. He was as much awake to the novelty of attention in that quarter as +Elizabeth herself could be, and unconsciously closed his book. He was +directly invited to join their party, but he declined it, observing that +he could imagine but two motives for their choosing to walk up and down +the room together, with either of which motives his joining them would +interfere. What could he mean? She was dying to know what could be his +meaning--and asked Elizabeth whether she could at all understand him. + +"Not at all," was her answer; "but, depend upon it, he means to be +severe on us, and our surest way of disappointing him will be to ask +nothing about it." + +Miss Bingley, however, was incapable of disappointing Mr Darcy in +anything, and persevered, therefore, in requiring an explanation of his +two motives. + +"I have not the smallest objection to explaining them," said he, as soon +as she allowed him to speak. "You either choose this method of passing +the evening because you are in each other's confidence, and have secret +affairs to discuss, or because you are conscious that your figures +appear to the greatest advantage in walking: if the first, I should be +completely in your way; and if the second, I can admire you much better +as I sit by the fire." + +"Oh, shocking!" cried Miss Bingley. "I never heard anything so +abominable. How shall we punish him for such a speech?" + +"Nothing so easy, if you have but the inclination," said Elizabeth. "We +can all plague and punish one another. Tease him--laugh at him. Intimate +as you are, you must know how it is to be done." + +"But upon my honour I do _not_. I do assure you that my intimacy has not +yet taught me _that_. Tease calmness of temper and presence of mind! No, +no; I feel he may defy us there. And as to laughter, we will not expose +ourselves, if you please, by attempting to laugh without a subject. Mr +Darcy may hug himself." + +"Mr Darcy is not to be laughed at!" cried Elizabeth. "That is an +uncommon advantage, and uncommon I hope it will continue, for it would +be a great loss to _me_ to have many such acquaintance. I dearly love a +laugh." + +"Miss Bingley," said he, "has given me credit for more than can be. The +wisest and best of men,--nay, the wisest and best of their actions,--may +be rendered ridiculous by a person whose first object in life is a +joke." + +"Certainly," replied Elizabeth, "there are such people, but I hope I am +not one of _them_. I hope I never ridicule what is wise or good. Follies +and nonsense, whims and inconsistencies, _do_ divert me, I own, and I +laugh at them whenever I can. But these, I suppose, are precisely what +you are without." + +"Perhaps that is not possible for anyone. But it has been the study of +my life to avoid those weaknesses which often expose a strong +understanding to ridicule." + +"Such as vanity and pride." + +"Yes, vanity is a weakness indeed. But pride--where there is a real +superiority of mind--pride will be always under good regulation." + +Elizabeth turned away to hide a smile. + +"Your examination of Mr Darcy is over, I presume," said Miss Bingley; +"and pray what is the result?" + +"I am perfectly convinced by it that Mr Darcy has no defect. He owns it +himself without disguise." + +"No," said Darcy, "I have made no such pretension. I have faults enough, +but they are not, I hope, of understanding. My temper I dare not vouch +for. It is, I believe, too little yielding; certainly too little for the +convenience of the world. I cannot forget the follies and vices of +others so soon as I ought, nor their offences against myself. My +feelings are not puffed about with every attempt to move them. My temper +would perhaps be called resentful. My good opinion once lost is lost for +ever." + +"_That_ is a failing, indeed!" cried Elizabeth. "Implacable resentment +_is_ a shade in a character. But you have chosen your fault well. I +really cannot _laugh_ at it. You are safe from me." + +"There is, I believe, in every disposition a tendency to some particular +evil, a natural defect, which not even the best education can overcome." + +"And _your_ defect is a propensity to hate everybody." + +"And yours," he replied, with a smile, "is wilfully to misunderstand +them." + +"Do let us have a little music," cried Miss Bingley, tired of a +conversation in which she had no share. "Louisa, you will not mind my +waking Mr Hurst." + +Her sister made not the smallest objection, and the pianoforte was +opened; and Darcy, after a few moments' recollection, was not sorry for +it. He began to feel the danger of paying Elizabeth too much attention. + +CHAPTER XII. + +In consequence of an agreement between the sisters, Elizabeth wrote the +next morning to her mother, to beg that the carriage might be sent for +them in the course of the day. But Mrs Bennet, who had calculated on +her daughters remaining at Netherfield till the following Tuesday, which +would exactly finish Jane's week, could not bring herself to receive +them with pleasure before. Her answer, therefore, was not propitious, at +least not to Elizabeth's wishes, for she was impatient to get home. Mrs +Bennet sent them word that they could not possibly have the carriage +before Tuesday; and in her postscript it was added, that if Mr Bingley +and his sister pressed them to stay longer, she could spare them very +well. Against staying longer, however, Elizabeth was positively +resolved--nor did she much expect it would be asked; and fearful, on the +contrary, of being considered as intruding themselves needlessly long, +she urged Jane to borrow Mr Bingley's carriage immediately, and at +length it was settled that their original design of leaving Netherfield +that morning should be mentioned, and the request made. + +The communication excited many professions of concern; and enough was +said of wishing them to stay at least till the following day to work on +Jane; and till the morrow their going was deferred. Miss Bingley was +then sorry that she had proposed the delay; for her jealousy and dislike +of one sister much exceeded her affection for the other. + +The master of the house heard with real sorrow that they were to go so +soon, and repeatedly tried to persuade Miss Bennet that it would not be +safe for her--that she was not enough recovered; but Jane was firm where +she felt herself to be right. + +To Mr Darcy it was welcome intelligence: Elizabeth had been at +Netherfield long enough. She attracted him more than he liked; and Miss +Bingley was uncivil to _her_ and more teasing than usual to himself. He +wisely resolved to be particularly careful that no sign of admiration +should _now_ escape him--nothing that could elevate her with the hope of +influencing his felicity; sensible that, if such an idea had been +suggested, his behaviour during the last day must have material weight +in confirming or crushing it. Steady to his purpose, he scarcely spoke +ten words to her through the whole of Saturday: and though they were at +one time left by themselves for half an hour, he adhered most +conscientiously to his book, and would not even look at her. + +On Sunday, after morning service, the separation, so agreeable to almost +all, took place. Miss Bingley's civility to Elizabeth increased at last +very rapidly, as well as her affection for Jane; and when they parted, +after assuring the latter of the pleasure it would always give her to +see her either at Longbourn or Netherfield, and embracing her most +tenderly, she even shook hands with the former. Elizabeth took leave of +the whole party in the liveliest spirits. + +They were not welcomed home very cordially by their mother. Mrs Bennet +wondered at their coming, and thought them very wrong to give so much +trouble, and was sure Jane would have caught cold again. But their +father, though very laconic in his expressions of pleasure, was really +glad to see them; he had felt their importance in the family circle. The +evening conversation, when they were all assembled, had lost much of its +animation, and almost all its sense, by the absence of Jane and +Elizabeth. + +They found Mary, as usual, deep in the study of thorough bass and human +nature; and had some new extracts to admire and some new observations of +threadbare morality to listen to. Catherine and Lydia had information +for them of a different sort. Much had been done, and much had been said +in the regiment since the preceding Wednesday; several of the officers +had dined lately with their uncle; a private had been flogged; and it +had actually been hinted that Colonel Forster was going to be married. + +CHAPTER XIII + +"I hope, my dear," said Mr Bennet to his wife, as they were at +breakfast the next morning, "that you have ordered a good dinner to-day, +because I have reason to expect an addition to our family party." + +"Who do you mean, my dear? I know of nobody that is coming, I am sure, +unless Charlotte Lucas should happen to call in; and I hope _my_ dinners +are good enough for her. I do not believe she often sees such at home." + +"The person of whom I speak is a gentleman and a stranger." + +Mrs Bennet's eyes sparkled. "A gentleman and a stranger! It is Mr +Bingley, I am sure. Why, Jane--you never dropped a word of this--you sly +thing! Well, I am sure I shall be extremely glad to see Mr Bingley. +But--good Lord! how unlucky! there is not a bit of fish to be got +to-day. Lydia, my love, ring the bell. I must speak to Hill this +moment." + +"It is _not_ Mr Bingley," said her husband; "it is a person whom I +never saw in the whole course of my life." + +This roused a general astonishment; and he had the pleasure of being +eagerly questioned by his wife and five daughters at once. + +After amusing himself some time with their curiosity, he thus +explained:--"About a month ago I received this letter, and about a +fortnight ago I answered it; for I thought it a case of some delicacy, +and requiring early attention. It is from my cousin, Mr Collins, who, +when I am dead, may turn you all out of this house as soon as he +pleases." + +"Oh, my dear," cried his wife, "I cannot bear to hear that mentioned. +Pray do not talk of that odious man. I do think it is the hardest thing +in the world, that your estate should be entailed away from your own +children; and I am sure, if I had been you, I should have tried long ago +to do something or other about it." + +Jane and Elizabeth attempted to explain to her the nature of an entail. +They had often attempted it before: but it was a subject on which Mrs +Bennet was beyond the reach of reason; and she continued to rail +bitterly against the cruelty of settling an estate away from a family of +five daughters, in favour of a man whom nobody cared anything about. + +"It certainly is a most iniquitous affair," said Mr Bennet; "and +nothing can clear Mr Collins from the guilt of inheriting Longbourn. +But if you will listen to his letter, you may, perhaps, be a little +softened by his manner of expressing himself." + +"No, that I am sure I shall not: and I think it was very impertinent of +him to write to you at all, and very hypocritical. I hate such false +friends. Why could not he keep on quarrelling with you, as his father +did before him?" + +"Why, indeed, he does seem to have had some filial scruples on that +head, as you will hear." + + /* RIGHT "Hunsford, near Westerham, Kent, _15th October_. */ + +"Dear Sir, + + "The disagreement subsisting between yourself and my late honoured + father always gave me much uneasiness; and, since I have had the + misfortune to lose him, I have frequently wished to heal the + breach: but, for some time, I was kept back by my own doubts, + fearing lest it might seem disrespectful to his memory for me to be + on good terms with anyone with whom it had always pleased him to be + at variance."--'There, Mrs Bennet.'--"My mind, however, is now + made up on the subject; for, having received ordination at Easter, + I have been so fortunate as to be distinguished by the patronage of + the Right Honourable Lady Catherine de Bourgh, widow of Sir Lewis + de Bourgh, whose bounty and beneficence has preferred me to the + valuable rectory of this parish, where it shall be my earnest + endeavour to demean myself with grateful respect towards her + Ladyship, and be ever ready to perform those rites and ceremonies + which are instituted by the Church of England. As a clergyman, + moreover, I feel it my duty to promote and establish the blessing + of peace in all families within the reach of my influence; and on + these grounds I flatter myself that my present overtures of + good-will are highly commendable, and that the circumstance of my + being next in the entail of Longbourn estate will be kindly + overlooked on your side, and not lead you to reject the offered + olive branch. I cannot be otherwise than concerned at being the + means of injuring your amiable daughters, and beg leave to + apologize for it, as well as to assure you of my readiness to make + them every possible amends; but of this hereafter. If you should + have no objection to receive me into your house, I propose myself + the satisfaction of waiting on you and your family, Monday, + November 18th, by four o'clock, and shall probably trespass on your + hospitality till the Saturday se'nnight following, which I can do + without any inconvenience, as Lady Catherine is far from objecting + to my occasional absence on a Sunday, provided that some other + clergyman is engaged to do the duty of the day. I remain, dear sir, + with respectful compliments to your lady and daughters, your + well-wisher and friend, + +"WILLIAM COLLINS." + +"At four o'clock, therefore, we may expect this peace-making gentleman," +said Mr Bennet, as he folded up the letter. "He seems to be a most +conscientious and polite young man, upon my word; and, I doubt not, will +prove a valuable acquaintance, especially if Lady Catherine should be so +indulgent as to let him come to us again." + +"There is some sense in what he says about the girls, however; and, if +he is disposed to make them any amends, I shall not be the person to +discourage him." + +"Though it is difficult," said Jane, "to guess in what way he can mean +to make us the atonement he thinks our due, the wish is certainly to his +credit." + +Elizabeth was chiefly struck with his extraordinary deference for Lady +Catherine, and his kind intention of christening, marrying, and burying +his parishioners whenever it were required. + +"He must be an oddity, I think," said she. "I cannot make him out. There +is something very pompous in his style. And what can he mean by +apologizing for being next in the entail? We cannot suppose he would +help it, if he could. Can he be a sensible man, sir?" + +"No, my dear; I think not. I have great hopes of finding him quite the +reverse. There is a mixture of servility and self-importance in his +letter which promises well. I am impatient to see him." + +"In point of composition," said Mary, "his letter does not seem +defective. The idea of the olive branch perhaps is not wholly new, yet I +think it is well expressed." + +To Catherine and Lydia neither the letter nor its writer were in any +degree interesting. It was next to impossible that their cousin should +come in a scarlet coat, and it was now some weeks since they had +received pleasure from the society of a man in any other colour. As for +their mother, Mr Collins's letter had done away much of her ill-will, +and she was preparing to see him with a degree of composure which +astonished her husband and daughters. + +Mr Collins was punctual to his time, and was received with great +politeness by the whole family. Mr Bennet indeed said little; but the +ladies were ready enough to talk, and Mr Collins seemed neither in need +of encouragement, nor inclined to be silent himself. He was a tall, +heavy-looking young man of five-and-twenty. His air was grave and +stately, and his manners were very formal. He had not been long seated +before he complimented Mrs Bennet on having so fine a family of +daughters, said he had heard much of their beauty, but that, in this +instance, fame had fallen short of the truth; and added, that he did not +doubt her seeing them all in due time well disposed of in marriage. This +gallantry was not much to the taste of some of his hearers; but Mrs +Bennet, who quarrelled with no compliments, answered most readily,-- + +"You are very kind, sir, I am sure; and I wish with all my heart it may +prove so; for else they will be destitute enough. Things are settled so +oddly." + +"You allude, perhaps, to the entail of this estate." + +"Ah, sir, I do indeed. It is a grievous affair to my poor girls, you +must confess. Not that I mean to find fault with _you_, for such things, +I know, are all chance in this world. There is no knowing how estates +will go when once they come to be entailed." + +"I am very sensible, madam, of the hardship to my fair cousins, and +could say much on the subject, but that I am cautious of appearing +forward and precipitate. But I can assure the young ladies that I come +prepared to admire them. At present I will not say more, but, perhaps, +when we are better acquainted----" + +He was interrupted by a summons to dinner; and the girls smiled on each +other. They were not the only objects of Mr Collins's admiration. The +hall, the dining-room, and all its furniture, were examined and praised; +and his commendation of everything would have touched Mrs Bennet's +heart, but for the mortifying supposition of his viewing it all as his +own future property. The dinner, too, in its turn, was highly admired; +and he begged to know to which of his fair cousins the excellence of its +cookery was owing. But here he was set right by Mrs Bennet, who assured +him, with some asperity, that they were very well able to keep a good +cook, and that her daughters had nothing to do in the kitchen. He begged +pardon for having displeased her. In a softened tone she declared +herself not at all offended; but he continued to apologize for about a +quarter of an hour. + +CHAPTER XIV + +During dinner, Mr Bennet scarcely spoke at all; but when the servants +were withdrawn, he thought it time to have some conversation with his +guest, and therefore started a subject in which he expected him to +shine, by observing that he seemed very fortunate in his patroness. Lady +Catherine de Bourgh's attention to his wishes, and consideration for his +comfort, appeared very remarkable. Mr Bennet could not have chosen +better. Mr Collins was eloquent in her praise. The subject elevated him +to more than usual solemnity of manner; and with a most important aspect +he protested that he had never in his life witnessed such behaviour in a +person of rank--such affability and condescension, as he had himself +experienced from Lady Catherine. She had been graciously pleased to +approve of both the discourses which he had already had the honour of +preaching before her. She had also asked him twice to dine at Rosings, +and had sent for him only the Saturday before, to make up her pool of +quadrille in the evening. Lady Catherine was reckoned proud by many +people, he knew, but _he_ had never seen anything but affability in her. +She had always spoken to him as she would to any other gentleman; she +made not the smallest objection to his joining in the society of the +neighbourhood, nor to his leaving his parish occasionally for a week or +two to visit his relations. She had even condescended to advise him to +marry as soon as he could, provided he chose with discretion; and had +once paid him a visit in his humble parsonage, where she had perfectly +approved all the alterations he had been making, and had even vouchsafed +to suggest some herself,--some shelves in the closets upstairs. + +"That is all very proper and civil, I am sure," said Mrs Bennet, "and I +dare say she is a very agreeable woman. It is a pity that great ladies +in general are not more like her. Does she live near you, sir?" + +"The garden in which stands my humble abode is separated only by a lane +from Rosings Park, her Ladyship's residence." + +"I think you said she was a widow, sir? has she any family?" + +"She has one only daughter, the heiress of Rosings, and of very +extensive property." + +"Ah," cried Mrs Bennet, shaking her head, "then she is better off than +many girls. And what sort of young lady is she? Is she handsome?" + +"She is a most charming young lady, indeed. Lady Catherine herself says +that, in point of true beauty, Miss de Bourgh is far superior to the +handsomest of her sex; because there is that in her features which marks +the young woman of distinguished birth. She is unfortunately of a sickly +constitution, which has prevented her making that progress in many +accomplishments which she could not otherwise have failed of, as I am +informed by the lady who superintended her education, and who still +resides with them. But she is perfectly amiable, and often condescends +to drive by my humble abode in her little phaeton and ponies." + +"Has she been presented? I do not remember her name among the ladies at +court." + +"Her indifferent state of health unhappily prevents her being in town; +and by that means, as I told Lady Catherine myself one day, has deprived +the British Court of its brightest ornament. Her Ladyship seemed pleased +with the idea; and you may imagine that I am happy on every occasion to +offer those little delicate compliments which are always acceptable to +ladies. I have more than once observed to Lady Catherine, that her +charming daughter seemed born to be a duchess; and that the most +elevated rank, instead of giving her consequence, would be adorned by +her. These are the kind of little things which please her Ladyship, and +it is a sort of attention which I conceive myself peculiarly bound to +pay." + +"You judge very properly," said Mr Bennet; "and it is happy for you +that you possess the talent of flattering with delicacy. May I ask +whether these pleasing attentions proceed from the impulse of the +moment, or are the result of previous study?" + +"They arise chiefly from what is passing at the time; and though I +sometimes amuse myself with suggesting and arranging such little elegant +compliments as may be adapted to ordinary occasions, I always wish to +give them as unstudied an air as possible." + +Mr Bennet's expectations were fully answered. His cousin was as absurd +as he had hoped; and he listened to him with the keenest enjoyment, +maintaining at the same time the most resolute composure of countenance, +and, except in an occasional glance at Elizabeth, requiring no partner +in his pleasure. + +By tea-time, however, the dose had been enough, and Mr Bennet was glad +to take his guest into the drawing-room again, and when tea was over, +glad to invite him + +to read aloud to the ladies. Mr Collins readily assented, and a book +was produced; but on beholding it (for everything announced it to be +from a circulating library) he started back, and, begging pardon, +protested that he never read novels. Kitty stared at him, and Lydia +exclaimed. Other books were produced, and after some deliberation he +chose "Fordyce's Sermons." Lydia gaped as he opened the volume; and +before he had, with very monotonous solemnity, read three pages, she +interrupted him with,-- + +"Do you know, mamma, that my uncle Philips talks of turning away +Richard? and if he does, Colonel Forster will hire him. My aunt told me +so herself on Saturday. I shall walk to Meryton to-morrow to hear more +about it, and to ask when Mr Denny comes back from town." + +Lydia was bid by her two eldest sisters to hold her tongue; but Mr +Collins, much offended, laid aside his book, and said,-- + +"I have often observed how little young ladies are interested by books +of a serious stamp, though written solely for their benefit. It amazes +me, I confess; for certainly there can be nothing so advantageous to +them as instruction. But I will no longer importune my young cousin." + +Then, turning to Mr Bennet, he offered himself as his antagonist at +backgammon. Mr Bennet accepted the challenge, observing that he acted +very wisely in leaving the girls to their own trifling amusements. Mrs +Bennet and her daughters apologized most civilly for Lydia's +interruption, and promised that it should not occur again, if he would +resume his book; but Mr Collins, after assuring them that he bore his +young cousin no ill-will, and should never resent her behaviour as any +affront, seated himself at another table with Mr Bennet, and prepared +for backgammon. + +CHAPTER XV. + +Mr Collins was not a sensible man, and the deficiency of nature had +been but little assisted by education or society; the greatest part of +his life having been spent under the guidance of an illiterate and +miserly father; and though he belonged to one of the universities, he +had merely kept the necessary terms without forming at it any useful +acquaintance. The subjection in which his father had brought him up had +given him originally great humility of manner; but it was now a good +deal counteracted by the self-conceit of a weak head, living in +retirement, and the consequential feelings of early and unexpected +prosperity. A fortunate chance had recommended him to Lady Catherine de +Bourgh when the living of Hunsford was vacant; and the respect which he +felt for her high rank, and his veneration for her as his patroness, +mingling with a very good opinion of himself, of his authority as a +clergyman, and his right as a rector, made him altogether a mixture of +pride and obsequiousness, self-importance and humility. + +Having now a good house and a very sufficient income, he intended to +marry; and in seeking a reconciliation with the Longbourn family he had +a wife in view, as he meant to choose one of the daughters, if he found +them as handsome and amiable as they were represented by common report. +This was his plan of amends--of atonement--for inheriting their father's +estate; and he thought it an excellent one, full of eligibility and +suitableness, and excessively generous and disinterested on his own +part. + +His plan did not vary on seeing them. Miss Bennet's lovely face +confirmed his views, and established all his strictest notions of what +was due to seniority; and for the first evening _she_ was his settled +choice. The next morning, however, made an alteration; for in a quarter +of an hour's _tête-à-tête_ with Mrs Bennet before breakfast, a +conversation beginning with his parsonage-house, and leading naturally +to the avowal of his hopes, that a mistress for it might be found at +Longbourn, produced from her, amid very complaisant smiles and general +encouragement, a caution against the very Jane he had fixed on. "As to +her _younger_ daughters, she could not take upon her to say--she could +not positively answer--but she did not _know_ of any prepossession;--her +_eldest_ daughter she must just mention--she felt it incumbent on her to +hint, was likely to be very soon engaged." + +Mr Collins had only to change from Jane to Elizabeth--and it was soon +done--done while Mrs Bennet was stirring the fire. Elizabeth, equally +next to Jane in birth and beauty, succeeded her of course. + +Mrs Bennet treasured up the hint, and trusted that she might soon have +two daughters married; and the man whom she could not bear to speak of +the day before, was now high in her good graces. + +Lydia's intention of walking to Meryton was not forgotten: every sister +except Mary agreed to go with her; and Mr Collins was to attend them, +at the request of Mr Bennet, who was most anxious to get rid of him, +and have his library to himself; for thither Mr Collins had followed +him after breakfast, and there he would continue, nominally engaged with +one of the largest folios in the collection, but really talking to Mr +Bennet, with little cessation, of his house and garden at Hunsford. Such +doings discomposed Mr Bennet exceedingly. In his library he had been +always sure of leisure and tranquillity; and though prepared, as he told +Elizabeth, to meet with folly and conceit in every other room in the +house, he was used to be free from them there: his civility, therefore, +was most prompt in inviting Mr Collins to join his daughters in their +walk; and Mr Collins, being in fact much better fitted for a walker +than a reader, was extremely well pleased to close his large book, and +go. + +In pompous nothings on his side, and civil assents on that of his +cousins, their time passed till they entered Meryton. The attention of +the younger ones was then no longer to be gained by _him_. Their eyes +were immediately wandering up the street in quest of the officers, and +nothing less than a very smart bonnet, indeed, or a really new muslin in +a shop window, could recall them. + +But the attention of every lady was soon caught by a young man, whom +they had never seen before, of most gentlemanlike appearance, walking +with an officer on the other side of the way. The officer was the very +Mr Denny concerning whose return from London Lydia came to inquire, and +he bowed as they passed. All were struck with the stranger's air, all +wondered who he could be; and Kitty and Lydia, determined if possible +to find out, led the way across the street, under pretence of wanting +something in an opposite shop, and fortunately had just gained the +pavement, when the two gentlemen, turning back, had reached the same +spot. Mr Denny addressed them directly, and entreated permission to +introduce his friend, Mr Wickham, who had returned with him the day +before from town, and, he was happy to say, had accepted a commission in +their corps. This was exactly as it should be; for the young man wanted +only regimentals to make him completely charming. His appearance was +greatly in his favour: he had all the best parts of beauty, a fine +countenance, a good figure, and very pleasing address. The introduction +was followed up on his side by a happy readiness of conversation--a +readiness at the same time perfectly correct and unassuming; and the +whole party were still standing and talking together very agreeably, +when the sound of horses drew their notice, and Darcy and Bingley were +seen riding down the street. On distinguishing the ladies of the group +the two gentlemen came directly towards them, and began the usual +civilities. Bingley was the principal spokesman, and Miss Bennet the +principal object. He was then, he said, on his way to Longbourn on +purpose to inquire after her. Mr Darcy corroborated it with a bow, and +was beginning to determine not to fix his eyes on Elizabeth, when they +were suddenly arrested by the sight of the stranger; and Elizabeth +happening to see the countenance of both as they looked at each other, +was all astonishment at the effect of the meeting. Both changed colour, +one looked white, the other red. Mr Wickham, after a few moments, +touched his hat--a salutation which Mr Darcy just deigned to return. +What could be the meaning of it? It was impossible to imagine; it was +impossible not to long to know. + +In another minute Mr Bingley, but without seeming to have noticed what +passed, took leave and rode on with his friend. + +Mr Denny and Mr Wickham walked with the young ladies to the door of +Mr Philips's house, and then made their bows, in spite of Miss Lydia's +pressing entreaties that they would come in, and even in spite of Mrs +Philips's throwing up the parlour window, and loudly seconding the +invitation. + +Mrs Philips was always glad to see her nieces; and the two eldest, from +their recent absence, were particularly welcome; and she was eagerly +expressing her surprise at their sudden return home, which, as their own +carriage had not fetched them, she should have known nothing about, if +she had not happened to see Mr Jones's shopboy in the street, who had +told her that they were not to send any more draughts to Netherfield, +because the Miss Bennets were come away, when her civility was claimed +towards Mr Collins by Jane's introduction of him. She received him with +her very best politeness, which he returned with as much more, +apologizing for his intrusion, without any previous acquaintance with +her, which he could not help flattering himself, however, might be +justified by his relationship to the young ladies who introduced him to +her notice. Mrs Philips was quite awed by such an excess of good +breeding; but her contemplation of one stranger was soon put an end to +by exclamations and inquiries about the other, of whom, however, she +could only tell her nieces what they already knew, that Mr Denny had +brought him from London, and that he was to have a lieutenant's +commission in the ----shire. She had been watching him the last hour, +she said, as he walked up and down the street,--and had Mr Wickham +appeared, Kitty and Lydia would certainly have continued the occupation; +but unluckily no one passed the windows now except a few of the +officers, who, in comparison with the stranger, were become "stupid, +disagreeable fellows." Some of them were to dine with the Philipses the +next day, and their aunt promised to make her husband call on Mr +Wickham, and give him an invitation also, if the family from Longbourn +would come in the evening. This was agreed to; and Mrs Philips +protested that they would have a nice comfortable noisy game of lottery +tickets, and a little bit of hot supper afterwards. The prospect of such +delights was very cheering, and they parted in mutual good spirits. Mr +Collins repeated his apologies in quitting the room, and was assured, +with unwearying civility, that they were perfectly needless. + +As they walked home, Elizabeth related to Jane what she had seen pass +between the two gentlemen; but though Jane would have defended either or +both, had they appeared to be wrong, she could no more explain such +behaviour than her sister. + +Mr Collins on his return highly gratified Mrs Bennet by admiring Mrs +Philips's manners and politeness. He protested that, except Lady +Catherine and her daughter, he had never seen a more elegant woman; for +she had not only received him with the utmost civility, but had even +pointedly included him in her invitation for the next evening, although +utterly unknown to her before. Something, he supposed, might be +attributed to his connection with them, but yet he had never met with so +much attention in the whole course of his life. + +CHAPTER XVI. + +As no objection was made to the young people's engagement with their +aunt, and all Mr Collins's scruples of leaving Mr and Mrs Bennet for +a single evening during his visit were most steadily resisted, the coach +conveyed him and his five cousins at a suitable hour to Meryton; and the +girls had the pleasure of hearing, as they entered the drawing-room, +that Mr Wickham had accepted their uncle's invitation, and was then in +the house. + +When this information was given, and they had all taken their seats, Mr +Collins was at leisure to look around him and admire, and he was so much +struck with the size and furniture of the apartment, that he declared he +might almost have supposed himself in the small summer breakfast parlour +at Rosings; a comparison that did not at first convey much +gratification; but when Mrs Philips understood from him what Rosings +was, and who was its proprietor, when she had listened to the +description of only one of Lady Catherine's drawing-rooms, and found +that the chimney-piece alone had cost eight hundred pounds, she felt all +the force of the compliment, and would hardly have resented a comparison +with the housekeeper's room. + +In describing to her all the grandeur of Lady Catherine and her mansion, +with occasional digressions in praise of his own humble abode, and the +improvements it was receiving, he was happily employed until the +gentlemen joined them; and he found in Mrs Philips a very attentive +listener, whose opinion of his consequence increased with what she +heard, and who was resolving to retail it all among her neighbours as +soon as she could. To the girls, who could not listen to their cousin, +and who had nothing to do but to wish for an instrument, and examine +their own indifferent imitations of china on the mantel-piece, the +interval of waiting appeared very long. It was over at last, however. +The gentlemen did approach: and when Mr Wickham walked into the room, +Elizabeth felt that she had neither been seeing him before, nor thinking +of him since, with the smallest degree of unreasonable admiration. The +officers of the ----shire were in general a very creditable, +gentlemanlike set and the best of them were of the present party; but +Mr, Wickham was as far beyond them all in person, countenance, air, and +walk, as _they_ were superior to the broad-faced stuffy uncle Philips, +breathing port wine, who followed them into the room. + +Mr Wickham was the happy man towards whom almost every female eye was +turned, and Elizabeth was the happy woman by whom he finally seated +himself; and the agreeable manner in which he immediately fell into +conversation, though it was only on its being a wet night, and on the +probability of a rainy season, made her feel that the commonest, +dullest, most threadbare topic might be rendered interesting by the +skill of the speaker. + +With such rivals for the notice of the fair as Mr Wickham and the +officers, Mr Collins seemed to sink into insignificance; to the young +ladies he certainly was nothing; but he had still at intervals a kind +listener in Mrs Philips, and was, by her watchfulness, most abundantly +supplied with coffee and muffin. + +When the card tables were placed, he had an opportunity of obliging her, +in return, by sitting down to whist. + +"I know little of the game at present," said he, "but I shall be glad to +improve myself; for in my situation of life----" Mrs Philips was very +thankful for his compliance, but could not wait for his reason. + +Mr Wickham did not play at whist, and with ready delight was he +received at the other table between Elizabeth and Lydia. At first there +seemed danger of Lydia's engrossing him entirely, for she was a most +determined talker; but being likewise extremely fond of lottery tickets, +she soon grew too much interested in the game, too eager in making bets +and exclaiming after prizes, to have attention for anyone in particular. +Allowing for the common demands of the game, Mr Wickham was therefore +at leisure to talk to Elizabeth, and she was very willing to hear him, +though what she chiefly wished to hear she could not hope to be told, +the history of his acquaintance with Mr Darcy. She dared not even +mention that gentleman. Her curiosity, however, was unexpectedly +relieved. Mr Wickham began the subject himself. He inquired how far +Netherfield was from Meryton; and, after receiving her answer, asked in +a hesitating manner how long Mr Darcy had been staying there. + +"About a month," said Elizabeth; and then, unwilling to let the subject +drop, added, "he is a man of very large property in Derbyshire, I +understand." + +"Yes," replied Wickham; "his estate there is a noble one. A clear ten +thousand per annum. You could not have met with a person more capable of +giving you certain information on that head than myself--for I have been +connected with his family, in a particular manner, from my infancy." + +Elizabeth could not but look surprised. + +"You may well be surprised, Miss Bennet, at such an assertion, after +seeing, as you probably might, the very cold manner of our meeting +yesterday. Are you much acquainted with Mr Darcy?" + +"As much as I ever wish to be," cried Elizabeth, warmly. "I have spent +four days in the same house with him, and I think him very +disagreeable." + +"I have no right to give _my_ opinion," said Wickham, "as to his being +agreeable or otherwise. I am not qualified to form one. I have known him +too long and too well to be a fair judge. It is impossible for _me_ to +be impartial. But I believe your opinion of him would in general +astonish--and, perhaps, you would not express it quite so strongly +anywhere else. Here you are in your own family." + +"Upon my word I say no more _here_ than I might say in any house in the +neighbourhood, except Netherfield. He is not at all liked in +Hertfordshire. Everybody is disgusted with his pride. You will not find +him more favourably spoken of by anyone." + +"I cannot pretend to be sorry," said Wickham, after a short +interruption, "that he or that any man should not be estimated beyond +their deserts; but with _him_ I believe it does not often happen. The +world is blinded by his fortune and consequence, or frightened by his +high and imposing manners, and sees him only as he chooses to be seen." + +"I should take him, even on _my_ slight acquaintance, to be an +ill-tempered man." + +Wickham only shook his head. + +"I wonder," said he, at the next opportunity of speaking, "whether he is +likely to be in this country much longer." + +"I do not at all know; but I _heard_ nothing of his going away when I +was at Netherfield. I hope your plans in favour of the ----shire will +not be affected by his being in the neighbourhood." + +"Oh no--it is not for _me_ to be driven away by Mr Darcy. If _he_ +wishes to avoid seeing _me_ he must go. We are not on friendly terms, +and it always gives me pain to meet him, but I have no reason for +avoiding _him_ but what I might proclaim to all the world--a sense of +very great ill-usage, and most painful regrets at his being what he is. +His father, Miss Bennet, the late Mr Darcy, was one of the best men +that ever breathed, and the truest friend I ever had; and I can never be +in company with this Mr Darcy without being grieved to the soul by a +thousand tender recollections. His behaviour to myself has been +scandalous; but I verily believe I could forgive him anything and +everything, rather than his disappointing the hopes and disgracing the +memory of his father." + +Elizabeth found the interest of the subject increase, and listened with +all her heart; but the delicacy of it prevented further inquiry. + +Mr Wickham began to speak on more general topics, Meryton, the +neighbourhood, the society, appearing highly pleased with all that he +had yet seen, and speaking of the latter, especially, with gentle but +very intelligible gallantry. + +"It was the prospect of constant society, and good society," he added, +"which was my chief inducement to enter the ----shire. I know it to be a +most respectable, agreeable corps; and my friend Denny tempted me +further by his account of their present quarters, and the very great +attentions and excellent acquaintance Meryton had procured them. +Society, I own, is necessary to me. I have been a disappointed man, and +my spirits will not bear solitude. I _must_ have employment and society. +A military life is not what I was intended for, but circumstances have +now made it eligible. The church _ought_ to have been my profession--I +was brought up for the church; and I should at this time have been in +possession of a most valuable living, had it pleased the gentleman we +were speaking of just now." + +"Indeed!" + +"Yes--the late Mr Darcy bequeathed me the next presentation of the best +living in his gift. He was my godfather, and excessively attached to me. +I cannot do justice to his kindness. He meant to provide for me amply, +and thought he had done it; but when the living fell, it was given +elsewhere." + +"Good heavens!" cried Elizabeth; "but how could _that_ be? How could his +will be disregarded? Why did not you seek legal redress?" + +"There was just such an informality in the terms of the bequest as to +give me no hope from law. A man of honour could not have doubted the +intention, but Mr Darcy chose to doubt it--or to treat it as a merely +conditional recommendation, and to assert that I had forfeited all claim +to it by extravagance, imprudence, in short, anything or nothing. +Certain it is that the living became vacant two years ago, exactly as I +was of an age to hold it, and that it was given to another man; and no +less certain is it, that I cannot accuse myself of having really done +anything to deserve to lose it. I have a warm unguarded temper, and I +may perhaps have sometimes spoken my opinion _of_ him, and _to_ him, too +freely. I can recall nothing worse. But the fact is, that we are very +different sort of men, and that he hates me." + +"This is quite shocking! He deserves to be publicly disgraced." + +"Some time or other he _will_ be--but it shall not be by _me_. Till I +can forget his father, I can never defy or expose _him_." + +Elizabeth honoured him for such feelings, and thought him handsomer than +ever as he expressed them. + +"But what," said she, after a pause, "can have been his motive? what can +have induced him to behave so cruelly?" + +"A thorough, determined dislike of me--a dislike which I cannot but +attribute in some measure to jealousy. Had the late Mr Darcy liked me +less, his son might have borne with me better; but his father's uncommon +attachment to me irritated him, I believe, very early in life. He had +not a temper to bear the sort of competition in which we stood--the sort +of preference which was often given me." + +"I had not thought Mr Darcy so bad as this--though I have never liked +him, I had not thought so very ill of him--I had supposed him to be +despising his fellow-creatures in general, but did not suspect him of +descending to such malicious revenge, such injustice, such inhumanity as +this!" + +After a few minutes' reflection, however, she continued, "I _do_ +remember his boasting one day, at Netherfield, of the implacability of +his resentments, of his having an unforgiving temper. His disposition +must be dreadful." + +"I will not trust myself on the subject," replied Wickham; "_I_ can +hardly be just to him." + +Elizabeth was again deep in thought, and after a time exclaimed, "To +treat in such a manner the godson, the friend, the favourite of his +father!" She could have added, "A young man, too, like _you_, whose very +countenance may vouch for your being amiable." But she contented herself +with--"And one, too, who had probably been his own companion from +childhood, connected together, as I think you said, in the closest +manner." + +"We were born in the same parish, within the same park; the greatest +part of our youth was passed together: inmates of the same house, +sharing the same amusements, objects of the same parental care. _My_ +father began life in the profession which your uncle, Mr Philips, +appears to do so much credit to; but he gave up everything to be of use +to the late Mr Darcy, and devoted all his time to the care of the +Pemberley property. He was most highly esteemed by Mr Darcy, a most +intimate, confidential friend. Mr Darcy often acknowledged himself to +be under the greatest obligations to my father's active superintendence; +and when, immediately before my father's death, Mr Darcy gave him a +voluntary promise of providing for me, I am convinced that he felt it +to be as much a debt of gratitude to _him_ as of affection to myself." + +"How strange!" cried Elizabeth. "How abominable! I wonder that the very +pride of this Mr Darcy has not made him just to you. If from no better +motive, that he should not have been too proud to be dishonest,--for +dishonesty I must call it." + +"It _is_ wonderful," replied Wickham; "for almost all his actions may be +traced to pride; and pride has often been his best friend. It has +connected him nearer with virtue than any other feeling. But we are none +of us consistent; and in his behaviour to me there were stronger +impulses even than pride." + +"Can such abominable pride as his have ever done him good?" + +"Yes; it has often led him to be liberal and generous; to give his money +freely, to display hospitality, to assist his tenants, and relieve the +poor. Family pride, and _filial_ pride, for he is very proud of what his +father was, have done this. Not to appear to disgrace his family, to +degenerate from the popular qualities, or lose the influence of the +Pemberley House, is a powerful motive. He has also _brotherly_ pride, +which, with _some_ brotherly affection, makes him a very kind and +careful guardian of his sister; and you will hear him generally cried up +as the most attentive and best of brothers." + +"What sort of a girl is Miss Darcy?" + +He shook his head. "I wish I could call her amiable. It gives me pain to +speak ill of a Darcy; but she is too much like her brother,--very, very +proud. As a child, she was affectionate and pleasing, and extremely fond +of me; and I have devoted hours and hours to her amusement. But she is +nothing to me now. She is a handsome girl, about fifteen or sixteen, +and, I understand, highly accomplished. Since her father's death her +home has been London, where a lady lives with her, and superintends her +education." + +After many pauses and many trials of other subjects, Elizabeth could not +help reverting once more to the first, and saying,-- + +"I am astonished at his intimacy with Mr Bingley. How can Mr Bingley, +who seems good-humour itself, and is, I really believe, truly amiable, +be in friendship with such a man? How can they suit each other? Do you +know Mr Bingley?" + +"Not at all." + +"He is a sweet-tempered, amiable, charming man. He cannot know what Mr +Darcy is." + +"Probably not; but Mr Darcy can please where he chooses. He does not +want abilities. He can be a conversible companion if he thinks it worth +his while. Among those who are at all his equals in consequence, he is a +very different man from what he is to the less prosperous. His pride +never deserts him; but with the rich he is liberal-minded, just, +sincere, rational, honourable, and, perhaps, agreeable,--allowing +something for fortune and figure." + +The whist party soon afterwards breaking up, the players gathered round +the other table, and Mr Collins took his station between his cousin +Elizabeth and Mrs Philips. The usual inquiries as to his success were +made by the latter. It had not been very great; he had lost every point; +but when Mrs Philips began to express her concern thereupon, he assured +her, with much earnest gravity, that it was not of the least importance; +that he considered the money as a mere trifle, and begged she would not +make herself uneasy. + +"I know very well, madam," said he, "that when persons sit down to a +card table they must take their chance of these things,--and happily I +am not in such circumstances as to make five shillings any object. There +are, undoubtedly, many who could not say the same; but, thanks to Lady +Catherine de Bourgh, I am removed far beyond the necessity of regarding +little matters." + +Mr Wickham's attention was caught; and after observing Mr Collins for +a few moments, he asked Elizabeth in a low voice whether her relations +were very intimately acquainted with the family of De Bourgh. + +"Lady Catherine de Bourgh," she replied, "has very lately given him a +living. I hardly know how Mr Collins was first introduced to her +notice, but he certainly has not known her long." + +"You know of course that Lady Catherine de Bourgh and Lady Anne Darcy +were sisters; consequently that she is aunt to the present Mr Darcy." + +"No, indeed, I did not. I knew nothing at all of Lady Catherine's +connections. I never heard of her existence till the day before +yesterday." + +"Her daughter, Miss de Bourgh, will have a very large fortune, and it is +believed that she and her cousin will unite the two estates." + +This information made Elizabeth smile, as she thought of poor Miss +Bingley. Vain indeed must be all her attentions, vain and useless her +affection for his sister and her praise of himself, if he were already +self-destined to another. + +"Mr Collins," said she, "speaks highly both of Lady Catherine and her +daughter; but, from some particulars that he has related of her +Ladyship, I suspect his gratitude misleads him; and that, in spite of +her being his patroness, she is an arrogant, conceited woman." + +"I believe her to be both in a great degree," replied Wickham; "I have +not seen her for many years; but I very well remember that I never liked +her, and that her manners were dictatorial and insolent. She has the +reputation of being remarkably sensible and clever; but I rather believe +she derives part of her abilities from her rank and fortune, part from +her authoritative manner, and the rest from the pride of her nephew, who +chooses that everyone connected with him should have an understanding of +the first class." + +Elizabeth allowed that he had given a very rational account of it, and +they continued talking together with mutual satisfaction till supper put +an end to cards, and gave the rest of the ladies their share of Mr +Wickham's attentions. There could be no conversation in the noise of +Mrs Philips's supper party, but his manners recommended him to +everybody. Whatever he said, was said well; and whatever he did, done +gracefully. Elizabeth went away with her head full of him. She could +think of nothing but of Mr Wickham, and of what he had told her, all +the way home; but there was not time for her even to mention his name as +they went, for neither Lydia nor Mr Collins were once silent. Lydia +talked incessantly of lottery tickets, of the fish she had lost and the +fish she had won; and Mr Collins, in describing the civility of Mr and +Mrs Philips, protesting that he did not in the least regard his losses +at whist, enumerating all the dishes at supper, and repeatedly fearing +that he crowded his cousins, had more to say than he could well manage +before the carriage stopped at Longbourn House. + +CHAPTER XVII. + +Elizabeth related to Jane, the next day, what had passed between Mr +Wickham and herself. Jane listened with astonishment and concern: she +knew not how to believe that Mr Darcy could be so unworthy of Mr +Bingley's regard; and yet it was not in her nature to question the +veracity of a young man of such amiable appearance as Wickham. The +possibility of his having really endured such unkindness was enough to +interest all her tender feelings; and nothing therefore remained to be +done but to think well of them both, to defend the conduct of each, and +throw into the account of accident or mistake whatever could not be +otherwise explained. + +"They have both," said she, "been deceived, I dare say, in some way or +other, of which we can form no idea. Interested people have perhaps +misrepresented each to the other. It is, in short, impossible for us to +conjecture the causes or circumstances which may have alienated them, +without actual blame on either side." + +"Very true, indeed; and now, my dear Jane, what have you got to say in +behalf of the interested people who have probably been concerned in the +business? Do clear _them_, too, or we shall be obliged to think ill of +somebody." + +"Laugh as much as you choose, but you will not laugh me out of my +opinion. My dearest Lizzy, do but consider in what a disgraceful light +it places Mr Darcy, to be treating his father's favourite in such a +manner,--one whom his father had promised to provide for. It is +impossible. No man of common humanity, no man who had any value for his +character, could be capable of it. Can his most intimate friends be so +excessively deceived in him? Oh no." + +"I can much more easily believe Mr Bingley's being imposed on than that +Mr Wickham should invent such a history of himself as he gave me last +night; names, facts, everything mentioned without ceremony. If it be not +so, let Mr Darcy contradict it. Besides, there was truth in his looks." + +"It is difficult, indeed--it is distressing. One does not know what to +think." + +"I beg your pardon;--one knows exactly what to think." + +But Jane could think with certainty on only one point,--that Mr +Bingley, if he _had been_ imposed on, would have much to suffer when +the affair became public. + +The two young ladies were summoned from the shrubbery, where this +conversation passed, by the arrival of some of the very persons of whom +they had been speaking; Mr Bingley and his sisters came to give their +personal invitation for the long expected ball at Netherfield, which was +fixed for the following Tuesday. The two ladies were delighted to see +their dear friend again, called it an age since they had met, and +repeatedly asked what she had been doing with herself since their +separation. To the rest of the family they paid little attention; +avoiding Mrs Bennet as much as possible, saying not much to Elizabeth, +and nothing at all to the others. They were soon gone again, rising from +their seats with an activity which took their brother by surprise, and +hurrying off as if eager to escape from Mrs Bennet's civilities. + +The prospect of the Netherfield ball was extremely agreeable to every +female of the family. Mrs Bennet chose to consider it as given in +compliment to her eldest daughter, and was particularly flattered by +receiving the invitation from Mr Bingley himself, instead of a +ceremonious card. Jane pictured to herself a happy evening in the +society of her two friends, and the attentions of their brother; and +Elizabeth thought with pleasure of dancing a great deal with Mr +Wickham, and of seeing a confirmation of everything in Mr Darcy's look +and behaviour. The happiness anticipated by Catherine and Lydia depended +less on any single event, or any particular person; for though they +each, like Elizabeth, meant to dance half the evening with Mr Wickham, +he was by no means the only partner who could satisfy them, and a ball +was, at any rate, a ball. And even Mary could assure her family that she +had no disinclination for it. + +"While I can have my mornings to myself," said she, "it is enough. I +think it is no sacrifice to join occasionally in evening engagements. +Society has claims on us all; and I profess myself one of those who +consider intervals of recreation and amusement as desirable for +everybody." + +Elizabeth's spirits were so high on the occasion, that though she did +not often speak unnecessarily to Mr Collins, she could not help asking +him whether he intended to accept Mr Bingley's invitation, and if he +did, whether he would think it proper to join in the evening's +amusement; and she was rather surprised to find that he entertained no +scruple whatever on that head, and was very far from dreading a rebuke, +either from the Archbishop or Lady Catherine de Bourgh, by venturing to +dance. + +"I am by no means of opinion, I assure you," said he, "that a ball of +this kind, given by a young man of character, to respectable people, can +have any evil tendency; and I am so far from objecting to dancing +myself, that I shall hope to be honoured with the hands of all my fair +cousins in the course of the evening; and I take this opportunity of +soliciting yours, Miss Elizabeth, for the two first dances especially; a +preference which I trust my cousin Jane will attribute to the right +cause, and not to any disrespect for her." + +Elizabeth felt herself completely taken in. She had fully proposed being +engaged by Wickham for those very dances; and to have Mr Collins +instead!--her liveliness had been never worse timed. There was no help +for it, however. Mr Wickham's happiness and her own was perforce +delayed a little longer, and Mr Collins's proposal accepted with as +good a grace as she could. She was not the better pleased with his +gallantry, from the idea it suggested of something more. It now first +struck her, that _she_ was selected from among her sisters as worthy of +being the mistress of Hunsford Parsonage, and of assisting to form a +quadrille table at Rosings, in the absence of more eligible visitors. +The idea soon reached to conviction, as she observed his increasing +civilities towards herself, and heard his frequent attempt at a +compliment on her wit and vivacity; and though more astonished than +gratified herself by this effect of her charms, it was not long before +her mother gave her to understand that the probability of their marriage +was exceedingly agreeable to _her_. Elizabeth, however, did not choose +to take the hint, being well aware that a serious dispute must be the +consequence of any reply. Mr Collins might never make the offer, and, +till he did, it was useless to quarrel about him. + +If there had not been a Netherfield ball to prepare for and talk of, the +younger Miss Bennets would have been in a pitiable state at this time; +for, from the day of the invitation to the day of the ball, there was +such a succession of rain as prevented their walking to Meryton once. No +aunt, no officers, no news could be sought after; the very shoe-roses +for Netherfield were got by proxy. Even Elizabeth might have found some +trial of her patience in weather which totally suspended the improvement +of her acquaintance with Mr Wickham; and nothing less than a dance on +Tuesday could have made such a Friday, Saturday, Sunday, and Monday +endurable to Kitty and Lydia. + +CHAPTER XVIII. + +Till Elizabeth entered the drawing-room at Netherfield, and looked in +vain for Mr Wickham among the cluster of red coats there assembled, a +doubt of his being present had never occurred to her. The certainty of +meeting him had not been checked by any of those recollections that +might not unreasonably have alarmed her. She had dressed with more than +usual care, and prepared in the highest spirits for the conquest of all +that remained unsubdued of his heart, trusting that it was not more than +might be won in the course of the evening. But in an instant arose the +dreadful suspicion of his being purposely omitted, for Mr Darcy's +pleasure, in the Bingleys' invitation to the officers; and though this +was not exactly the case, the absolute fact of his absence was +pronounced by his friend Mr Denny, to whom Lydia eagerly applied, and +who told them that Wickham had been obliged to go to town on business +the day before, and was not yet returned; adding, with a significant +smile,-- + +"I do not imagine his business would have called him away just now, if +he had not wished to avoid a certain gentleman here." + +This part of his intelligence, though unheard by Lydia, was caught by +Elizabeth; and, as it assured her that Darcy was not less answerable for +Wickham's absence than if her first surmise had been just, every feeling +of displeasure against the former was so sharpened by immediate +disappointment, that she could hardly reply with tolerable civility to +the polite inquiries which he directly afterwards approached to make. +Attention, forbearance, patience with Darcy, was injury to Wickham. She +was resolved against any sort of conversation with him, and turned away +with a degree of ill-humour which she could not wholly surmount even in +speaking to Mr Bingley, whose blind partiality provoked her. + +But Elizabeth was not formed for ill-humour; and though every prospect +of her own was destroyed for the evening, it could not dwell long on her +spirits; and, having told all her griefs to Charlotte Lucas, whom she +had not seen for a week, she was soon able to make a voluntary +transition to the oddities of her cousin, and to point him out to her +particular notice. The two first dances, however, brought a return of +distress: they were dances of mortification. Mr Collins, awkward and +solemn, apologizing instead of attending, and often moving wrong +without being aware of it, gave her all the shame and misery which a +disagreeable partner for a couple of dances can give. The moment of her +release from him was ecstasy. + +She danced next with an officer, and had the refreshment of talking of +Wickham, and of hearing that he was universally liked. When those dances +were over, she returned to Charlotte Lucas, and was in conversation with +her, when she found herself suddenly addressed by Mr Darcy, who took +her so much by surprise in his application for her hand, that, without +knowing what she did, she accepted him. He walked away again +immediately, and she was left to fret over her own want of presence of +mind: Charlotte tried to console her. + +"I dare say you will find him very agreeable." + +"Heaven forbid! _That_ would be the greatest misfortune of all! To find +a man agreeable whom one is determined to hate! Do not wish me such an +evil." + +When the dancing recommenced, however, and Darcy approached to claim her +hand, Charlotte could not help cautioning her, in a whisper, not to be a +simpleton, and allow her fancy for Wickham to make her appear unpleasant +in the eyes of a man often times his consequence. Elizabeth made no +answer, and took her place in the set, amazed at the dignity to which +she was arrived in being allowed to stand opposite to Mr Darcy, and +reading in her neighbours' looks their equal amazement in beholding it. +They stood for some time without speaking a word; and she began to +imagine that their silence was to last through the two dances, and, at +first, was resolved not to break it; till suddenly fancying that it +would be the greater punishment to her partner to oblige him to talk, +she made some slight observation on the dance. He replied, and was again +silent. After a pause of some minutes, she addressed him a second time, +with-- + +"It is _your_ turn to say something now, Mr Darcy. _I_ talked about the +dance, and _you_ ought to make some kind of remark on the size of the +room, or the number of couples." + +He smiled, and assured her that whatever she wished him to say should be +said. + +"Very well; that reply will do for the present. Perhaps, by-and-by, I +may observe that private balls are much pleasanter than public ones; but +_now_ we may be silent." + +"Do you talk by rule, then, while you are dancing?" + +"Sometimes. One must speak a little, you know. It would look odd to be +entirely silent for half an hour together; and yet, for the advantage of +_some_, conversation ought to be so arranged as that they may have the +trouble of saying as little as possible." + +"Are you consulting your own feelings in the present case, or do you +imagine that you are gratifying mine?" + +"Both," replied Elizabeth archly; "for I have always seen a great +similarity in the turn of our minds. We are each of an unsocial, +taciturn disposition, unwilling to speak, unless we expect to say +something that will amaze the whole room, and be handed down to +posterity with all the _éclat_ of a proverb." + +"This is no very striking resemblance of your own character, I am sure," +said he. "How near it may be to _mine_, I cannot pretend to say. _You_ +think it a faithful portrait, undoubtedly." + +"I must not decide on my own performance." + +He made no answer; and they were again silent till they had gone down +the dance, when he asked her if she and her sisters did not very often +walk to Meryton. She answered in the affirmative; and, unable to resist +the temptation, added, "When you met us there the other day, we had just +been forming a new acquaintance." + +The effect was immediate. A deeper shade of _hauteur_ overspread his +features, but he said not a word; and Elizabeth, though blaming herself +for her own weakness, could not go on. At length Darcy spoke, and in a +constrained manner said,-- + +"Mr Wickham is blessed with such happy manners as may insure his +_making_ friends; whether he may be equally capable of _retaining_ them, +is less certain." + +"He has been so unlucky as to lose your friendship," replied Elizabeth, +with emphasis, "and in a manner which he is likely to suffer from all +his life." + +Darcy made no answer, and seemed desirous of changing the subject. At +that moment Sir William Lucas appeared close to them, meaning to pass +through the set to the other side of the room; but, on perceiving Mr +Darcy, he stopped, with a bow of superior courtesy, to compliment him on +his dancing and his partner. + +"I have been most highly gratified, indeed, my dear sir; such very +superior dancing is not often seen. It is evident that you belong to the +first circles. Allow me to say, however, that your fair partner does not +disgrace you: and that I must hope to have this pleasure often repeated, +especially when a certain desirable event, my dear Miss Eliza (glancing +at her sister and Bingley), shall take place. What congratulations will +then flow in! I appeal to Mr Darcy;--but let me not interrupt you, sir. +You will not thank me for detaining you from the bewitching converse of +that young lady, whose bright eyes are also upbraiding me." + +The latter part of this address was scarcely heard by Darcy; but Sir +William's allusion to his friend seemed to strike him forcibly, and his +eyes were directed, with a very serious expression, towards Bingley and +Jane, who were dancing together. Recovering himself, however, shortly, +he turned to his partner, and said,-- + +"Sir William's interruption has made me forget what we were talking +of." + +"I do not think we were speaking at all. Sir William could not have +interrupted any two people in the room who had less to say for +themselves. We have tried two or three subjects already without success, +and what we are to talk of next I cannot imagine." + +"What think you of books?" said he, smiling. + +"Books--oh no!--I am sure we never read the same, or not with the same +feelings." + +"I am sorry you think so; but if that be the case, there can at least be +no want of subject. We may compare our different opinions." + +"No--I cannot talk of books in a ball-room; my head is always full of +something else." + +"The _present_ always occupies you in such scenes--does it?" said he, +with a look of doubt. + +"Yes, always," she replied, without knowing what she said; for her +thoughts had wandered far from the subject, as soon afterwards appeared +by her suddenly exclaiming, "I remember hearing you once say, Mr Darcy, +that you hardly ever forgave;--that your resentment, once created, was +unappeasable. You are very cautious, I suppose, as to its _being +created_?" + +"I am," said he, with a firm voice. + +"And never allow yourself to be blinded by prejudice?" + +"I hope not." + +"It is particularly incumbent on those who never change their opinion, +to be secure of judging properly at first." + +"May I ask to what these questions tend?" + +"Merely to the illustration of _your_ character," said she, endeavouring +to shake off her gravity. "I am trying to make it out." + +"And what is your success?" + +She shook her head. "I do not get on at all. I hear such different +accounts of you as puzzle me exceedingly." + +"I can readily believe," answered he, gravely, "that reports may vary +greatly with respect to me; and I could wish, Miss Bennet, that you were +not to sketch my character at the present moment, as there is reason to +fear that the performance would reflect no credit on either." + +"But if I do not take your likeness now, I may never have another +opportunity." + +"I would by no means suspend any pleasure of yours," he coldly replied. +She said no more, and they went down the other dance and parted in +silence; on each side dissatisfied, though not to an equal degree; for +in Darcy's breast there was a tolerably powerful feeling towards her, +which soon procured her pardon, and directed all his anger against +another. + +They had not long separated when Miss Bingley came towards her, and, +with an expression of civil disdain, thus accosted her,-- + +"So, Miss Eliza, I hear you are quite delighted with George Wickham? +Your sister has been talking to me about him, and asking me a thousand +questions; and I find that the young man forgot to tell you, among his +other communications, that he was the son of old Wickham, the late Mr +Darcy's steward. Let me recommend you, however, as a friend, not to give +implicit confidence to all his assertions; for, as to Mr Darcy's using +him ill, it is perfectly false: for, on the contrary, he has been always +remarkably kind to him, though George Wickham has treated Mr Darcy in a +most infamous manner. I do not know the particulars, but I know very +well that Mr Darcy is not in the least to blame; that he cannot bear +to hear George Wickham mentioned; and that though my brother thought he +could not well avoid including him in his invitation to the officers, he +was excessively glad to find that he had taken himself out of the way. +His coming into the country at all is a most insolent thing, indeed, and +I wonder how he could presume to do it. I pity you, Miss Eliza, for this +discovery of your favourite's guilt; but really, considering his +descent, one could not expect much better." + +"His guilt and his descent appear, by your account, to be the same," +said Elizabeth, angrily; "for I have heard you accuse him of nothing +worse than of being the son of Mr Darcy's steward, and of _that_, I can +assure you, he informed me himself." + +"I beg your pardon," replied Miss Bingley, turning away with a sneer. +"Excuse my interference; it was kindly meant." + +"Insolent girl!" said Elizabeth to herself. "You are much mistaken if +you expect to influence me by such a paltry attack as this. I see +nothing in it but your own wilful ignorance and the malice of Mr +Darcy." She then sought her eldest sister, who had undertaken to make +inquiries on the same subject of Bingley. Jane met her with a smile of +such sweet complacency, a glow of such happy expression, as sufficiently +marked how well she was satisfied with the occurrences of the evening. +Elizabeth instantly read her feelings; and, at that moment, solicitude +for Wickham, resentment against his enemies, and everything else, gave +way before the hope of Jane's being in the fairest way for happiness. + +"I want to know," said she, with a countenance no less smiling than her +sister's, "what you have learnt about Mr Wickham. But perhaps you have +been too pleasantly engaged to think of any third person, in which case +you may be sure of my pardon." + +"No," replied Jane, "I have not forgotten him; but I have nothing +satisfactory to tell you. Mr Bingley does not know the whole of his +history, and is quite ignorant of the circumstances which have +principally offended Mr Darcy; but he will vouch for the good conduct, +the probity and honour, of his friend, and is perfectly convinced that +Mr Wickham has deserved much less attention from Mr Darcy than he has +received; and I am sorry to say that by his account, as well as his +sister's, Mr Wickham is by no means a respectable young man. I am +afraid he has been very imprudent, and has deserved to lose Mr Darcy's +regard." + +"Mr Bingley does not know Mr Wickham himself." + +"No; he never saw him till the other morning at Meryton." + +"This account then is what he has received from Mr Darcy. I am +perfectly satisfied. But what does he say of the living?" + +"He does not exactly recollect the circumstances, though he has heard +them from Mr Darcy more than once, but he believes that it was left to +him _conditionally_ only." + +"I have not a doubt of Mr Bingley's sincerity," said Elizabeth warmly, +"but you must excuse my not being convinced by assurances only. Mr +Bingley's defence of his friend was a very able one, I dare say; but +since he is unacquainted with several parts of the story, and has learnt +the rest from that friend himself, I shall venture still to think of +both gentlemen as I did before." + +She then changed the discourse to one more gratifying to each, and on +which there could be no difference of sentiment. Elizabeth listened with +delight to the happy though modest hopes which Jane entertained of +Bingley's regard, and said all in her power to heighten her confidence +in it. On their being joined by Mr Bingley himself, Elizabeth withdrew +to Miss Lucas; to whose inquiry after the pleasantness of her last +partner she had scarcely replied, before Mr Collins came up to them, +and told her with great exultation, that he had just been so fortunate +as to make a most important discovery. + +"I have found out," said he, "by a singular accident, that there is now +in the room a near relation to my patroness. I happened to overhear the +gentleman himself mentioning to the young lady who does the honours of +this house the names of his cousin Miss De Bourgh, and of her mother, +Lady Catherine. How wonderfully these sort of things occur! Who would +have thought of my meeting with--perhaps--a nephew of Lady Catherine de +Bourgh in this assembly! I am most thankful that the discovery is made +in time for me to pay my respects to him, which I am now going to do, +and trust he will excuse my not having done it before. My total +ignorance of the connection must plead my apology." + +"You are not going to introduce yourself to Mr Darcy?" + +"Indeed I am. I shall entreat his pardon for not having done it earlier. +I believe him to be Lady Catherine's _nephew_. It will be in my power to +assure him that her Ladyship was quite well yesterday se'nnight." + +Elizabeth tried hard to dissuade him from such a scheme; assuring him +that Mr Darcy would consider his addressing him without introduction as +an impertinent freedom, rather than a compliment to his aunt; that it +was not in the least necessary there should be any notice on either +side, and that if it were, it must belong to Mr Darcy, the superior in +consequence, to begin the acquaintance. Mr Collins listened to her with +the determined air of following his own inclination, and when she ceased +speaking, replied thus,-- + +"My dear Miss Elizabeth, I have the highest opinion in the world of your +excellent judgment in all matters within the scope of your +understanding, but permit me to say that there must be a wide difference +between the established forms of ceremony amongst the laity and those +which regulate the clergy; for, give me leave to observe that I consider +the clerical office as equal in point of dignity with the highest rank +in the kingdom--provided that a proper humility of behaviour is at the +same time maintained. You must, therefore, allow me to follow the +dictates of my conscience on this occasion, which lead me to perform +what I look on as a point of duty. Pardon me for neglecting to profit by +your advice, which on every other subject shall be my constant guide, +though in the case before us I consider myself more fitted by education +and habitual study to decide on what is right than a young lady like +yourself;" and with a low bow he left her to attack Mr Darcy, whose +reception of his advances she eagerly watched, and whose astonishment at +being so addressed was very evident. Her cousin prefaced his speech with +a solemn bow, and though she could not hear a word of it, she felt as if +hearing it all, and saw in the motion of his lips the words "apology," +"Hunsford," and "Lady Catherine de Bourgh." It vexed her to see him +expose himself to such a man. Mr Darcy was eyeing him with +unrestrained wonder; and when at last Mr Collins allowed him to speak, +replied with an air of distant civility. Mr Collins, however, was not +discouraged from speaking again, and Mr Darcy's contempt seemed +abundantly increasing with the length of his second speech; and at the +end of it he only made him a slight bow, and moved another way: Mr +Collins then returned to Elizabeth. + +"I have no reason, I assure you," said he, "to be dissatisfied with my +reception. Mr Darcy seemed much pleased with the attention. He answered +me with the utmost civility, and even paid me the compliment of saying, +that he was so well convinced of Lady Catherine's discernment as to be +certain she could never bestow a favour unworthily. It was really a very +handsome thought. Upon the whole, I am much pleased with him." + +As Elizabeth had no longer any interest of her own to pursue, she turned +her attention almost entirely on her sister and Mr Bingley; and the +train of agreeable reflections which her observations gave birth to made +her perhaps almost as happy as Jane. She saw her in idea settled in that +very house, in all the felicity which a marriage of true affection could +bestow; and she felt capable, under such circumstances, of endeavouring +even to like Bingley's two sisters. Her mother's thoughts she plainly +saw were bent the same way, and she determined not to venture near her, +lest she might hear too much. When they sat down to supper, therefore, +she considered it a most unlucky perverseness which placed them within +one of each other; and deeply was she vexed to find that her mother was +talking to that one person (Lady Lucas) freely, openly, and of nothing +else but of her expectation that Jane would be soon married to Mr +Bingley. It was an animating subject, and Mrs Bennet seemed incapable +of fatigue while enumerating the advantages of the match. His being such +a charming young man, and so rich, and living but three miles from them, +were the first points of self-gratulation; and then it was such a +comfort to think how fond the two sisters were of Jane, and to be +certain that they must desire the connection as much as she could do. It +was, moreover, such a promising thing for her younger daughters, as +Jane's marrying so greatly must throw them in the way of other rich men; +and, lastly, it was so pleasant at her time of life to be able to +consign her single daughters to the care of their sister, that she might +not be obliged to go into company more than she liked. It was necessary +to make this circumstance a matter of pleasure, because on such +occasions it is the etiquette; but no one was less likely than Mrs +Bennet to find comfort in staying at home at any period of her life. She +concluded with many good wishes that Lady Lucas might soon be equally +fortunate, though evidently and triumphantly believing there was no +chance of it. + +In vain did Elizabeth endeavour to check the rapidity of her mother's +words, or persuade her to describe her felicity in a less audible +whisper; for to her inexpressible vexation she could perceive that the +chief of it was overheard by Mr Darcy, who sat opposite to them. Her +mother only scolded her for being nonsensical. + +"What is Mr Darcy to me, pray, that I should be afraid of him? I am +sure we owe him no such particular civility as to be obliged to say +nothing _he_ may not like to hear." + +"For heaven's sake, madam, speak lower. What advantage can it be to you +to offend Mr Darcy? You will never recommend yourself to his friend by +so doing." + +Nothing that she could say, however, had any influence. Her mother would +talk of her views in the same intelligible tone. Elizabeth blushed and +blushed again with shame and vexation. She could not help frequently +glancing her eye at Mr Darcy, though every glance convinced her of what +she dreaded; for though he was not always looking at her mother, she was +convinced that his attention was invariably fixed by her. The expression +of his face changed gradually from indignant contempt to a composed and +steady gravity. + +At length, however, Mrs Bennet had no more to say; and Lady Lucas, who +had been long yawning at the repetition of delights which she saw no +likelihood of sharing, was left to the comforts of cold ham and chicken. +Elizabeth now began to revive. But not long was the interval of +tranquillity; for when supper was over, singing was talked of, and she +had the mortification of seeing Mary, after very little entreaty, +preparing to oblige the company. By many significant looks and silent +entreaties did she endeavour to prevent such a proof of +complaisance,--but in vain; Mary would not understand them; such an +opportunity of exhibiting was delightful to her, and she began her song. +Elizabeth's eyes were fixed on her, with most painful sensations; and +she watched her progress through the several stanzas with an impatience +which was very ill rewarded at their close; for Mary, on receiving +amongst the thanks of the table the hint of a hope that she might be +prevailed on to favour them again, after the pause of half a minute +began another. Mary's powers were by no means fitted for such a display; +her voice was weak, and her manner affected. Elizabeth was in agonies. +She looked at Jane to see how she bore it; but Jane was very composedly +talking to Bingley. She looked at his two sisters, and saw them making +signs of derision at each other, and at Darcy, who continued, however, +impenetrably grave. She looked at her father to entreat his +interference, lest Mary should be singing all night. He took the hint, +and, when Mary had finished her second song, said aloud,-- + +"That will do extremely well, child. You have delighted us long enough. +Let the other young ladies have time to exhibit." + +Mary, though pretending not to hear, was somewhat disconcerted; and +Elizabeth, sorry for her, and sorry for her father's speech, was afraid +her anxiety had done no good. Others of the party were now applied to. + +"If I," said Mr Collins, "were so fortunate as to be able to sing, I +should have great pleasure, I am sure, in obliging the company with an +air; for I consider music as a very innocent diversion, and perfectly +compatible with the profession of a clergyman. I do not mean, however, +to assert that we can be justified in devoting too much of our time to +music, for there are certainly other things to be attended to. The +rector of a parish has much to do. In the first place, he must make such +an agreement for tithes as may be beneficial to himself and not +offensive to his patron. He must write his own sermons; and the time +that remains will not be too much for his parish duties, and the care +and improvement of his dwelling, which he cannot be excused from making +as comfortable as possible. And I do not think it of light importance +that he should have attentive and conciliatory manners towards +everybody, especially towards those to whom he owes his preferment. I +cannot acquit him of that duty; nor could I think well of the man who +should omit an occasion of testifying his respect towards anybody +connected with the family." And with a bow to Mr Darcy, he concluded +his speech, which had been spoken so loud as to be heard by half the +room. Many stared--many smiled; but no one looked more amused than Mr +Bennet himself, while his wife seriously commended Mr Collins for +having spoken so sensibly, and observed, in a half-whisper to Lady +Lucas, that he was a remarkably clever, good kind of young man. + +To Elizabeth it appeared, that had her family made an agreement to +expose themselves as much as they could during the evening, it would +have been impossible for them to play their parts with more spirit, or +finer success; and happy did she think it for Bingley and her sister +that some of the exhibition had escaped his notice, and that his +feelings were not of a sort to be much distressed by the folly which he +must have witnessed. That his two sisters and Mr Darcy, however, should +have such an opportunity of ridiculing her relations was bad enough; and +she could not determine whether the silent contempt of the gentleman, or +the insolent smiles of the ladies, were more intolerable. + +The rest of the evening brought her little amusement. She was teased by +Mr Collins, who continued most perseveringly by her side; and though he +could not prevail with her to dance with him again, put it out of her +power to dance with others. In vain did she entreat him to stand up with +somebody else, and offered to introduce him to any young lady in the +room. He assured her that, as to dancing, he was perfectly indifferent +to it; that his chief object was, by delicate attentions, to recommend +himself to her; and that he should therefore make a point of remaining +close to her the whole evening. There was no arguing upon such a +project. She owed her greatest relief to her friend Miss Lucas, who +often joined them, and good-naturedly engaged Mr Collins's conversation +to herself. + +She was at least free from the offence of Mr Darcy's further notice: +though often standing within a very short distance of her, quite +disengaged, he never came near enough to speak. She felt it to be the +probable consequence of her allusions to Mr Wickham, and rejoiced in +it. + +The Longbourn party were the last of all the company to depart; and by a +manœuvre of Mrs Bennet had to wait for their carriage a quarter of an +hour after everybody else was gone, which gave them time to see how +heartily they were wished away by some of the family. Mrs Hurst and her +sister scarcely opened their mouths except to complain of fatigue, and +were evidently impatient to have the house to themselves. They repulsed +every attempt of Mrs Bennet at conversation, and, by so doing, threw a +languor over the whole party, which was very little relieved by the long +speeches of Mr Collins, who was complimenting Mr Bingley and his +sisters on the elegance of their entertainment, and the hospitality and +politeness which had marked their behaviour to their guests. Darcy said +nothing at all. Mr Bennet, in equal silence, was enjoying the scene. +Mr Bingley and Jane were standing together a little detached from the +rest, and talked only to each other. Elizabeth preserved as steady a +silence as either Mrs Hurst or Miss Bingley; and even Lydia was too +much fatigued to utter more than the occasional exclamation of "Lord, +how tired I am!" accompanied by a violent yawn. + +When at length they arose to take leave, Mrs Bennet was most pressingly +civil in her hope of seeing the whole family soon at Longbourn; and +addressed herself particularly to Mr Bingley, to assure him how happy +he would make them, by eating a family dinner with them at any time, +without the ceremony of a formal invitation. Bingley was all grateful +pleasure; and he readily engaged for taking the earliest opportunity of +waiting on her after his return from London, whither he was obliged to +go the next day for a short time. + +Mrs Bennet was perfectly satisfied; and quitted the house under the +delightful persuasion that, allowing for the necessary preparations of +settlements, new carriages, and wedding clothes, she should undoubtedly +see her daughter settled at Netherfield in the course of three or four +months. Of having another daughter married to Mr Collins she thought +with equal certainty, and with considerable, though not equal, pleasure. +Elizabeth was the least dear to her of all her children; and though the +man and the match were quite good enough for _her_, the worth of each +was eclipsed by Mr Bingley and Netherfield. + +CHAPTER XIX. + +The next day opened a new scene at Longbourn. Mr Collins made his +declaration in form. Having resolved to do it without loss of time, as +his leave of absence extended only to the following Saturday, and having +no feelings of diffidence to make it distressing to himself even at the +moment, he set about it in a very orderly manner, with all the +observances which he supposed a regular part of the business. On finding +Mrs Bennet, Elizabeth, and one of the younger girls together, soon +after breakfast, he addressed the mother in these words,-- + +"May I hope, madam, for your interest with your fair daughter Elizabeth, +when I solicit for the honour of a private audience with her in the +course of this morning?" + +Before Elizabeth had time for anything but a blush of surprise, Mrs +Bennet instantly answered,-- + +"Oh dear! Yes, certainly. I am sure Lizzy will be very happy--I am sure +she can have no objection. Come, Kitty, I want you upstairs." And +gathering her work together, she was hastening away, when Elizabeth +called out,-- + +"Dear ma'am, do not go. I beg you will not go. Mr Collins must excuse +me. He can have nothing to say to me that anybody need not hear. I am +going away myself." + +"No, no, nonsense, Lizzy. I desire you will stay where you are." And +upon Elizabeth's seeming really, with vexed and embarrassed looks, about +to escape, she added, "Lizzy, I _insist_ upon your staying and hearing +Mr Collins." + +Elizabeth would not oppose such an injunction; and a moment's +consideration making her also sensible that it would be wisest to get it +over as soon and as quietly as possible, she sat down again, and tried +to conceal, by incessant employment, the feelings which were divided +between distress and diversion. Mrs Bennet and Kitty walked off, and as +soon as they were gone, Mr Collins began,-- + +"Believe me, my dear Miss Elizabeth, that your modesty, so far from +doing you any disservice, rather adds to your other perfections. You +would have been less amiable in my eyes had there _not_ been this little +unwillingness; but allow me to assure you that I have your respected +mother's permission for this address. You can hardly doubt the purport +of my discourse, however your natural delicacy may lead you to +dissemble; my attentions have been too marked to be mistaken. Almost as +soon as I entered the house I singled you out as the companion of my +future life. But before I am run away with by my feelings on this +subject, perhaps it will be advisable for me to state my reasons for +marrying--and, moreover, for coming into Hertfordshire with the design +of selecting a wife, as I certainly did." + +The idea of Mr Collins, with all his solemn composure, being run away +with by his feelings, made Elizabeth so near laughing that she could not +use the short pause he allowed in any attempt to stop him farther, and +he continued,-- + +"My reasons for marrying are, first, that I think it a right thing for +every clergyman in easy circumstances (like myself) to set the example +of matrimony in his parish; secondly, that I am convinced it will add +very greatly to my happiness; and, thirdly, which perhaps I ought to +have mentioned earlier, that it is the particular advice and +recommendation of the very noble lady whom I have the honour of calling +patroness. Twice has she condescended to give me her opinion (unasked +too!) on this subject; and it was but the very Saturday night before I +left Hunsford,--between our pools at quadrille, while Mrs Jenkinson was +arranging Miss De Bourgh's footstool,--that she said, 'Mr Collins, you +must marry. A clergyman like you must marry. Choose properly, choose a +gentlewoman for _my_ sake, and for your _own_; let her be an active, +useful sort of person, not brought up high, but able to make a small +income go a good way. This is my advice. Find such a woman as soon as +you can, bring her to Hunsford, and I will visit her.' Allow me, by the +way, to observe, my fair cousin, that I do not reckon the notice and +kindness of Lady Catherine de Bourgh as among the least of the +advantages in my power to offer. You will find her manners beyond +anything I can describe; and your wit and vivacity, I think, must be +acceptable to her, especially when tempered with the silence and respect +which her rank will inevitably excite. Thus much for my general +intention in favour of matrimony; it remains to be told why my views +were directed to Longbourn instead of my own neighbourhood, where I +assure you there are many amiable young women. But the fact is, that +being, as I am, to inherit this estate after the death of your honoured +father (who, however, may live many years longer), I could not satisfy +myself without resolving to choose a wife from among his daughters, that +the loss to them might be as little as possible when the melancholy +event takes place--which, however, as I have already said, may not be +for several years. This has been my motive, my fair cousin, and I +flatter myself it will not sink me in your esteem. And now nothing +remains for me but to assure you in the most animated language of the +violence of my affection. To fortune I am perfectly indifferent, and +shall make no demand of that nature on your father, since I am well +aware that it could not be complied with; and that one thousand pounds +in the 4 per cents., which will not be yours till after your mother's +decease, is all that you may ever be entitled to. On that head, +therefore, I shall be uniformly silent: and you may assure yourself that +no ungenerous reproach shall ever pass my lips when we are married." + +It was absolutely necessary to interrupt him now. + +"You are too hasty, sir," she cried. "You forget that I have made no +answer. Let me do it without further loss of time. Accept my thanks for +the compliment you are paying me. I am very sensible of the honour of +your proposals, but it is impossible for me to do otherwise than decline +them." + +"I am not now to learn," replied Mr Collins, with a formal wave of the +hand, "that it is usual with young ladies to reject the addresses of the +man whom they secretly mean to accept, when he first applies for their +favour; and that sometimes the refusal is repeated a second or even a +third time. I am, therefore, by no means discouraged by what you have +just said, and shall hope to lead you to the altar ere long." + +"Upon my word, sir," cried Elizabeth, "your hope is rather an +extraordinary one after my declaration. I do assure you that I am not +one of those young ladies (if such young ladies there are) who are so +daring as to risk their happiness on the chance of being asked a second +time. I am perfectly serious in my refusal. You could not make _me_ +happy, and I am convinced that I am the last woman in the world who +would make _you_ so. Nay, were your friend Lady Catherine to know me, I +am persuaded she would find me in every respect ill qualified for the +situation." + +"Were it certain that Lady Catherine would think so," said Mr Collins, +very gravely--"but I cannot imagine that her Ladyship would at all +disapprove of you. And you may be certain that when I have the honour of +seeing her again I shall speak in the highest terms of your modesty, +economy, and other amiable qualifications." + +"Indeed, Mr Collins, all praise of me will be unnecessary. You must +give me leave to judge for myself, and pay me the compliment of +believing what I say. I wish you very happy and very rich, and by +refusing your hand, do all in my power to prevent your being otherwise. +In making me the offer, you must have satisfied the delicacy of your +feelings with regard to my family, and may take possession of Longbourn +estate whenever it falls, without any self-reproach. This matter may be +considered, therefore, as finally settled." And rising as she thus +spoke, she would have quitted the room, had not Mr Collins thus +addressed her,-- + +"When I do myself the honour of speaking to you next on the subject, I +shall hope to receive a more favourable answer than you have now given +me; though I am far from accusing you of cruelty at present, because I +know it to be the established custom of your sex to reject a man on the +first application, and, perhaps, you have even now said as much to +encourage my suit as would be consistent with the true delicacy of the +female character." + +"Really, Mr Collins," cried Elizabeth, with some warmth, "you puzzle me +exceedingly. If what I have hitherto said can appear to you in the form +of encouragement, I know not how to express my refusal in such a way as +may convince you of its being one." + +"You must give me leave to flatter myself, my dear cousin, that your +refusal of my addresses are merely words of course. My reasons for +believing it are briefly these:--It does not appear to me that my hand +is unworthy of your acceptance, or that the establishment I can offer +would be any other than highly desirable. My situation in life, my +connections with the family of De Bourgh, and my relationship to your +own, are circumstances highly in my favour; and you should take it into +further consideration that, in spite of your manifold attractions, it is +by no means certain that another offer of marriage may ever be made you. +Your portion is unhappily so small, that it will in all likelihood undo +the effects of your loveliness and amiable qualifications. As I must, +therefore, conclude that you are not serious in your rejection of me, I +shall choose to attribute it to your wish of increasing my love by +suspense, according to the usual practice of elegant females." + +"I do assure you, sir, that I have no pretensions whatever to that kind +of elegance which consists in tormenting a respectable man. I would +rather be paid the compliment of being believed sincere. I thank you +again and again for the honour you have done me in your proposals, but +to accept them is absolutely impossible. My feelings in every respect +forbid it. Can I speak plainer? Do not consider me now as an elegant +female intending to plague you, but as a rational creature speaking the +truth from her heart." + +"You are uniformly charming!" cried he, with an air of awkward +gallantry; "and I am persuaded that, when sanctioned by the express +authority of both your excellent parents, my proposals will not fail of +being acceptable." + +To such perseverance in wilful self-deception Elizabeth would make no +reply, and immediately and in silence withdrew; determined, that if he +persisted in considering her repeated refusals as flattering +encouragement, to apply to her father, whose negative might be uttered +in such a manner as must be decisive, and whose behaviour at least could +not be mistaken for the affectation and coquetry of an elegant female. + +CHAPTER XX. + +Mr Collins was not left long to the silent contemplation of his +successful love; for Mrs Bennet, having dawdled about in the vestibule +to watch for the end of the conference, no sooner saw Elizabeth open the +door and with quick step pass her towards the staircase, than she +entered the breakfast-room, and congratulated both him and herself in +warm terms on the happy prospect of their nearer connection. Mr Collins +received and returned these felicitations with equal pleasure, and then +proceeded to relate the particulars of their interview, with the result +of which he trusted he had every reason to be satisfied, since the +refusal which his cousin had steadfastly given him would naturally flow +from her bashful modesty and the genuine delicacy of her character. + +This information, however, startled Mrs Bennet: she would have been +glad to be equally satisfied that her daughter had meant to encourage +him by protesting against his proposals, but she dared not believe it, +and could not help saying so. + +"But depend upon it, Mr Collins," she added, "that Lizzy shall be +brought to reason. I will speak to her about it myself directly. She is +a very headstrong, foolish girl, and does not know her own interest; but +I will _make_ her know it." + +"Pardon me for interrupting you, madam," cried Mr Collins; "but if she +is really headstrong and foolish, I know not whether she would +altogether be a very desirable wife to a man in my situation, who +naturally looks for happiness in the marriage state. If, therefore, she +actually persists in rejecting my suit, perhaps it were better not to +force her into accepting me, because, if liable to such defects of +temper, she could not contribute much to my felicity." + +"Sir, you quite misunderstand me," said Mrs Bennet, alarmed. "Lizzy is +only headstrong in such matters as these. In everything else she is as +good-natured a girl as ever lived. I will go directly to Mr Bennet, and +we shall very soon settle it with her, I am sure." + +She would not give him time to reply, but hurrying instantly to her +husband, called out, as she entered the library,-- + +"Oh, Mr Bennet, you are wanted immediately; we are all in an uproar. +You must come and make Lizzy marry Mr Collins, for she vows she will +not have him; and if you do not make haste he will change his mind and +not have _her_." + +Mr Bennet raised his eyes from his book as she entered, and fixed them +on her face with a calm unconcern, which was not in the least altered by +her communication. + +"I have not the pleasure of understanding you," said he, when she had +finished her speech. "Of what are you talking?" + +"Of Mr Collins and Lizzy. Lizzy declares she will not have Mr Collins, +and Mr Collins begins to say that he will not have Lizzy." + +"And what am I to do on the occasion? It seems a hopeless business." + +"Speak to Lizzy about it yourself. Tell her that you insist upon her +marrying him." + +"Let her be called down. She shall hear my opinion." + +Mrs Bennet rang the bell, and Miss Elizabeth was summoned to the +library. + +"Come here, child," cried her father as she appeared. "I have sent for +you on an affair of importance. I understand that Mr Collins has made +you an offer of marriage. Is it true?" + +Elizabeth replied that it was. + +"Very well--and this offer of marriage you have refused?" + +"I have, sir." + +"Very well. We now come to the point. Your mother insists upon your +accepting it. Is it not so, Mrs Bennet?" + +"Yes, or I will never see her again." + +"An unhappy alternative is before you, Elizabeth. From this day you must +be a stranger to one of your parents. Your mother will never see you +again if you do _not_ marry Mr Collins, and I will never see you again +if you _do_." + +Elizabeth could not but smile at such a conclusion of such a beginning; +but Mrs Bennet, who had persuaded herself that her husband regarded the +affair as she wished, was excessively disappointed. + +"What do you mean, Mr Bennet, by talking in this way? You promised me +to _insist_ upon her marrying him." + +"My dear," replied her husband, "I have two small favours to request. +First, that you will allow me the free use of my understanding on the +present occasion; and, secondly, of my room. I shall be glad to have the +library to myself as soon as may be." + +Not yet, however, in spite of her disappointment in her husband, did +Mrs Bennet give up the point. She talked to Elizabeth again and again; +coaxed and threatened her by turns. She endeavoured to secure Jane in +her interest, but Jane, with all possible mildness, declined +interfering; and Elizabeth, sometimes with real earnestness, and +sometimes with playful gaiety, replied to her attacks. Though her manner +varied, however, her determination never did. + +Mr Collins, meanwhile, was meditating in solitude on what had passed. +He thought too well of himself to comprehend on what motive his cousin +could refuse him; and though his pride was hurt, he suffered in no other +way. His regard for her was quite imaginary; and the possibility of her +deserving her mother's reproach prevented his feeling any regret. + +While the family were in this confusion, Charlotte Lucas came to spend +the day with them. She was met in the vestibule by Lydia, who, flying to +her, cried in a half whisper, "I am glad you are come, for there is such +fun here! What do you think has happened this morning? Mr Collins has +made an offer to Lizzy, and she will not have him." + +Charlotte had hardly time to answer before they were joined by Kitty, +who came to tell the same news; and no sooner had they entered the +breakfast-room, where Mrs Bennet was alone, than she likewise began on +the subject, calling on Miss Lucas for her compassion, and entreating +her to persuade her friend Lizzy to comply with the wishes of her +family. "Pray do, my dear Miss Lucas," she added, in a melancholy tone; +"for nobody is on my side, nobody takes part with me; I am cruelly used, +nobody feels for my poor nerves." + +Charlotte's reply was spared by the entrance of Jane and Elizabeth. + +"Ay, there she comes," continued Mrs Bennet, "looking as unconcerned as +may be, and caring no more for us than if we were at York, provided she +can have her own way. But I tell you what, Miss Lizzy, if you take it +into your head to go on refusing every offer of marriage in this way, +you will never get a husband at all--and I am sure I do not know who is +to maintain you when your father is dead. _I_ shall not be able to keep +you--and so I warn you. I have done with you from this very day. I told +you in the library, you know, that I should never speak to you again, +and you will find me as good as my word. I have no pleasure in talking +to undutiful children. Not that I have much pleasure, indeed, in talking +to anybody. People who suffer as I do from nervous complaints can have +no great inclination for talking. Nobody can tell what I suffer! But it +is always so. Those who do not complain are never pitied." + +Her daughters listened in silence to this effusion, sensible that any +attempt to reason with or soothe her would only increase the irritation. +She talked on, therefore, without interruption from any of them till +they were joined by Mr Collins, who entered with an air more stately +than usual, and on perceiving whom, she said to the girls,-- + +"Now, I do insist upon it, that you, all of you, hold your tongues, and +let Mr Collins and me have a little conversation together." + +Elizabeth passed quietly out of the room, Jane and Kitty followed, but +Lydia stood her ground, determined to hear all she could; and Charlotte, +detained first by the civility of Mr Collins, whose inquiries after +herself and all her family were very minute, and then by a little +curiosity, satisfied herself with walking to the window and pretending +not to hear. In a doleful voice Mrs Bennet thus began the projected +conversation:-- + +"Oh, Mr Collins!" + +"My dear madam," replied he, "let us be for ever silent on this point. +Far be it from me," he presently continued, in a voice that marked his +displeasure, "to resent the behaviour of your daughter. Resignation to +inevitable evils is the duty of us all: the peculiar duty of a young man +who has been so fortunate as I have been, in early preferment; and, I +trust, I am resigned. Perhaps not the less so from feeling a doubt of my +positive happiness had my fair cousin honoured me with her hand; for I +have often observed, that resignation is never so perfect as when the +blessing denied begins to lose somewhat of its value in our estimation. +You will not, I hope, consider me as showing any disrespect to your +family, my dear madam, by thus withdrawing my pretensions to your +daughter's favour, without having paid yourself and Mr Bennet the +compliment of requesting you to interpose your authority in my behalf. +My conduct may, I fear, be objectionable in having accepted my +dismission from your daughter's lips instead of your own; but we are all +liable to error. I have certainly meant well through the whole affair. +My object has been to secure an amiable companion for myself, with due +consideration for the advantage of all your family; and if my _manner_ +has been at all reprehensible, I here beg leave to apologize." + +CHAPTER XXI. + +The discussion of Mr Collins's offer was now nearly at an end, and +Elizabeth had only to suffer from the uncomfortable feelings necessarily +attending it, and occasionally from some peevish allusion of her mother. +As for the gentleman himself, _his_ feelings were chiefly expressed, not +by embarrassment or dejection, or by trying to avoid her, but by +stiffness of manner and resentful silence. He scarcely ever spoke to +her; and the assiduous attentions which he had been so sensible of +himself were transferred for the rest of the day to Miss Lucas, whose +civility in listening to him was a seasonable relief to them all, and +especially to her friend. + +The morrow produced no abatement of Mrs Bennet's ill humour or ill +health. Mr Collins was also in the same state of angry pride. Elizabeth +had hoped that his resentment might shorten his visit, but his plan did +not appear in the least affected by it. He was always to have gone on +Saturday, and to Saturday he still meant to stay. + +After breakfast, the girls walked to Meryton, to inquire if Mr Wickham +were returned, and to lament over his absence from the Netherfield ball. +He joined them on their entering the town, and attended them to their +aunt's, where his regret and vexation and the concern of everybody were +well talked over. To Elizabeth, however, he voluntarily acknowledged +that the necessity of his absence _had_ been self-imposed. + +"I found," said he, "as the time drew near, that I had better not meet +Mr Darcy;--that to be in the same room, the same party with him for so +many hours together, might be more than I could bear, and that scenes +might arise unpleasant to more than myself." + +She highly approved his forbearance; and they had leisure for a full +discussion of it, and for all the commendations which they civilly +bestowed on each other, as Wickham and another officer walked back with +them to Longbourn, and during the walk he particularly attended to her. +His accompanying them was a double advantage: she felt all the +compliment it offered to herself; and it was most acceptable as an +occasion of introducing him to her father and mother. + +Soon after their return, a letter was delivered to Miss Bennet; it came +from Netherfield, and was opened immediately. The envelope contained a +sheet of elegant, little, hot-pressed paper, well covered with a lady's +fair, flowing hand; and Elizabeth saw her sister's countenance change as +she read it, and saw her dwelling intently on some particular passages. +Jane recollected herself soon; and putting the letter away, tried to +join, with her usual cheerfulness, in the general conversation: but +Elizabeth felt an anxiety on the subject which drew off her attention +even from Wickham; and no sooner had he and his companion taken leave, +than a glance from Jane invited her to follow her upstairs. When they +had gained their own room, Jane, taking out her letter, said, "This is +from Caroline Bingley: what it contains has surprised me a good deal. +The whole party have left Netherfield by this time, and are on their way +to town; and without any intention of coming back again. You shall hear +what she says." + +She then read the first sentence aloud, which comprised the information +of their having just resolved to follow their brother to town directly, +and of their meaning to dine that day in Grosvenor Street, where Mr +Hurst had a house. The next was in these words:--"'I do not pretend to +regret anything I shall leave in Hertfordshire except your society, my +dearest friend; but we will hope, at some future period, to enjoy many +returns of that delightful intercourse we have known, and in the +meanwhile may lessen the pain of separation by a very frequent and most +unreserved correspondence. I depend on you for that.'" To these +high-flown expressions Elizabeth listened with all the insensibility of +distrust; and though the suddenness of their removal surprised her, she +saw nothing in it really to lament: it was not to be supposed that their +absence from Netherfield would prevent Mr Bingley's being there; and as +to the loss of their society, she was persuaded that Jane must soon +cease to regard it in the enjoyment of his. + +"It is unlucky," said she, after a short pause, "that you should not be +able to see your friends before they leave the country. But may we not +hope that the period of future happiness, to which Miss Bingley looks +forward, may arrive earlier than she is aware, and that the delightful +intercourse you have known as friends will be renewed with yet greater +satisfaction as sisters? Mr Bingley will not be detained in London by +them." + +"Caroline decidedly says that none of the party will return into +Hertfordshire this winter. I will read it to you. + +"'When my brother left us yesterday, he imagined that the business which +took him to London might be concluded in three or four days; but as we +are certain it cannot be so, and at the same time convinced that when +Charles gets to town he will be in no hurry to leave it again, we have +determined on following him thither, that he may not be obliged to spend +his vacant hours in a comfortless hotel. Many of my acquaintance are +already there for the winter: I wish I could hear that you, my dearest +friend, had any intention of making one in the crowd, but of that I +despair. I sincerely hope your Christmas in Hertfordshire may abound in +the gaieties which that season generally brings, and that your beaux +will be so numerous as to prevent your feeling the loss of the three of +whom we shall deprive you.' + +"It is evident by this," added Jane, "that he comes back no more this +winter." + +"It is only evident that Miss Bingley does not mean he _should_." + +"Why will you think so? It must be his own doing; he is his own master. +But you do not know _all_. I _will_ read you the passage which +particularly hurts me. I will have no reserves from _you_. 'Mr Darcy is +impatient to see his sister; and to confess the truth, _we_ are scarcely +less eager to meet her again. I really do not think Georgiana Darcy has +her equal for beauty, elegance, and accomplishments; and the affection +she inspires in Louisa and myself is heightened into something still +more interesting from the hope we dare to entertain of her being +hereafter our sister. I do not know whether I ever before mentioned to +you my feelings on this subject, but I will not leave the country +without confiding them, and I trust you will not esteem them +unreasonable. My brother admires her greatly already; he will have +frequent opportunity now of seeing her on the most intimate footing; her +relations all wish the connection as much as his own; and a sister's +partiality is not misleading me, I think, when I call Charles most +capable of engaging any woman's heart. With all these circumstances to +favour an attachment, and nothing to prevent it, am I wrong, my dearest +Jane, in indulging the hope of an event which will secure the happiness +of so many?' What think you of _this_ sentence, my dear Lizzy?" said +Jane, as she finished it. "Is it not clear enough? Does it not expressly +declare that Caroline neither expects nor wishes me to be her sister; +that she is perfectly convinced of her brother's indifference; and that +if she suspects the nature of my feelings for him she means (most +kindly!) to put me on my guard. Can there be any other opinion on the +subject?" + +"Yes, there can; for mine is totally different. Will you hear it?" + +"Most willingly." + +"You shall have it in a few words. Miss Bingley sees that her brother is +in love with you and wants him to marry Miss Darcy. She follows him to +town in the hope of keeping him there, and tries to persuade you that he +does not care about you." + +Jane shook her head. + +"Indeed, Jane, you ought to believe me. No one who has ever seen you +together can doubt his affection; Miss Bingley, I am sure, cannot: she +is not such a simpleton. Could she have seen half as much love in Mr +Darcy for herself, she would have ordered her wedding clothes. But the +case is this:--we are not rich enough or grand enough for them; and she +is the more anxious to get Miss Darcy for her brother, from the notion +that when there has been _one_ inter-marriage, she may have less trouble +in achieving a second; in which there is certainly some ingenuity, and I +dare say it would succeed if Miss de Bourgh were out of the way. But, my +dearest Jane, you cannot seriously imagine that, because Miss Bingley +tells you her brother greatly admires Miss Darcy, he is in the smallest +degree less sensible of _your_ merit than when he took leave of you on +Tuesday; or that it will be in her power to persuade him that, instead +of being in love with you, he is very much in love with her friend." + +"If we thought alike of Miss Bingley," replied Jane, "your +representation of all this might make me quite easy. But I know the +foundation is unjust. Caroline is incapable of wilfully deceiving +anyone; and all that I can hope in this case is, that she is deceived +herself." + +"That is right. You could not have started a more happy idea, since you +will not take comfort in mine: believe her to be deceived, by all means. +You have now done your duty by her, and must fret no longer." + +"But, my dear sister, can I be happy, even supposing the best, in +accepting a man whose sisters and friends are all wishing him to marry +elsewhere?" + +"You must decide for yourself," said Elizabeth; "and if, upon mature +deliberation, you find that the misery of disobliging his two sisters is +more than equivalent to the happiness of being his wife, I advise you, +by all means, to refuse him." + +"How can you talk so?" said Jane, faintly smiling; "you must know, that, +though I should be exceedingly grieved at their disapprobation, I could +not hesitate." + +"I did not think you would; and that being the case, I cannot consider +your situation with much compassion." + +"But if he returns no more this winter, my choice will never be +required. A thousand things may arise in six months." + +The idea of his returning no more Elizabeth treated with the utmost +contempt. It appeared to her merely the suggestion of Caroline's +interested wishes; and she could not for a moment suppose that those +wishes, however openly or artfully spoken, could influence a young man +so totally independent of everyone. + +She represented to her sister, as forcibly as possible, what she felt on +the subject, and had soon the pleasure of seeing its happy effect. +Jane's temper was not desponding; and she was gradually led to hope, +though the diffidence of affection sometimes overcame the hope, that +Bingley would return to Netherfield, and answer every wish of her heart. + +They agreed that Mrs Bennet should only hear of the departure of the +family, without being alarmed on the score of the gentleman's conduct; +but even this partial communication gave her a great deal of concern, +and she bewailed it as exceedingly unlucky that the ladies should happen +to go away just as they were all getting so intimate together. After +lamenting it, however, at some length, she had the consolation of +thinking that Mr Bingley would be soon down again, and soon dining at +Longbourn; and the conclusion of all was the comfortable declaration, +that, though he had been invited only to a family dinner, she would take +care to have two full courses. + +CHAPTER XXII. + +The Bennets were engaged to dine with the Lucases; and again, during the +chief of the day, was Miss Lucas so kind as to listen to Mr Collins. +Elizabeth took an opportunity of thanking her. "It keeps him in good +humour," said she, "and I am more obliged to you than I can express." + +Charlotte assured her friend of her satisfaction in being useful, and +that it amply repaid her for the little sacrifice of her time. This was +very amiable; but Charlotte's kindness extended farther than Elizabeth +had any conception of:--its object was nothing less than to secure her +from any return of Mr Collins's addresses, by engaging them towards +herself. Such was Miss Lucas's scheme; and appearances were so +favourable, that when they parted at night, she would have felt almost +sure of success if he had not been to leave Hertfordshire so very soon. +But here she did injustice to the fire and independence of his +character; for it led him to escape out of Longbourn House the next +morning with admirable slyness, and hasten to Lucas Lodge to throw +himself at her feet. He was anxious to avoid the notice of his cousins, +from a conviction that, if they saw him depart, they could not fail to +conjecture his design, and he was not willing to have the attempt known +till its success could be known likewise; for, though feeling almost +secure, and with reason, for Charlotte had been tolerably encouraging, +he was comparatively diffident since the adventure of Wednesday. His +reception, however, was of the most flattering kind. Miss Lucas +perceived him from an upper window as he walked towards the house, and +instantly set out to meet him accidentally in the lane. But little had +she dared to hope that so much love and eloquence awaited her there. + +In as short a time as Mr Collins's long speeches would allow, +everything was settled between them to the satisfaction of both; and as +they entered the house, he earnestly entreated her to name the day that +was to make him the happiest of men; and though such a solicitation must +be waived for the present, the lady felt no inclination to trifle with +his happiness. The stupidity with which he was favoured by nature must +guard his courtship from any charm that could make a woman wish for its +continuance; and Miss Lucas, who accepted him solely from the pure and +disinterested desire of an establishment, cared not how soon that +establishment were gained. + +Sir William and Lady Lucas were speedily applied to for their consent; +and it was bestowed with a most joyful alacrity. Mr Collins's present +circumstances made it a most eligible match for their daughter, to whom +they could give little fortune; and his prospects of future wealth were +exceedingly fair. Lady Lucas began directly to calculate, with more +interest than the matter had ever + +excited before, how many years longer Mr Bennet was likely to live; and +Sir William gave it as his decided opinion, that whenever Mr Collins +should be in possession of the Longbourn estate, it would be highly +expedient that both he and his wife should make their appearance at St. +James's. The whole family in short were properly overjoyed on the +occasion. The younger girls formed hopes of _coming out_ a year or two +sooner than they might otherwise have done; and the boys were relieved +from their apprehension of Charlotte's dying an old maid. Charlotte +herself was tolerably composed. She had gained her point, and had time +to consider of it. Her reflections were in general satisfactory. Mr +Collins, to be sure, was neither sensible nor agreeable: his society was +irksome, and his attachment to her must be imaginary. But still he would +be her husband. Without thinking highly either of men or of matrimony, +marriage had always been her object: it was the only honourable +provision for well-educated young women of small fortune, and, however +uncertain of giving happiness, must be their pleasantest preservative +from want. This preservative she had now obtained; and at the age of +twenty-seven, without having ever been handsome, she felt all the good +luck of it. The least agreeable circumstance in the business was the +surprise it must occasion to Elizabeth Bennet, whose friendship she +valued beyond that of any other person. Elizabeth would wonder, and +probably would blame her; and though her resolution was not to be +shaken, her feelings must be hurt by such a disapprobation. She resolved +to give her the information herself; and therefore charged Mr Collins, +when he returned to Longbourn to dinner, to drop no hint of what had +passed before any of the family. A promise of secrecy was of course very +dutifully given, but it could not be kept without difficulty; for the +curiosity excited by his long absence burst forth in such very direct +questions on his return, as required some ingenuity to evade, and he was +at the same time exercising great self-denial, for he was longing to +publish his prosperous love. + +As he was to begin his journey too early on the morrow to see any of +the family, the ceremony of leave-taking was performed when the ladies +moved for the night; and Mrs Bennet, with great politeness and +cordiality, said how happy they should be to see him at Longbourn again, +whenever his other engagements might allow him to visit them. + +"My dear madam," he replied, "this invitation is particularly +gratifying, because it is what I have been hoping to receive; and you +may be very certain that I shall avail myself of it as soon as +possible." + +They were all astonished; and Mr Bennet, who could by no means wish for +so speedy a return, immediately said,-- + +"But is there not danger of Lady Catherine's disapprobation here, my +good sir? You had better neglect your relations than run the risk of +offending your patroness." + +"My dear sir," replied Mr Collins, "I am particularly obliged to you +for this friendly caution, and you may depend upon my not taking so +material a step without her Ladyship's concurrence." + +"You cannot be too much on your guard. Risk anything rather than her +displeasure; and if you find it likely to be raised by your coming to us +again, which I should think exceedingly probable, stay quietly at home, +and be satisfied that _we_ shall take no offence." + +"Believe me, my dear sir, my gratitude is warmly excited by such +affectionate attention; and, depend upon it, you will speedily receive +from me a letter of thanks for this as well as for every other mark of +your regard during my stay in Hertfordshire. As for my fair cousins, +though my absence may not be long enough to render it necessary, I shall +now take the liberty of wishing them health and happiness, not excepting +my cousin Elizabeth." + +With proper civilities, the ladies then withdrew; all of them equally +surprised to find that he meditated a quick return. Mrs Bennet wished +to understand by it that he thought of paying his addresses to one of +her younger girls, and Mary might have been prevailed on to accept him. +She rated his abilities much higher than any of the others: there was a +solidity in his reflections which often struck her; and though by no +means so clever as herself, she thought that, if encouraged to read and +improve himself by such an example as hers, he might become a very +agreeable companion. But on the following morning every hope of this +kind was done away. Miss Lucas called soon after breakfast, and in a +private conference with Elizabeth related the event of the day before. + +The possibility of Mr Collins's fancying himself in love with her +friend had once occurred to Elizabeth within the last day or two: but +that Charlotte could encourage him seemed almost as far from possibility +as that she could encourage him herself; and her astonishment was +consequently so great as to overcome at first the bounds of decorum, and +she could not help crying out,-- + +"Engaged to Mr Collins! my dear Charlotte, impossible!" + +The steady countenance which Miss Lucas had commanded in telling her +story gave way to a momentary confusion here on receiving so direct a +reproach; though, as it was no more than she expected, she soon regained +her composure, and calmly replied,-- + +"Why should you be surprised, my dear Eliza? Do you think it incredible +that Mr Collins should be able to procure any woman's good opinion, +because he was not so happy as to succeed with you?" + +But Elizabeth had now recollected herself; and, making a strong effort +for it, was able to assure her, with tolerable firmness, that the +prospect of their relationship was highly grateful to her, and that she +wished her all imaginable happiness. + +"I see what you are feeling," replied Charlotte; "you must be surprised, +very much surprised, so lately as Mr Collins was wishing to marry you. +But when you have had time to think it all over, I hope you will be +satisfied with what I have done. I am not romantic, you know. I never +was. I ask only a comfortable home; and, considering Mr Collins's +character, connections, and situation in life, I am convinced that my +chance of happiness with him is as fair as most people can boast on +entering the marriage state." + +Elizabeth quietly answered "undoubtedly;" and, after an awkward pause, +they returned to the rest of the family. Charlotte did not stay much +longer; and Elizabeth was then left to reflect on what she had heard. It +was a long time before she became at all reconciled to the idea of so +unsuitable a match. The strangeness of Mr Collins's making two offers +of marriage within three days was nothing in comparison of his being now +accepted. She had always felt that Charlotte's opinion of matrimony was +not exactly like her own; but she could not have supposed it possible +that, when called into action, she would have sacrificed every better +feeling to worldly advantage. Charlotte, the wife of Mr Collins, was a +most humiliating picture! And to the pang of a friend disgracing +herself, and sunk in her esteem, was added the distressing conviction +that it was impossible for that friend to be tolerably happy in the lot +she had chosen. + +CHAPTER XXIII. + +Elizabeth was sitting with her mother and sisters, reflecting on what +she had heard, and doubting whether she was authorized to mention it, +when Sir William Lucas himself appeared, sent by his daughter to +announce her engagement to the family. With many compliments to them, +and much self-gratulation on the prospect of a connection between the +houses, he unfolded the matter,--to an audience not merely wondering, +but incredulous; for Mrs Bennet, with more perseverance than +politeness, protested he must be entirely mistaken; and Lydia, always +unguarded and often uncivil, boisterously exclaimed,-- + +"Good Lord! Sir William, how can you tell such a story? Do not you know +that Mr Collins wants to marry Lizzy?" + +Nothing less than the complaisance of a courtier could have borne +without anger such treatment: but Sir William's good-breeding carried +him through it all; and though he begged leave to be positive as to the +truth of his information, he listened to all their impertinence with the +most forbearing courtesy. + +Elizabeth, feeling it incumbent on her to relieve him from so unpleasant +a situation, now put herself forward to confirm his account, by +mentioning her prior knowledge of it from Charlotte herself; and +endeavoured to put a stop to the exclamations of her mother and sisters, +by the earnestness of her congratulations to Sir William, in which she +was readily joined by Jane, and by making a variety of remarks on the +happiness that might be expected from the match, the excellent character +of Mr Collins, and the convenient distance of Hunsford from London. + +Mrs Bennet was, in fact, too much overpowered to say a great deal while +Sir William remained; but no sooner had he left them than her feelings +found a rapid vent. In the first place, she persisted in disbelieving +the whole of the matter; secondly, she was very sure that Mr Collins +had been taken in; thirdly, she trusted that they would never be happy +together; and, fourthly, that the match might be broken off. Two +inferences, however, were plainly deduced from the whole: one, that +Elizabeth was the real cause of all the mischief; and the other, that +she herself had been barbarously used by them all; and on these two +points she principally dwelt during the rest of the day. Nothing could +console and nothing appease her. Nor did that day wear out her +resentment. A week elapsed before she could see Elizabeth without +scolding her: a month passed away before she could speak to Sir William +or Lady Lucas without being rude; and many months were gone before she +could at all forgive their daughter. + +Mr Bennet's emotions were much more tranquil on the occasion, and such +as he did experience he pronounced to be of a most agreeable sort; for +it gratified him, he said, to discover that Charlotte Lucas, whom he had +been used to think tolerably sensible, was as foolish as his wife, and +more foolish than his daughter! + +Jane confessed herself a little surprised at the match: but she said +less of her astonishment than of her earnest desire for their happiness; +nor could Elizabeth persuade her to consider it as improbable. Kitty and +Lydia were far from envying Miss Lucas, for Mr Collins was only a +clergyman; and it affected them in no other way than as a piece of news +to spread at Meryton. + +Lady Lucas could not be insensible of triumph on being able to retort on +Mrs Bennet the comfort of having a daughter well married; and she +called at Longbourn rather oftener than usual to say how happy she was, +though Mrs Bennet's sour looks and ill-natured remarks might have been +enough to drive happiness away. + +Between Elizabeth and Charlotte there was a restraint which kept them +mutually silent on the subject; and Elizabeth felt persuaded that no +real confidence could ever subsist between them again. Her +disappointment in Charlotte made her turn with fonder regard to her +sister, of whose rectitude and delicacy she was sure her opinion could +never be shaken, and for whose happiness she grew daily more anxious, as +Bingley had now been gone a week, and nothing was heard of his return. + +Jane had sent Caroline an early answer to her letter, and was counting +the days till she might reasonably hope to hear again. The promised +letter of thanks from Mr Collins arrived on Tuesday, addressed to their +father, and written with all the solemnity of gratitude which a +twelve-month's abode in the family might have prompted. After +discharging his conscience on that head, he proceeded to inform them, +with many rapturous expressions, of his happiness in having obtained the +affection of their amiable neighbour, Miss Lucas, and then explained +that it was merely with the view of enjoying her society that he had +been so ready to close with their kind wish of seeing him again at +Longbourn, whither he hoped to be able to return on Monday fortnight; +for Lady Catherine, he added, so heartily approved his marriage, that +she wished it to take place as soon as possible, which he trusted would +be an unanswerable argument with his amiable Charlotte to name an early +day for making him the happiest of men. + +Mr Collins's return into Hertfordshire was no longer a matter of +pleasure to Mrs Bennet. On the contrary, she was as much disposed to +complain of it as her husband. It was very strange that he should come +to Longbourn instead of to Lucas Lodge; it was also very inconvenient +and exceedingly troublesome. She hated having visitors in the house +while her health was so indifferent, and lovers were of all people the +most disagreeable. Such were the gentle murmurs of Mrs Bennet, and they +gave way only to the greater distress of Mr Bingley's continued +absence. + +Neither Jane nor Elizabeth were comfortable on this subject. Day after +day passed away without bringing any other tidings of him than the +report which shortly prevailed in Meryton of his coming no more to +Netherfield the whole winter; a report which highly incensed Mrs +Bennet, and which she never failed to contradict as a most scandalous +falsehood. + +Even Elizabeth began to fear--not that Bingley was indifferent--but that +his sisters would be successful in keeping him away. Unwilling as she +was to admit an idea so destructive to Jane's happiness, and so +dishonourable to the stability of her lover, she could not prevent its +frequently recurring. The united efforts of his two unfeeling sisters, +and of his overpowering friend, assisted by the attractions of Miss +Darcy and the amusements of London, might be too much, she feared, for +the strength of his attachment. + +As for Jane, _her_ anxiety under this suspense was, of course, more +painful than Elizabeth's: but whatever she felt she was desirous of +concealing; and between herself and Elizabeth, therefore, the subject +was never alluded to. But as no such delicacy restrained her mother, an +hour seldom passed in which she did not talk of Bingley, express her +impatience for his arrival, or even require Jane to confess that if he +did not come back she should think herself very ill-used. It needed all +Jane's steady mildness to bear these attacks with tolerable +tranquillity. + +Mr Collins returned most punctually on the Monday fortnight, but his +reception at Longbourn was not quite so gracious as it had been on his +first introduction. He was too happy, however, to need much attention; +and, luckily for the others, the business of love-making relieved them +from a great deal of his company. The chief of every day was spent by +him at Lucas Lodge, and he sometimes returned to Longbourn only in time +to make an apology for his absence before the family went to bed. + +Mrs Bennet was really in a most pitiable state. The very mention of +anything concerning the match threw her into an agony of ill-humour, and +wherever she went she was sure of hearing it talked of. The sight of +Miss Lucas was odious to her. As her successor in that house, she +regarded her with jealous abhorrence. Whenever Charlotte came to see +them, she concluded her to be anticipating the hour of possession; and +whenever she spoke in a low voice to Mr Collins, was convinced that +they were talking of the Longbourn estate, and resolving to turn herself +and her daughters out of the house as soon as Mr Bennet was dead. She +complained bitterly of all this to her husband. + +"Indeed, Mr Bennet," said she, "it is very hard to think that Charlotte +Lucas should ever be mistress of this house, that _I_ should be forced +to make way for _her_, and live to see her take my place in it!" + +"My dear, do not give way to such gloomy thoughts. Let us hope for +better things. Let us flatter ourselves that _I_ may be the survivor." + +This was not very consoling to Mrs Bennet; and, therefore, instead of +making any answer, she went on as before. + +"I cannot bear to think that they should have all this estate. If it was +not for the entail, I should not mind it." + +"What should not you mind?" + +"I should not mind anything at all." + +"Let us be thankful that you are preserved from a state of such +insensibility." + +"I never can be thankful, Mr Bennet, for anything about the entail. How +anyone could have the conscience to entail away an estate from one's own +daughters I cannot understand; and all for the sake of Mr Collins, too! +Why should _he_ have it more than anybody else?" + +"I leave it to yourself to determine," said Mr Bennet. + +CHAPTER XXIV. + +Miss Bingley's letter arrived, and put an end to doubt. The very first +sentence conveyed the assurance of their being all settled in London for +the winter, and concluded with her brother's regret at not having had +time to pay his respects to his friends in Hertfordshire before he left +the country. + +Hope was over, entirely over; and when Jane could attend to the rest of +the letter, she found little, except the professed affection of the +writer, that could give her any comfort. Miss Darcy's praise occupied +the chief of it. Her many attractions were again dwelt on; and Caroline +boasted joyfully of their increasing intimacy, and ventured to predict +the accomplishment of the wishes which had been unfolded in her former +letter. She wrote also with great pleasure of her brother's being an +inmate of Mr Darcy's house, and mentioned with raptures some plans of +the latter with regard to new furniture. + +Elizabeth, to whom Jane very soon communicated the chief of all this, +heard it in silent indignation. Her heart was divided between concern +for her sister and resentment against all others. To Caroline's +assertion of her brother's being partial to Miss Darcy, she paid no +credit. That he was really fond of Jane, she doubted no more than she +had ever done; and much as she had always been disposed to like him, she +could not think without anger, hardly without contempt, on that easiness +of temper, that want of proper resolution, which now made him the slave +of his designing friends, and led him to sacrifice his own happiness to +the caprice of their inclinations. Had his own happiness, however, been +the only sacrifice, he might have been allowed to sport with it in +whatever manner he thought best; but her sister's was involved in it, as +she thought he must be sensible himself. It was a subject, in short, on +which reflection would be long indulged, and must be unavailing. She +could think of nothing else; and yet, whether Bingley's regard had +really died away, or were suppressed by his friends' interference; +whether he had been aware of Jane's attachment, or whether it had +escaped his observation; whichever were the case, though her opinion of +him must be materially affected by the difference, her sister's +situation remained the same, her peace equally wounded. + +A day or two passed before Jane had courage to speak of her feelings to +Elizabeth; but at last, on Mrs Bennet's leaving them together, after a +longer irritation than usual about Netherfield and its master, she could +not help saying,-- + +"O that my dear mother had more command over herself! she can have no +idea of the pain she gives me by her continual reflections on him. But I +will not repine. It cannot last long. He will be forgot, and we shall +all be as we were before." + +Elizabeth looked at her sister with incredulous solicitude, but said +nothing. + +"You doubt me," cried Jane, slightly colouring; "indeed, you have no +reason. He may live in my memory as the most amiable man of my +acquaintance but that is all. I have nothing either to hope or fear, and +nothing to reproach him with. Thank God I have not _that_ pain. A little +time, therefore--I shall certainly try to get the better----" + +With a stronger voice she soon added, "I have this comfort immediately, +that it has not been more than an error of fancy on my side, and that it +has done no harm to anyone but myself." + +"My dear Jane," exclaimed Elizabeth, "you are too good. Your sweetness +and disinterestedness are really angelic; I do not know what to say to +you. I feel as if I had never done you justice, or loved you as you +deserve." + +Miss Bennet eagerly disclaimed all extraordinary merit, and threw back +the praise on her sister's warm affection. + +"Nay," said Elizabeth, "this is not fair. _You_ wish to think all the +world respectable, and are hurt if I speak ill of anybody. _I_ only want +to think _you_ perfect, and you set yourself against it. Do not be +afraid of my running into any excess, of my encroaching on your +privilege of universal good-will. You need not. There are few people +whom I really love, and still fewer of whom I think well. The more I see +of the world the more am I dissatisfied with it; and every day confirms +my belief of the inconsistency of all human characters, and of the +little dependence that can be placed on the appearance of either merit +or sense. I have met with two instances lately: one I will not mention, +the other is Charlotte's marriage. It is unaccountable! in every view it +is unaccountable!" + +"My dear Lizzy, do not give way to such feelings as these. They will +ruin your happiness. You do not make allowance enough for difference of +situation and temper. Consider Mr Collins's respectability, and +Charlotte's prudent, steady character. Remember that she is one of a +large family; that as to fortune it is a most eligible match; and be +ready to believe, for everybody's sake, that she may feel something like +regard and esteem for our cousin." + +"To oblige you, I would try to believe almost anything, but no one else +could be benefited by such a belief as this; for were I persuaded that +Charlotte had any regard for him, I should only think worse of her +understanding than I now do of her heart. My dear Jane, Mr Collins is a +conceited, pompous, narrow-minded, silly man: you know he is, as well as +I do; and you must feel, as well as I do, that the woman who marries him +cannot have a proper way of thinking. You shall not defend her, though +it is Charlotte Lucas. You shall not, for the sake of one individual, +change the meaning of principle and integrity, nor endeavour to persuade +yourself or me, that selfishness is prudence, and insensibility of +danger security for happiness." + +"I must think your language too strong in speaking of both," replied +Jane; "and I hope you will be convinced of it, by seeing them happy +together. But enough of this. You alluded to something else. You +mentioned _two_ instances. I cannot misunderstand you, but I entreat +you, dear Lizzy, not to pain me by thinking _that person_ to blame, and +saying your opinion of him is sunk. We must not be so ready to fancy +ourselves intentionally injured. We must not expect a lively young man +to be always so guarded and circumspect. It is very often nothing but +our own vanity that deceives us. Women fancy admiration means more than +it does." + +"And men take care that they should." + +"If it is designedly done, they cannot be justified; but I have no idea +of there being so much design in the world as some persons imagine." + +"I am far from attributing any part of Mr Bingley's conduct to design," +said Elizabeth; "but, without scheming to do wrong, or to make others +unhappy, there may be error and there may be misery. Thoughtlessness, +want of attention to other people's feelings, and want of resolution, +will do the business." + +"And do you impute it to either of those?" + +"Yes; to the last. But if I go on I shall displease you by saying what I +think of persons you esteem. Stop me, whilst you can." + +"You persist, then, in supposing his sisters influence him?" + +"Yes, in conjunction with his friend." + +"I cannot believe it. Why should they try to influence him? They can +only wish his happiness; and if he is attached to me no other woman can +secure it." + +"Your first position is false. They may wish many things besides his +happiness: they may wish his increase of wealth and consequence; they +may wish him to marry a girl who has all the importance of money, great +connections, and pride." + +"Beyond a doubt they do wish him to choose Miss Darcy," replied Jane; +"but this may be from better feelings than you are supposing. They have +known her much longer than they have known me; no wonder if they love +her better. But, whatever may be their own wishes, it is very unlikely +they should have opposed their brother's. What sister would think +herself at liberty to do it, unless there were something very +objectionable? If they believed him attached to me they would not try to +part us; if he were so, they could not succeed. By supposing such an +affection, you make everybody acting unnaturally and wrong, and me most +unhappy. Do not distress me by the idea. I am not ashamed of having been +mistaken--or, at least, it is slight, it is nothing in comparison of +what I should feel in thinking ill of him or his sisters. Let me take it +in the best light, in the light in which it may be understood." + +Elizabeth could not oppose such a wish; and from this time Mr Bingley's +name was scarcely ever mentioned between them. + +Mrs Bennet still continued to wonder and repine at his returning no +more; and though a day seldom passed in which Elizabeth did not account +for it clearly, there seemed little chance of her ever considering it +with less perplexity. Her daughter endeavoured to convince her of what +she did not believe herself, that his attentions to Jane had been merely +the effect of a common and transient liking, which ceased when he saw +her no more; but though the probability of the statement was admitted at +the time, she had the same story to repeat every day. Mrs Bennet's best +comfort was, that Mr Bingley must be down again in the summer. + +Mr Bennet treated the matter differently. "So, Lizzy," said he, one +day, "your sister is crossed in love, I find. I congratulate her. Next +to being married, a girl likes to be crossed in love a little now and +then. It is something to think of, and gives her a sort of distinction +among her companions. When is your turn to come? You will hardly bear to +be long outdone by Jane. Now is your time. Here are officers enough at +Meryton to disappoint all the young ladies in the country. Let Wickham +be your man. He is a pleasant fellow, and would jilt you creditably." + +"Thank you, sir, but a less agreeable man would satisfy me. We must not +all expect Jane's good fortune." + +"True," said Mr Bennet; "but it is a comfort to think that, whatever of +that kind may befall you, you have an affectionate mother who will +always make the most of it." + +Mr Wickham's society was of material service in dispelling the gloom +which the late perverse occurrences had thrown on many of the Longbourn +family. They saw him often, and to his other recommendations was now +added that of general unreserve. The whole of what Elizabeth had already +heard, his claims on Mr Darcy, and all that he had suffered from him, +was now openly acknowledged and publicly canvassed; and everybody was +pleased to think how much they had always disliked Mr Darcy before they +had known anything of the matter. + +Miss Bennet was the only creature who could suppose there might be any +extenuating circumstances in the case unknown to the society of +Hertfordshire: her mild and steady candour always pleaded for +allowances, and urged the possibility of mistakes; but by everybody else +Mr Darcy was condemned as the worst of men. + +CHAPTER XXV. + +After a week spent in professions of love and schemes of felicity, Mr +Collins was called from his amiable Charlotte by the arrival of +Saturday. The pain of separation, however, might be alleviated on his +side by preparations for the reception of his bride, as he had reason to +hope, that shortly after his next return into Hertfordshire, the day +would be fixed that was to make him the happiest of men. He took leave +of his relations at Longbourn with as much solemnity as before; wished +his fair cousins health and happiness again, and promised their father +another letter of thanks. + +On the following Monday, Mrs Bennet had the pleasure of receiving her +brother and his wife, who came, as usual, to spend the Christmas at +Longbourn. Mr Gardiner was a sensible, gentlemanlike man, greatly +superior to his sister, as well by nature as education. The Netherfield +ladies would have had difficulty in believing that a man who lived by +trade, and within view of his own warehouses, could have been so +well-bred and agreeable. Mrs Gardiner, who was several years younger +than Mrs Bennet and Mrs Philips, was an amiable, intelligent, elegant +woman, and a great favourite with her Longbourn nieces. Between the two +eldest and herself especially, there subsisted a very particular regard. +They had frequently been staying with her in town. + +The first part of Mrs Gardiner's business, on her arrival, was to +distribute her presents and describe the newest fashions. When this was +done, she had a less active part to play. It became her turn to listen. +Mrs Bennet had many grievances to relate, and much to complain of. They +had all been very ill-used since she last saw her sister. Two of her +girls had been on the point of marriage, and after all there was nothing +in it. + +"I do not blame Jane," she continued, "for Jane would have got Mr +Bingley if she could. But, Lizzy! Oh, sister! it is very hard to think +that she might have been Mr Collins's wife by this time, had not it +been for her own perverseness. He made her an offer in this very room, +and she refused him. The consequence of it is, that Lady Lucas will have +a daughter married before I have, and that Longbourn estate is just as +much entailed as ever. The Lucases are very artful people, indeed, +sister. They are all for what they can get. I am sorry to say it of +them, but so it is. It makes me very nervous and poorly, to be thwarted +so in my own family, and to have neighbours who think of themselves +before anybody else. However, your coming just at this time is the +greatest of comforts, and I am very glad to hear what you tell us of +long sleeves." + +Mrs Gardiner, to whom the chief of this news had been given before, in +the course of Jane and Elizabeth's correspondence with her, made her +sister a slight answer, and, in compassion to her nieces, turned the +conversation. + +When alone with Elizabeth afterwards, she spoke more on the subject. +"It seems likely to have been a desirable match for Jane," said she. "I +am sorry it went off. But these things happen so often! A young man, +such as you describe Mr Bingley, so easily falls in love with a pretty +girl for a few weeks, and, when accident separates them, so easily +forgets her, that these sort of inconstancies are very frequent." + +"An excellent consolation in its way," said Elizabeth; "but it will not +do for _us_. We do not suffer by accident. It does not often happen +that the interference of friends will persuade a young man of +independent fortune to think no more of a girl whom he was violently in +love with only a few days before." + +"But that expression of 'violently in love' is so hackneyed, so +doubtful, so indefinite, that it gives me very little idea. It is as +often applied to feelings which arise only from a half hour's +acquaintance, as to a real, strong attachment. Pray, how _violent was_ +Mr Bingley's love?" + +"I never saw a more promising inclination; he was growing quite +inattentive to other people, and wholly engrossed by her. Every time +they met, it was more decided and remarkable. At his own ball he +offended two or three young ladies by not asking them to dance; and I +spoke to him twice myself without receiving an answer. Could there be +finer symptoms? Is not general incivility the very essence of love?" + +"Oh, yes! of that kind of love which I suppose him to have felt. Poor +Jane! I am sorry for her, because, with her disposition, she may not get +over it immediately. It had better have happened to _you_, Lizzy; you +would have laughed yourself out of it sooner. But do you think she would +be prevailed on to go back with us? Change of scene might be of +service--and perhaps a little relief from home may be as useful as +anything." + +Elizabeth was exceedingly pleased with this proposal, and felt persuaded +of her sister's ready acquiescence. + +"I hope," added Mrs Gardiner, "that no consideration with regard to +this young man will influence her. We live in so different a part of +town, all our connections are so different, and, as you well know, we go +out so little, that it is very improbable they should meet at all, +unless he really comes to see her." + +"And _that_ is quite impossible; for he is now in the custody of his +friend, and Mr Darcy would no more suffer him to call on Jane in such a +part of London! My dear aunt, how could you think of it? Mr Darcy may, +perhaps, have _heard_ of such a place as Gracechurch Street, but he +would hardly think a month's ablution enough to cleanse him from its +impurities, were he once to enter it; and, depend upon it, Mr Bingley +never stirs without him." + +"So much the better. I hope they will not meet at all. But does not Jane +correspond with his sister? _She_ will not be able to help calling." + +"She will drop the acquaintance entirely." + +But, in spite of the certainty in which Elizabeth affected to place this +point, as well as the still more interesting one of Bingley's being +withheld from seeing Jane, she felt a solicitude on the subject which +convinced her, on examination, that she did not consider it entirely +hopeless. It was possible, and sometimes she thought it probable, that +his affection might be re-animated, and the influence of his friends +successfully combated by the more natural influence of Jane's +attractions. + +Miss Bennet accepted her aunt's invitation with pleasure; and the +Bingleys were no otherwise in her thoughts at the same time than as she +hoped, by Caroline's not living in the same house with her brother, she +might occasionally spend a morning with her, without any danger of +seeing him. + +The Gardiners stayed a week at Longbourn; and what with the Philipses, +the Lucases, and the officers, there was not a day without its +engagement. Mrs Bennet had so carefully provided for the entertainment +of her brother and sister, that they did not once sit down to a family +dinner. When the engagement was for home, some of the officers always +made part of it, of which officers Mr Wickham was sure to be one; and +on these occasions Mrs Gardiner, rendered suspicious by Elizabeth's +warm commendation of him, narrowly observed them both. Without supposing +them, from what she saw, to be very seriously in love, their preference +of each other was plain enough to make her a little uneasy; and she +resolved to speak to Elizabeth on the subject before she left +Hertfordshire, and represent to her the imprudence of encouraging such +an attachment. + +To Mrs Gardiner, Wickham had one means of affording pleasure, +unconnected with his general powers. About ten or a dozen years ago, +before her marriage, she had spent a considerable time in that very part +of Derbyshire to which he belonged. They had, therefore, many +acquaintance in common; and, though Wickham had been little there since +the death of Darcy's father, five years before, it was yet in his power +to give her fresher intelligence of her former friends than she had been +in the way of procuring. + +Mrs Gardiner had seen Pemberley, and known the late Mr Darcy by +character perfectly well. Here, consequently, was an inexhaustible +subject of discourse. In comparing her recollection of Pemberley with +the minute description which Wickham could give, and in bestowing her +tribute of praise on the character of its late possessor, she was +delighting both him and herself. On being made acquainted with the +present Mr Darcy's treatment of him, she tried to remember something of +that gentleman's reputed disposition, when quite a lad, which might +agree with it; and was confident, at last, that she recollected having +heard Mr Fitzwilliam Darcy formerly spoken of as a very proud, +ill-natured boy. + +CHAPTER XXVI. + +Mrs Gardiner's caution to Elizabeth was punctually and kindly given on +the first favourable opportunity of speaking to her alone: after +honestly telling her what she thought, she thus went on:-- + +"You are too sensible a girl, Lizzy, to fall in love merely because you +are warned against it; and, therefore, I am not afraid of speaking +openly. Seriously, I would have you be on your guard. Do not involve +yourself, or endeavour to involve him, in an affection which the want of +fortune would make so very imprudent. I have nothing to say against +_him_: he is a most interesting young man; and if he had the fortune he +ought to have, I should think you could not do better. But as it is--you +must not let your fancy run away with you. You have sense, and we all +expect you to use it. Your father would depend on _your_ resolution and +good conduct, I am sure. You must not disappoint your father." + +"My dear aunt, this is being serious indeed." + +"Yes, and I hope to engage you to be serious likewise." + +"Well, then, you need not be under any alarm. I will take care of +myself, and of Mr Wickham too. He shall not be in love with me, if I +can prevent it." + +"Elizabeth, you are not serious now." + +"I beg your pardon. I will try again. At present I am not in love with +Mr Wickham; no, I certainly am not. But he is, beyond all comparison, +the most agreeable man I ever saw--and if he becomes really attached to +me--I believe it will be better that he should not. I see the imprudence +of it. Oh, _that_ abominable Mr Darcy! My father's opinion of me does +me the greatest honour; and I should be miserable to forfeit it. My +father, however, is partial to Mr Wickham. In short, my dear aunt, I +should be very sorry to be the means of making any of you unhappy; but +since we see, every day, that where there is affection young people are +seldom withheld, by immediate want of fortune, from entering into +engagements with each other, how can I promise to be wiser than so many +of my fellow-creatures, if I am tempted, or how am I even to know that +it would be wiser to resist? All that I can promise you, therefore, is +not to be in a hurry. I will not be in a hurry to believe myself his +first object. When I am in company with him, I will not be wishing. In +short, I will do my best." + +"Perhaps it will be as well if you discourage his coming here so very +often. At least you should not _remind_ your mother of inviting him." + +"As I did the other day," said Elizabeth, with a conscious smile; "very +true, it will be wise in me to refrain from _that_. But do not imagine +that he is always here so often. It is on your account that he has been +so frequently invited this week. You know my mother's ideas as to the +necessity of constant company for her friends. But really, and upon my +honour, I will try to do what I think to be wisest; and now I hope you +are satisfied." + +Her aunt assured her that she was; and Elizabeth, having thanked her for +the kindness of her hints, they parted,--a wonderful instance of advice +being given on such a point without being resented. + +Mr Collins returned into Hertfordshire soon after it had been quitted +by the Gardiners and Jane; but, as he took up his abode with the +Lucases, his arrival was no great inconvenience to Mrs Bennet. His +marriage was now fast approaching; and she was at length so far resigned +as to think it inevitable, and even repeatedly to say, in an ill-natured +tone, that she "_wished_ they might be happy." Thursday was to be the +wedding-day, and on Wednesday Miss Lucas paid her farewell visit; and +when she rose to take leave, Elizabeth, ashamed of her mother's +ungracious and reluctant good wishes, and sincerely affected herself, +accompanied her out of the room. As they went down stairs together, +Charlotte said,-- + +"I shall depend on hearing from you very often, Eliza." + +"_That_ you certainly shall." + +"And I have another favour to ask. Will you come and see me?" + +"We shall often meet, I hope, in Hertfordshire." + +"I am not likely to leave Kent for some time. Promise me, therefore, to +come to Hunsford." + +Elizabeth could not refuse, though she foresaw little pleasure in the +visit. + +"My father and Maria are to come to me in March," added Charlotte, "and +I hope you will consent to be of the party. Indeed, Eliza, you will be +as welcome to me as either of them." + +The wedding took place: the bride and bridegroom set off for Kent from +the church door, and everybody had as much to say or to hear on the +subject as usual. Elizabeth soon heard from her friend, and their +correspondence was as regular and frequent as it ever had been: that it +should be equally unreserved was impossible. Elizabeth could never +address her without feeling that all the comfort of intimacy was over; +and, though determined not to slacken as a correspondent, it was for the +sake of what had been rather than what was. Charlotte's first letters +were received with a good deal of eagerness: there could not but be +curiosity to know how she would speak of her new home, how she would +like Lady Catherine, and how happy she would dare pronounce herself to +be; though, when the letters were read, Elizabeth felt that Charlotte +expressed herself on every point exactly as she might have foreseen. She +wrote cheerfully, seemed surrounded with comforts, and mentioned nothing +which she could not praise. The house, furniture, neighbourhood, and +roads, were all to her taste, and Lady Catherine's behaviour was most +friendly and obliging. It was Mr Collins's picture of Hunsford and +Rosings rationally softened; and Elizabeth perceived that she must wait +for her own visit there, to know the rest. + +Jane had already written a few lines to her sister, to announce their +safe arrival in London; and when she wrote again, Elizabeth hoped it +would be in her power to say something of the Bingleys. + +Her impatience for this second letter was as well rewarded as impatience +generally is. Jane had been a week in town, without either seeing or +hearing from Caroline. She accounted for it, however, by supposing that +her last letter to her friend from Longbourn had by some accident been +lost. + +"My aunt," she continued, "is going to-morrow into that part of the +town, and I shall take the opportunity of calling in Grosvenor Street." + +She wrote again when the visit was paid, and she had seen Miss Bingley. +"I did not think Caroline in spirits," were her words, "but she was very +glad to see me, and reproached me for giving her no notice of my coming +to London. I was right, therefore; my last letter had never reached her. +I inquired after their brother, of course. He was well, but so much +engaged with Mr Darcy that they scarcely ever saw him. I found that +Miss Darcy was expected to dinner: I wish I could see her. My visit was +not long, as Caroline and Mrs Hurst were going out. I dare say I shall +soon see them here." + +Elizabeth shook her head over this letter. It convinced her that +accident only could discover to Mr Bingley her sister's being in town. + +Four weeks passed away, and Jane saw nothing of him. She endeavoured to +persuade herself that she did not regret it; but she could no longer be +blind to Miss Bingley's inattention. After waiting at home every morning +for a fortnight, and inventing every evening a fresh excuse for her, the +visitor did at last appear; but the shortness of her stay, and, yet +more, the alteration of her manner, would allow Jane to deceive herself +no longer. The letter which she wrote on this occasion to her sister +will prove what she felt:-- + + "My dearest Lizzy will, I am sure, be incapable of triumphing in + her better judgment, at my expense, when I confess myself to have + been entirely deceived in Miss Bingley's regard for me. But, my + dear sister, though the event has proved you right, do not think me + obstinate if I still assert that, considering what her behaviour + was, my confidence was as natural as your suspicion. I do not at + all comprehend her reason for wishing to be intimate with me; but, + if the same circumstances were to happen again, I am sure I should + be deceived again. Caroline did not return my visit till yesterday; + and not a note, not a line, did I receive in the meantime. When she + did come, it was very evident that she had no pleasure in it; she + made a slight, formal apology for not calling before, said not a + word of wishing to see me again, and was, in every respect, so + altered a creature, that when she went away I was perfectly + resolved to continue the acquaintance no longer. I pity, though I + cannot help blaming, her. She was very wrong in singling me out as + she did; I can safely say, that every advance to intimacy began on + her side. But I pity her, because she must feel that she has been + acting wrong, and because I am very sure that anxiety for her + brother is the cause of it. I need not explain myself farther; and + though _we_ know this anxiety to be quite needless, yet if she + feels it, it will easily account for her behaviour to me; and so + deservedly dear as he is to his sister, whatever anxiety she may + feel on his behalf is natural and amiable. I cannot but wonder, + however, at her having any such fears now, because if he had at all + cared about me, we must have met long, long ago. He knows of my + being in town, I am certain, from something she said herself; and + yet it would seem, by her manner of talking, as if she wanted to + persuade herself that he is really partial to Miss Darcy. I cannot + understand it. If I were not afraid of judging harshly, I should be + almost tempted to say, that there is a strong appearance of + duplicity in all this. I will endeavour to banish every painful + thought, and think only of what will make me happy, your affection, + and the invariable kindness of my dear uncle and aunt. Let me hear + from you very soon. Miss Bingley said something of his never + returning to Netherfield again, of giving up the house, but not + with any certainty. We had better not mention it. I am extremely + glad that you have such pleasant accounts from our friends at + Hunsford. Pray go to see them, with Sir William and Maria. I am + sure you will be very comfortable there. + +"Yours, etc." + +This letter gave Elizabeth some pain; but her spirits returned, as she +considered that Jane would no longer be duped, by the sister at least. +All expectation from the brother was now absolutely over. She would not +even wish for any renewal of his attentions. His character sunk on every +review of it; and, as a punishment for him, as well as a possible +advantage to Jane, she seriously hoped he might really soon marry Mr +Darcy's sister, as, by Wickham's account, she would make him abundantly +regret what he had thrown away. + +Mrs Gardiner about this time reminded Elizabeth of her promise +concerning that gentleman, and required information; and Elizabeth had +such to send as might rather give contentment to her aunt than to +herself. His apparent partiality had subsided, his attentions were over, +he was the admirer of some one else. Elizabeth was watchful enough to +see it all, but she could see it and write of it without material pain. +Her heart had been but slightly touched, and her vanity was satisfied +with believing that _she_ would have been his only choice, had fortune +permitted it. The sudden acquisition of ten thousand pounds was the most +remarkable charm of the young lady to whom he was now rendering himself +agreeable; but Elizabeth, less clear-sighted perhaps in this case than +in Charlotte's, did not quarrel with him for his wish of independence. +Nothing, on the contrary, could be more natural; and, while able to +suppose that it cost him a few struggles to relinquish her, she was +ready to allow it a wise and desirable measure for both, and could very +sincerely wish him happy. + +All this was acknowledged to Mrs Gardiner; and, after relating the +circumstances, she thus went on:--"I am now convinced, my dear aunt, +that I have never been much in love; for had I really experienced that +pure and elevating passion, I should at present detest his very name, +and wish him all manner of evil. But my feelings are not only cordial +towards _him_, they are even impartial towards Miss King. I cannot find +out that I hate her at all, or that I am in the least unwilling to think +her a very good sort of girl. There can be no love in all this. My +watchfulness has been effectual; and though I should certainly be a more +interesting object to all my acquaintance, were I distractedly in love +with him, I cannot say that I regret my comparative insignificance. +Importance may sometimes be purchased too dearly. Kitty and Lydia take +his defection much more to heart than I do. They are young in the ways +of the world, and not yet open to the mortifying conviction that +handsome young men must have something to live on as well as the +plain." + +CHAPTER XXVII. + +With no greater events than these in the Longbourn family, and otherwise +diversified by little beyond the walks to Meryton, sometimes dirty and +sometimes cold, did January and February pass away. March was to take +Elizabeth to Hunsford. She had not at first thought very seriously of +going thither; but Charlotte, she soon found, was depending on the +plan, and she gradually learned to consider it herself with greater +pleasure as well as greater certainty. Absence had increased her desire +of seeing Charlotte again, and weakened her disgust of Mr Collins. +There was novelty in the scheme; and as, with such a mother and such +uncompanionable sisters, home could not be faultless, a little change +was not unwelcome for its own sake. The journey would, moreover, give +her a peep at Jane; and, in short, as the time drew near, she would have +been very sorry for any delay. Everything, however, went on smoothly, +and was finally settled according to Charlotte's first sketch. She was +to accompany Sir William and his second daughter. The improvement of +spending a night in London was added in time, and the plan became as +perfect as plan could be. + +The only pain was in leaving her father, who would certainly miss her, +and who, when it came to the point, so little liked her going, that he +told her to write to him, and almost promised to answer her letter. + +The farewell between herself and Mr Wickham was perfectly friendly; on +his side even more. His present pursuit could not make him forget that +Elizabeth had been the first to excite and to deserve his attention, the +first to listen and to pity, the first to be admired; and in his manner +of bidding her adieu, wishing her every enjoyment, reminding her of what +she was to expect in Lady Catherine de Bourgh, and trusting their +opinion of her--their opinion of everybody--would always coincide, there +was a solicitude, an interest, which she felt must ever attach her to +him with a most sincere regard; and she parted from him convinced, that, +whether married or single, he must always be her model of the amiable +and pleasing. + +Her fellow-travellers the next day were not of a kind to make her think +him less agreeable. Sir William Lucas, and his daughter Maria, a +good-humoured girl, but as empty-headed as himself, had nothing to say +that could be worth hearing, and were listened to with about as much +delight as the rattle of the chaise. Elizabeth loved absurdities, but +she had known Sir William's too long. He could tell her nothing new of +the wonders of his presentation and knighthood; and his civilities were +worn out, like his information. + +It was a journey of only twenty-four miles, and they began it so early +as to be in Gracechurch Street by noon. As they drove to Mr Gardiner's +door, Jane was at a drawing-room window watching their arrival: when +they entered the passage, she was there to welcome them, and Elizabeth, +looking earnestly in her face, was pleased to see it healthful and +lovely as ever. On the stairs were a troop of little boys and girls, +whose eagerness for their cousin's appearance would not allow them to +wait in the drawing-room, and whose shyness, as they had not seen her +for a twelvemonth, prevented their coming lower. All was joy and +kindness. The day passed most pleasantly away; the morning in bustle and +shopping, and the evening at one of the theatres. + +Elizabeth then contrived to sit by her aunt. Their first subject was her +sister; and she was more grieved than astonished to hear, in reply to +her minute inquiries, that though Jane always struggled to support her +spirits, there were periods of dejection. It was reasonable, however, to +hope that they would not continue long. Mrs Gardiner gave her the +particulars also of Miss Bingley's visit in Gracechurch Street, and +repeated conversations occurring at different times between Jane and +herself, which proved that the former had, from her heart, given up the +acquaintance. + +Mrs Gardiner then rallied her niece on Wickham's desertion, and +complimented her on bearing it so well. + +"But, my dear Elizabeth," she added, "what sort of girl is Miss King? I +should be sorry to think our friend mercenary." + +"Pray, my dear aunt, what is the difference in matrimonial affairs, +between the mercenary and the prudent motive? Where does discretion end, +and avarice begin? Last Christmas you were afraid of his marrying me, +because it would be imprudent; and now, because he is trying to get a +girl with only ten thousand pounds, you want to find out that he is +mercenary." + +"If you will only tell me what sort of girl Miss King is, I shall know +what to think." + +"She is a very good kind of girl, I believe. I know no harm of her." + +"But he paid her not the smallest attention till her grandfather's death +made her mistress of this fortune?" + +"No--why should he? If it were not allowable for him to gain _my_ +affections, because I had no money, what occasion could there be for +making love to a girl whom he did not care about, and who was equally +poor?" + +"But there seems indelicacy in directing his attentions towards her so +soon after this event." + +"A man in distressed circumstances has not time for all those elegant +decorums which other people may observe. If _she_ does not object to it, +why should _we_?" + +"_Her_ not objecting does not justify _him_. It only shows her being +deficient in something herself--sense or feeling." + +"Well," cried Elizabeth, "have it as you choose. _He_ shall be +mercenary, and _she_ shall be foolish." + +"No, Lizzy, that is what I do _not_ choose. I should be sorry, you know, +to think ill of a young man who has lived so long in Derbyshire." + +"Oh, if that is all, I have a very poor opinion of young men who live in +Derbyshire; and their intimate friends who live in Hertfordshire are not +much better. I am sick of them all. Thank heaven! I am going to-morrow +where I shall find a man who has not one agreeable quality, who has +neither manners nor sense to recommend him. Stupid men are the only ones +worth knowing, after all." + +"Take care, Lizzy; that speech savours strongly of disappointment." + +Before they were separated by the conclusion of the play, she had the +unexpected happiness of an invitation to accompany her uncle and aunt in +a tour of pleasure which they proposed taking in the summer. + +"We have not quite determined how far it shall carry us," said Mrs +Gardiner; "but perhaps, to the Lakes." + +No scheme could have been more agreeable to Elizabeth, and her +acceptance of the invitation was most ready and grateful. "My dear, dear +aunt," she rapturously cried, "what delight! what felicity! You give me +fresh life and vigour. Adieu to disappointment and spleen. What are men +to rocks and mountains? Oh, what hours of transport we shall spend! And +when we _do_ return, it shall not be like other travellers, without +being able to give one accurate idea of anything. We _will_ know where +we have gone--we _will_ recollect what we have seen. Lakes, mountains, +and rivers, shall not be jumbled together in our imaginations; nor, when +we attempt to describe any particular scene, will we begin quarrelling +about its relative situation. Let _our_ first effusions be less +insupportable than those of the generality of travellers." + +CHAPTER XXVIII. + +Every object in the next day's journey was new and interesting to +Elizabeth; and her spirits were in a state of enjoyment; for she had +seen her sister looking so well as to banish all fear for her health, +and the prospect of her northern tour was a constant source of delight. + +When they left the high road for the lane to Hunsford, every eye was in +search of the Parsonage, and every turning expected to bring it in view. +The paling of Rosings park was their boundary on one side. Elizabeth +smiled at the recollection of all that she had heard of its inhabitants. + +At length the Parsonage was discernible. The garden sloping to the +road, the house standing in it, the green pales and the laurel hedge, +everything declared they were arriving. Mr Collins and Charlotte +appeared at the door, and the carriage stopped at the small gate, which +led by a short gravel walk to the house, amidst the nods and smiles of +the whole party. In a moment they were all out of the chaise, rejoicing +at the sight of each other. Mrs Collins welcomed her friend with the +liveliest pleasure, and Elizabeth was more and more satisfied with +coming, when she found herself so affectionately received. She saw +instantly that her cousin's manners were not altered by his marriage: +his formal civility was just what it had been; and he detained her some +minutes at the gate to hear and satisfy his inquiries after all her +family. They were then, with no other delay than his pointing out the +neatness of the entrance, taken into the house; and as soon as they were +in the parlour, he welcomed them a second time, with ostentatious +formality, to his humble abode, and punctually repeated all his wife's +offers of refreshment. + +Elizabeth was prepared to see him in his glory; and she could not help +fancying that in displaying the good proportion of the room, its aspect, +and its furniture, he addressed himself particularly to her, as if +wishing to make her feel what she had lost in refusing him. But though +everything seemed neat and comfortable, she was not able to gratify him +by any sigh of repentance; and rather looked with wonder at her friend, +that she could have so cheerful an air with such a companion. When Mr +Collins said anything of which his wife might reasonably be ashamed, +which certainly was not seldom, she involuntarily turned her eye on +Charlotte. Once or twice she could discern a faint blush; but in general +Charlotte wisely did not hear. After sitting long enough to admire +every article of furniture in the room, from the sideboard to the +fender, to give an account of their journey, and of all that had +happened in London, Mr Collins invited them to take a stroll in the +garden, which was large and well laid out, and to the cultivation of +which he attended himself. To work in his garden was one of his most +respectable pleasures; and Elizabeth admired the command of countenance +with which Charlotte talked of the healthfulness of the exercise, and +owned she encouraged it as much as possible. Here, leading the way +through every walk and cross walk, and scarcely allowing them an +interval to utter the praises he asked for, every view was pointed out +with a minuteness which left beauty entirely behind. He could number the +fields in every direction, and could tell how many trees there were in +the most distant clump. But of all the views which his garden, or which +the country or the kingdom could boast, none were to be compared with +the prospect of Rosings, afforded by an opening in the trees that +bordered the park nearly opposite the front of his house. It was a +handsome modern building, well situated on rising ground. + +From his garden, Mr Collins would have led them round his two meadows; +but the ladies, not having shoes to encounter the remains of a white +frost, turned back; and while Sir William accompanied him, Charlotte +took her sister and friend over the house, extremely well pleased, +probably, to have the opportunity of showing it without her husband's +help. It was rather small, but well built and convenient; and everything +was fitted up and arranged with a neatness and consistency, of which +Elizabeth gave Charlotte all the credit. When Mr Collins could be +forgotten, there was really a great air of comfort throughout, and by +Charlotte's evident enjoyment of it, Elizabeth supposed he must be often +forgotten. + +She had already learnt that Lady Catherine was still in the country. It +was spoken of again while they were at dinner, when Mr Collins joining +in, observed,-- + +"Yes, Miss Elizabeth, you will have the honour of seeing Lady Catherine +de Bourgh on the ensuing Sunday at church, and I need not say you will +be delighted with her. She is all affability and condescension, and I +doubt not but you will be honoured with some portion of her notice when +service is over. I have scarcely any hesitation in saying that she will +include you and my sister Maria in every invitation with which she +honours us during your stay here. Her behaviour to my dear Charlotte is +charming. We dine at Rosings twice every week, and are never allowed to +walk home. Her Ladyship's carriage is regularly ordered for us. I +_should_ say, one of her Ladyship's carriages, for she has several." + +"Lady Catherine is a very respectable, sensible woman, indeed," added +Charlotte, "and a most attentive neighbour." + +"Very true, my dear, that is exactly what I say. She is the sort of +woman whom one cannot regard with too much deference." + +The evening was spent chiefly in talking over Hertfordshire news, and +telling again what had been already written; and when it closed, +Elizabeth, in the solitude of her chamber, had to meditate upon +Charlotte's degree of contentment, to understand her address in guiding, +and composure in bearing with, her husband, and to acknowledge that it +was all done very well. She had also to anticipate how her visit would +pass, the quiet tenour of their usual employments, the vexatious +interruptions of Mr Collins, and the gaieties of their intercourse +with Rosings. A lively imagination soon settled it all. + +About the middle of the next day, as she was in her room getting ready +for a walk, a sudden noise below seemed to speak the whole house in +confusion; and, after listening a moment, she heard somebody running +upstairs in a violent hurry, and calling loudly after her. She opened +the door, and met Maria in the landing-place, who, breathless with +agitation, cried out,-- + +"Oh, my dear Eliza! pray make haste and come into the dining-room, for +there is such a sight to be seen! I will not tell you what it is. Make +haste, and come down this moment." + +Elizabeth asked questions in vain; Maria would tell her nothing more; +and down they ran into the dining-room which fronted the lane, in quest +of this wonder; it was two ladies, stopping in a low phaeton at the +garden gate. + +"And is this all?" cried Elizabeth. "I expected at least that the pigs +were got into the garden, and here is nothing but Lady Catherine and her +daughter!" + +"La! my dear," said Maria, quite shocked at the mistake, "it is not Lady +Catherine. The old lady is Mrs Jenkinson, who lives with them. The +other is Miss De Bourgh. Only look at her. She is quite a little +creature. Who would have thought she could be so thin and small!" + +"She is abominably rude to keep Charlotte out of doors in all this wind. +Why does she not come in?" + +"Oh, Charlotte says she hardly ever does. It is the greatest of favours +when Miss De Bourgh comes in." + +"I like her appearance," said Elizabeth, struck with other ideas. "She +looks sickly and cross. Yes, she will do for him very well. She will +make him a very proper wife." + +Mr Collins and Charlotte were both standing at the gate in conversation +with the ladies; and Sir William, to Elizabeth's high diversion, was +stationed in the doorway, in earnest contemplation of the greatness +before him, and constantly bowing whenever Miss De Bourgh looked that +way. + +At length there was nothing more to be said; the ladies drove on, and +the others returned into the house. Mr Collins no sooner saw the two +girls than he began to congratulate them on their good fortune, which +Charlotte explained by letting them know that the whole party was asked +to dine at Rosings the next day. + +CHAPTER XXIX. + +Mr Collins's triumph, in consequence of this invitation, was complete. +The power of displaying the grandeur of his patroness to his wondering +visitors, and of letting them see her civility towards himself and his +wife, was exactly what he had wished for; and that an opportunity of +doing it should be given so soon was such an instance of Lady +Catherine's condescension as he knew not how to admire enough. + +"I confess," said he, "that I should not have been at all surprised by +her Ladyship's asking us on Sunday to drink tea and spend the evening +at Rosings. I rather expected, from my knowledge of her affability, that +it would happen. But who could have foreseen such an attention as this? +Who could have imagined that we should receive an invitation to dine +there (an invitation, moreover, including the whole party) so +immediately after your arrival?" + +"I am the less surprised at what has happened," replied Sir William, +"from that knowledge of what the manners of the great really are, which +my situation in life has allowed me to acquire. About the court, such +instances of elegant breeding are not uncommon." + +Scarcely anything was talked of the whole day or next morning but their +visit to Rosings. Mr Collins was carefully instructing them in what +they were to expect, that the sight of such rooms, so many servants, and +so splendid a dinner, might not wholly overpower them. + +When the ladies were separating for the toilette, he said to +Elizabeth,-- + +"Do not make yourself uneasy, my dear cousin, about your apparel. Lady +Catherine is far from requiring that elegance of dress in us which +becomes herself and daughter. I would advise you merely to put on +whatever of your clothes is superior to the rest--there is no occasion +for anything more. Lady Catherine will not think the worse of you for +being simply dressed. She likes to have the distinction of rank +preserved." + +While they were dressing, he came two or three times to their different +doors, to recommend their being quick, as Lady Catherine very much +objected to be kept waiting for her dinner. Such formidable accounts of +her Ladyship, and her manner of living, quite frightened Maria Lucas, +who had been little used to company; and she looked forward to her +introduction at Rosings with as much apprehension as her father had done +to his presentation at St. James's. + +As the weather was fine, they had a pleasant walk of about half a mile +across the park. Every park has its beauty and its prospects; and +Elizabeth saw much to be pleased with, though she could not be in such +raptures as Mr Collins expected the scene to inspire, and was but +slightly affected by his enumeration of the windows in front of the +house, and his relation of what the glazing altogether had originally +cost Sir Lewis de Bourgh. + +When they ascended the steps to the hall, Maria's alarm was every moment +increasing, and even Sir William did not look perfectly calm. +Elizabeth's courage did not fail her. She had heard nothing of Lady +Catherine that spoke her awful from any extraordinary talents or +miraculous virtue, and the mere stateliness of money and rank she +thought she could witness without trepidation. + +From the entrance hall, of which Mr Collins pointed out, with a +rapturous air, the fine proportion and finished ornaments, they followed +the servants through an antechamber to the room where Lady Catherine, +her daughter, and Mrs Jenkinson were sitting. Her Ladyship, with great +condescension, arose to receive them; and as Mrs Collins had settled it +with her husband that the office of introduction should be hers, it was +performed in a proper manner, without any of those apologies and thanks +which he would have thought necessary. + +In spite of having been at St. James's, Sir William was so completely +awed by the grandeur surrounding him, that he had but just courage +enough to make a very low bow, and take his seat without saying a word; +and his daughter, frightened almost out of her senses, sat on the edge +of her chair, not knowing which way to look. Elizabeth found herself +quite equal to the scene, and could observe the three ladies before her +composedly. Lady Catherine was a tall, large woman, with strongly-marked +features, which might once have been handsome. Her air was not +conciliating, nor was her manner of receiving them such as to make her +visitors forget their inferior rank. She was not rendered formidable by +silence: but whatever she said was spoken in so authoritative a tone as +marked her self-importance, and brought Mr Wickham immediately to +Elizabeth's mind; and, from the observation of the day altogether, she +believed Lady Catherine to be exactly what he had represented. + +When, after examining the mother, in whose countenance and deportment +she soon found some resemblance of Mr Darcy, she turned her eyes on the +daughter, she could almost have joined in Maria's astonishment at her +being so thin and so small. There was neither in figure nor face any +likeness between the ladies. Miss de Bourgh was pale and sickly: her +features, though not plain, were insignificant; and she spoke very +little, except in a low voice, to Mrs Jenkinson, in whose appearance +there was nothing remarkable, and who was entirely engaged in listening +to what she said, and placing a screen in the proper direction before +her eyes. + +After sitting a few minutes, they were all sent to one of the windows to +admire the view, Mr Collins attending them to point out its beauties, +and Lady Catherine kindly informing them that it was much better worth +looking at in the summer. + +The dinner was exceedingly handsome, and there were all the servants, +and all the articles of plate which Mr Collins had promised; and, as he +had likewise foretold, he took his seat at the bottom of the table, by +her Ladyship's desire, and looked as if he felt that life could furnish +nothing greater. He carved and ate and praised with delighted alacrity; +and every dish was commended first by him, and then by Sir William, who +was now enough recovered to echo whatever his son-in-law said, in a +manner which Elizabeth wondered Lady Catherine could bear. But Lady +Catherine seemed gratified by their excessive admiration, and gave most +gracious smiles, especially when any dish on the table proved a novelty +to them. The party did not supply much conversation. Elizabeth was ready +to speak whenever there was an opening, but she was seated between +Charlotte and Miss de Bourgh--the former of whom was engaged in +listening to Lady Catherine, and the latter said not a word to her all +the dinnertime. Mrs Jenkinson was chiefly employed in watching how +little Miss de Bourgh ate, pressing her to try some other dish and +fearing she was indisposed. Maria thought speaking out of the question, +and the gentlemen did nothing but eat and admire. + +When the ladies returned to the drawing-room, there was little to be +done but to hear Lady Catherine talk, which she did without any +intermission till coffee came in, delivering her opinion on every +subject in so decisive a manner as proved that she was not used to have +her judgment controverted. She inquired into Charlotte's domestic +concerns familiarly and minutely, and gave her a great deal of advice as +to the management of them all; told her how everything ought to be +regulated in so small a family as hers, and instructed her as to the +care of her cows and her poultry. Elizabeth found that nothing was +beneath this great lady's attention which could furnish her with an +occasion for dictating to others. In the intervals of her discourse with +Mrs Collins, she addressed a variety of questions to Maria and +Elizabeth, but especially to the latter, of whose connections she knew +the least, and who, she observed to Mrs Collins, was a very genteel, +pretty kind of girl. She asked her at different times how many sisters +she had, whether they were older or younger than herself, whether any of +them were likely to be married, whether they were handsome, where they +had been educated, what carriage her father kept, and what had been her +mother's maiden name? Elizabeth felt all the impertinence of her +questions, but answered them very composedly. Lady Catherine then +observed,-- + +"Your father's estate is entailed on Mr Collins, I think? For your +sake," turning to Charlotte, "I am glad of it; but otherwise I see no +occasion for entailing estates from the female line. It was not thought +necessary in Sir Lewis de Bourgh's family. Do you play and sing, Miss +Bennet?" + +"A little." + +"Oh then--some time or other we shall be happy to hear you. Our +instrument is a capital one, probably superior to ---- you shall try it +some day. Do your sisters play and sing?" + +"One of them does." + +"Why did not you all learn? You ought all to have learned. The Miss +Webbs all play, and their father has not so good an income as yours. Do +you draw?" + +"No, not at all." + +"What, none of you?" + +"Not one." + +"That is very strange. But I suppose you had no opportunity. Your mother +should have taken you to town every spring for the benefit of masters." + +"My mother would have no objection, but my father hates London." + +"Has your governess left you?" + +"We never had any governess." + +"No governess! How was that possible? Five daughters brought up at home +without a governess! I never heard of such a thing. Your mother must +have been quite a slave to your education." + +Elizabeth could hardly help smiling, as she assured her that had not +been the case. + +"Then who taught you? who attended to you? Without a governess, you must +have been neglected." + +"Compared with some families, I believe we were; but such of us as +wished to learn never wanted the means. We were always encouraged to +read, and had all the masters that were necessary. Those who chose to be +idle certainly might." + +"Ay, no doubt: but that is what a governess will prevent; and if I had +known your mother, I should have advised her most strenuously to engage +one. I always say that nothing is to be done in education without steady +and regular instruction, and nobody but a governess can give it. It is +wonderful how many families I have been the means of supplying in that +way. I am always glad to get a young person well placed out. Four nieces +of Mrs Jenkinson are most delightfully situated through my means; and +it was but the other day that I recommended another young person, who +was merely accidentally mentioned to me, and the family are quite +delighted with her. Mrs Collins, did I tell you of Lady Metcalfe's +calling yesterday to thank me? She finds Miss Pope a treasure. 'Lady +Catherine,' said she, 'you have given me a treasure.' Are any of your +younger sisters out, Miss Bennet?" + +"Yes, ma'am, all." + +"All! What, all five out at once? Very odd! And you only the second. The +younger ones out before the elder are married! Your younger sisters must +be very young?" + +"Yes, my youngest is not sixteen. Perhaps _she_ is full young to be much +in company. But really, ma'am, I think it would be very hard upon +younger sisters that they should not have their share of society and +amusement, because the elder may not have the means or inclination to +marry early. The last born has as good a right to the pleasures of youth +as the first. And to be kept back on _such_ a motive! I think it would +not be very likely to promote sisterly affection or delicacy of mind." + +"Upon my word," said her Ladyship, "you give your opinion very decidedly +for so young a person. Pray, what is your age?" + +"With three younger sisters grown up," replied Elizabeth, smiling, "your +Ladyship can hardly expect me to own it." + +Lady Catherine seemed quite astonished at not receiving a direct answer; +and Elizabeth suspected herself to be the first creature who had ever +dared to trifle with so much dignified impertinence. + +"You cannot be more than twenty, I am sure,--therefore you need not +conceal your age." + +"I am not one-and-twenty." + +When the gentlemen had joined them, and tea was over, the card tables +were placed. Lady Catherine, Sir William, and Mr and Mrs Collins sat +down to quadrille; and as Miss De Bourgh chose to play at cassino, the +two girls had the honour of assisting Mrs Jenkinson to make up her +party. Their table was superlatively stupid. Scarcely a syllable was +uttered that did not relate to the game, except when Mrs Jenkinson +expressed her fears of Miss De Bourgh's being too hot or too cold, or +having too much or too little light. A great deal more passed at the +other table. Lady Catherine was generally speaking--stating the mistakes +of the three others, or relating some anecdote of herself. Mr Collins +was employed in agreeing to everything her Ladyship said, thanking her +for every fish he won, and apologizing if he thought he won too many. +Sir William did not say much. He was storing his memory with anecdotes +and noble names. + +When Lady Catherine and her daughter had played as long as they chose, +the tables were broken up, the carriage was offered to Mrs Collins, +gratefully accepted, and immediately ordered. The party then gathered +round the fire to hear Lady Catherine determine what weather they were +to have on the morrow. From these instructions they were summoned by the +arrival of the coach; and with many speeches of thankfulness on Mr +Collins's side, and as many bows on Sir William's, they departed. As +soon as they had driven from the door, Elizabeth was called on by her +cousin to give her opinion of all that she had seen at Rosings, which, +for Charlotte's sake, she made more favourable than it really was. But +her commendation, though costing her some trouble, could by no means +satisfy Mr Collins, and he was very soon obliged to take her Ladyship's +praise into his own hands. + +CHAPTER XXX. + +Sir William stayed only a week at Hunsford; but his visit was long +enough to convince him of his daughter's being most comfortably settled, +and of her possessing such a husband and such a neighbour as were not +often met with. While Sir William was with them, Mr Collins devoted his +mornings to driving him out in his gig, and showing him the country: but +when he went away, the whole family returned to their usual employments, +and Elizabeth was thankful to find that they did not see more of her +cousin by the alteration; for the chief of the time between breakfast +and dinner was now passed by him either at work in the garden, or in +reading and writing, and looking out of window in his own book room, +which fronted the road. The room in which the ladies sat was backwards. +Elizabeth at first had rather wondered that Charlotte should not prefer +the dining parlour for common use; it was a better sized room, and had a +pleasanter aspect: but she soon saw that her friend had an excellent +reason for what she did, for Mr Collins would undoubtedly have been +much less in his own apartment had they sat in one equally lively; and +she gave Charlotte credit for the arrangement. + +From the drawing-room they could distinguish nothing in the lane, and +were indebted to Mr Collins for the knowledge of what carriages went +along, and how often especially Miss De Bourgh drove by in her phaeton, +which he never failed coming to inform them of, though it happened +almost every day. She not unfrequently stopped at the Parsonage, and had +a few minutes' conversation with Charlotte, but was scarcely ever +prevailed on to get out. + +Very few days passed in which Mr Collins did not walk to Rosings, and +not many in which his wife did not think it necessary to go likewise; +and till Elizabeth recollected that there might be other family livings +to be disposed of, she could not understand the sacrifice of so many +hours. Now and then they were honoured with a call from her Ladyship, +and nothing escaped her observation that was passing in the room during +these visits. She examined into their employments, looked at their work, +and advised them to do it differently; found fault with the arrangement +of the furniture, or detected the housemaid in negligence; and if she +accepted any refreshment, seemed to do it only for the sake of finding +out that Mrs Collins's joints of meat were too large for her family. + +Elizabeth soon perceived, that though this great lady was not in the +commission of the peace for the county, she was a most active magistrate +in her own parish, the minutest concerns of which were carried to her by +Mr Collins; and whenever any of the cottagers were disposed to be +quarrelsome, discontented, or too poor, she sallied forth into the +village to settle their differences, silence their complaints, and scold +them into harmony and plenty. + +The entertainment of dining at Rosings was repeated about twice a week; +and, allowing for the loss of Sir William, and there being only one +card-table in the evening, every such entertainment was the counterpart +of the first. Their other engagements were few, as the style of living +of the neighbourhood in general was beyond the Collinses' reach. This, +however, was no evil to Elizabeth, and upon the whole she spent her time +comfortably enough: there were half hours of pleasant conversation with +Charlotte, and the weather was so fine for the time of year, that she +had often great enjoyment out of doors. Her favourite walk, and where +she frequently went while the others were calling on Lady Catherine, was +along the open grove which edged that side of the park, where there was +a nice sheltered path, which no one seemed to value but herself, and +where she felt beyond the reach of Lady Catherine's curiosity. + +In this quiet way the first fortnight of her visit soon passed away. +Easter was approaching, and the week preceding it was to bring an +addition to the family at Rosings, which in so small a circle must be +important. Elizabeth had heard, soon after her arrival, that Mr Darcy +was expected there in the course of a few weeks; and though there were +not many of her acquaintance whom she did not prefer, his coming would +furnish one comparatively new to look at in their Rosings parties, and +she might be amused in seeing how hopeless Miss Bingley's designs on him +were, by his behaviour to his cousin, for whom he was evidently destined +by Lady Catherine, who talked of his coming with the greatest +satisfaction, spoke of him in terms of the highest admiration, and +seemed almost angry to find that he had already been frequently seen by +Miss Lucas and herself. + +His arrival was soon known at the Parsonage; for Mr Collins was walking +the whole morning within view of the lodges opening into Hunsford Lane, +in order to have + +the earliest assurance of it; and, after making his bow as the carriage +turned into the park, hurried home with the great intelligence. On the +following morning he hastened to Rosings to pay his respects. There were +two nephews of Lady Catherine to require them, for Mr Darcy had brought +with him a Colonel Fitzwilliam, the younger son of his uncle, Lord ----; +and, to the great surprise of all the party, when Mr Collins returned, +the gentlemen accompanied him. Charlotte had seen them from her +husband's room, crossing the road, and immediately running into the +other, told the girls what an honour they might expect, adding,-- + +"I may thank you, Eliza, for this piece of civility. Mr Darcy would +never have come so soon to wait upon me." + +Elizabeth had scarcely time to disclaim all right to the compliment +before their approach was announced by the door-bell, and shortly +afterwards the three gentlemen entered the room. Colonel Fitzwilliam, +who led the way, was about thirty, not handsome, but in person and +address most truly the gentleman. Mr Darcy looked just as he had been +used to look in Hertfordshire, paid his compliments, with his usual +reserve, to Mrs Collins; and whatever might be his feelings towards her +friend, met her with every appearance of composure. Elizabeth merely +courtesied to him, without saying a word. + +Colonel Fitzwilliam entered into conversation directly, with the +readiness and ease of a well-bred man, and talked very pleasantly; but +his cousin, after having addressed a slight observation on the house and +garden to Mrs Collins, sat for some time without speaking to anybody. +At length, however, his civility was so far awakened as to inquire of +Elizabeth after the health of her family. She answered him in the usual +way; and, after a moment's pause, added,-- + +"My eldest sister has been in town these three months. Have you never +happened to see her there?" + +She was perfectly sensible that he never had: but she wished to see +whether he would betray any consciousness of what had passed between the +Bingleys and Jane; and she thought he looked a little confused as he +answered that he had never been so fortunate as to meet Miss Bennet. The +subject was pursued no further, and the gentlemen soon afterwards went +away. + +CHAPTER XXXI. + +Colonel Fitzwilliam's manners were very much admired at the Parsonage, +and the ladies all felt that he must add considerably to the pleasure of +their engagements at Rosings. It was some days, however, before they +received any invitation thither, for while there were visitors in the +house they could not be necessary; and it was not till Easter-day, +almost a week after the gentlemen's arrival, that they were honoured by +such an attention, and then they were merely asked on leaving church to +come there in the evening. For the last week they had seen very little +of either Lady Catherine or her daughter. Colonel Fitzwilliam had called +at the Parsonage more than once during the time, but Mr Darcy they had +only seen at church. + +The invitation was accepted, of course, and at a proper hour they joined +the party in Lady Catherine's drawing-room. Her Ladyship received them +civilly, but it was plain that their company was by no means so +acceptable as when she could get nobody else; and she was, in fact, +almost engrossed by her nephews, speaking to them, especially to Darcy, +much more than to any other person in the room. + +Colonel Fitzwilliam seemed really glad to see them: anything was a +welcome relief to him at Rosings; and Mrs Collins's pretty friend had, +moreover, caught his fancy very much. He now seated himself by her, and +talked so agreeably of Kent and Hertfordshire, of travelling and staying +at home, of new books and music, that Elizabeth had never been half so +well entertained in that room before; and they conversed with so much +spirit and flow as to draw the attention of Lady Catherine herself, as +well as of Mr Darcy. _His_ eyes had been soon and repeatedly turned +towards them with a look of curiosity; and that her Ladyship, after a +while, shared the feeling, was more openly acknowledged, for she did not +scruple to call out,-- + +"What is that you are saying, Fitzwilliam? What is it you are talking +of? What are you telling Miss Bennet? Let me hear what it is." + +"We were talking of music, madam," said he, when no longer able to avoid +a reply. + +"Of music! Then pray speak aloud. It is of all subjects my delight. I +must have my share in the conversation, if you are speaking of music. +There are few people in England, I suppose, who have more true +enjoyment of music than myself, or a better natural taste. If I had ever +learnt, I should have been a great proficient. And so would Anne, if her +health had allowed her to apply. I am confident that she would have +performed delightfully. How does Georgiana get on, Darcy?" + +Mr Darcy spoke with affectionate praise of his sister's proficiency. + +"I am very glad to hear such a good account of her," said Lady +Catherine; "and pray tell her from me, that she cannot expect to excel, +if she does not practise a great deal." + +"I assure you, madam," he replied, "that she does not need such advice. +She practises very constantly." + +"So much the better. It cannot be done too much; and when I next write +to her, I shall charge her not to neglect it on any account. I often +tell young ladies, that no excellence in music is to be acquired without +constant practice. I have told Miss Bennet several times, that she will +never play really well, unless she practises more; and though Mrs +Collins has no instrument, she is very welcome, as I have often told +her, to come to Rosings every day, and play on the pianoforte in Mrs +Jenkinson's room. She would be in nobody's way, you know, in that part +of the house." + +Mr Darcy looked a little ashamed of his aunt's ill-breeding, and made +no answer. + +When coffee was over, Colonel Fitzwilliam reminded Elizabeth of having +promised to play to him; and she sat down directly to the instrument. He +drew a chair near her. Lady Catherine listened to half a song, and then +talked, as before, to her other nephew; till the latter walked away from +her, and moving with his usual deliberation towards the pianoforte, +stationed himself so as to command a full view of the fair performer's +countenance. Elizabeth saw what he was doing, and at the first +convenient pause turned to him with an arch smile, and said,-- + +"You mean to frighten me, Mr Darcy, by coming in all this state to hear +me. But I will not be alarmed, though your sister _does_ play so well. +There is a stubbornness about me that never can bear to be frightened at +the will of others. My courage always rises with every attempt to +intimidate me." + +"I shall not say that you are mistaken," he replied, "because you could +not really believe me to entertain any design of alarming you; and I +have had the pleasure of your acquaintance long enough to know, that you +find great enjoyment in occasionally professing opinions which, in fact, +are not your own." + +Elizabeth laughed heartily at this picture of herself, and said to +Colonel Fitzwilliam, "Your cousin will give you a very pretty notion of +me, and teach you not to believe a word I say. I am particularly unlucky +in meeting with a person so well able to expose my real character, in a +part of the world where I had hoped to pass myself off with some degree +of credit. Indeed, Mr Darcy, it is very ungenerous in you to mention +all that you knew to my disadvantage in Hertfordshire--and, give me +leave to say, very impolitic too--for it is provoking me to retaliate, +and such things may come out as will shock your relations to hear." + +"I am not afraid of you," said he, smilingly. + +"Pray let me hear what you have to accuse him of," cried Colonel +Fitzwilliam. "I should like to know how he behaves among strangers." + +"You shall hear, then--but prepare for something very dreadful. The +first time of my ever seeing him in Hertfordshire, you must know, was at +a ball--and at this ball, what do you think he did? He danced only four +dances! I am sorry to pain you, but so it was. He danced only four +dances, though gentlemen were scarce; and, to my certain knowledge, more +than one young lady was sitting down in want of a partner. Mr Darcy, +you cannot deny the fact." + +"I had not at that time the honour of knowing any lady in the assembly +beyond my own party." + +"True; and nobody can ever be introduced in a ball-room. Well, Colonel +Fitzwilliam, what do I play next? My fingers wait your orders." + +"Perhaps," said Darcy, "I should have judged better had I sought an +introduction, but I am ill-qualified to recommend myself to strangers." + +"Shall we ask your cousin the reason of this?" said Elizabeth, still +addressing Colonel Fitzwilliam. "Shall we ask him why a man of sense and +education, and who has lived in the world, is ill-qualified to recommend +himself to strangers?" + +"I can answer your question," said Fitzwilliam, "without applying to +him. It is because he will not give himself the trouble." + +"I certainly have not the talent which some people possess," said Darcy, +"of conversing easily with those I have never seen before. I cannot +catch their tone of conversation, or appear interested in their +concerns, as I often see done." + +"My fingers," said Elizabeth, "do not move over this instrument in the +masterly manner which I see so many women's do. They have not the same +force or rapidity, and do not produce the same expression. But then I +have always supposed it to be my own fault--because I would not take +the trouble of practising. It is not that I do not believe _my_ fingers +as capable as any other woman's of superior execution." + +Darcy smiled and said, "You are perfectly right. You have employed your +time much better. No one admitted to the privilege of hearing you can +think anything wanting. We neither of us perform to strangers." + +Here they were interrupted by Lady Catherine, who called out to know +what they were talking of. Elizabeth immediately began playing again. +Lady Catherine approached, and, after listening for a few minutes, said +to Darcy,-- + +"Miss Bennet would not play at all amiss if she practised more, and +could have the advantage of a London master. She has a very good notion +of fingering, though her taste is not equal to Anne's. Anne would have +been a delightful performer, had her health allowed her to learn." + +Elizabeth looked at Darcy, to see how cordially he assented to his +cousin's praise: but neither at that moment nor at any other could she +discern any symptom of love; and from the whole of his behaviour to Miss +De Bourgh she derived this comfort for Miss Bingley, that he might have +been just as likely to marry _her_, had she been his relation. + +Lady Catherine continued her remarks on Elizabeth's performance, mixing +with them many instructions on execution and taste. Elizabeth received +them with all the forbearance of civility; and at the request of the +gentlemen remained at the instrument till her Ladyship's carriage was +ready to take them all home. + +CHAPTER XXXII. + +Elizabeth was sitting by herself the next morning, and writing to Jane, +while Mrs Collins and Maria were gone on business into the village, +when she was startled by a ring at the door, the certain signal of a +visitor. As she had heard no carriage, she thought it not unlikely to be +Lady Catherine; and under that apprehension was putting away her +half-finished letter, that she might escape all impertinent questions, +when the door opened, and to her very great surprise Mr Darcy, and Mr +Darcy only, entered the room. + +He seemed astonished too on finding her alone, and apologized for his +intrusion, by letting her know that he had understood all the ladies to +be within. + +They then sat down, and when her inquiries after Rosings were made, +seemed in danger of sinking into total silence. It was absolutely +necessary, therefore, to think of something; and in this emergency +recollecting _when_ she had seen him last in Hertfordshire, and feeling +curious to know what he would say on the subject of their hasty +departure, she observed,-- + +"How very suddenly you all quitted Netherfield last November, Mr Darcy! +It must have been a most agreeable surprise to Mr Bingley to see you +all after him so soon; for, if I recollect right, he went but the day +before. He and his sisters were well, I hope, when you left London?" + +"Perfectly so, I thank you." + +She found that she was to receive no other answer; and, after a short +pause, added,-- + +"I think I have understood that Mr Bingley has not much idea of ever +returning to Netherfield again?" + +"I have never heard him say so; but it is probable that he may spend +very little of his time there in future. He has many friends, and he is +at a time of life when friends and engagements are continually +increasing." + +"If he means to be but little at Netherfield, it would be better for the +neighbourhood that he should give up the place entirely, for then we +might possibly get a settled family there. But, perhaps, Mr Bingley did +not take the house so much for the convenience of the neighbourhood as +for his own, and we must expect him to keep or quit it on the same +principle." + +"I should not be surprised," said Darcy, "if he were to give it up as +soon as any eligible purchase offers." + +Elizabeth made no answer. She was afraid of talking longer of his +friend; and, having nothing else to say, was now determined to leave the +trouble of finding a subject to him. + +He took the hint and soon began with, "This seems a very comfortable +house. Lady Catherine, I believe, did a great deal to it when Mr +Collins first came to Hunsford." + +"I believe she did--and I am sure she could not have bestowed her +kindness on a more grateful object." + +"Mr Collins appears very fortunate in his choice of a wife." + +"Yes, indeed; his friends may well rejoice in his having met with one of +the very few sensible women who would have accepted him, or have made +him happy if they had. My friend has an excellent understanding--though +I am not certain that I consider her marrying Mr Collins as the wisest +thing she ever did. She seems perfectly happy, however; and, in a +prudential light, it is certainly a very good match for her." + +"It must be very agreeable to her to be settled within so easy a +distance of her own family and friends." + +"An easy distance do you call it? It is nearly fifty miles." + +"And what is fifty miles of good road? Little more than half a day's +journey. Yes, I call it a very easy distance." + +"I should never have considered the distance as one of the _advantages_ +of the match," cried Elizabeth. "I should never have said Mrs Collins +was settled _near_ her family." + +"It is a proof of your own attachment to Hertfordshire. Anything beyond +the very neighbourhood of Longbourn, I suppose, would appear far." + +As he spoke there was a sort of smile, which Elizabeth fancied she +understood; he must be supposing her to be thinking of Jane and +Netherfield, and she blushed as she answered,-- + +"I do not mean to say that a woman may not be settled too near her +family. The far and the near must be relative, and depend on many +varying circumstances. Where there is fortune to make the expense of +travelling unimportant, distance becomes no evil. But that is not the +case _here_. Mr and Mrs Collins have a comfortable income, but not +such a one as will allow of frequent journeys--and I am persuaded my +friend would not call herself _near_ her family under less than _half_ +the present distance." + +Mr Darcy drew his chair a little towards her, and said, "_You_ cannot +have a right to such very strong local attachment. _You_ cannot have +been always at Longbourn." + +Elizabeth looked surprised. The gentleman experienced some change of +feeling; he drew back his chair, took a newspaper from the table, and, +glancing over it, said, in a colder voice,-- + +"Are you pleased with Kent?" + +A short dialogue on the subject of the country ensued, on either side +calm and concise--and soon put an end to by the entrance of Charlotte +and her sister, just returned from their walk. The _tête-à-tête_ +surprised them. Mr Darcy related the mistake which had occasioned his +intruding on Miss Bennet, and, after sitting a few minutes longer, +without saying much to anybody, went away. + +"What can be the meaning of this?" said Charlotte, as soon as he was +gone. "My dear Eliza, he must be in love with you, or he would never +have called on us in this familiar way." + +But when Elizabeth told of his silence, it did not seem very likely, +even to Charlotte's wishes, to be the case; and, after various +conjectures, they could at last only suppose his visit to proceed from +the difficulty of finding anything to do, which was the more probable +from the time of year. All field sports were over. Within doors there +was Lady Catherine, books, and a billiard table, but gentlemen cannot be +always within doors; and in the nearness of the Parsonage, or the +pleasantness of the walk to it, or of the people who lived in it, the +two cousins found a temptation from this period of walking thither +almost every day. They called at various times of the morning, sometimes +separately, sometimes together, and now and then accompanied by their +aunt. It was plain to them all that Colonel Fitzwilliam came because he +had pleasure in their society, a persuasion which of course recommended +him still more; and Elizabeth was reminded by her own satisfaction in +being with him, as well as by his evident admiration, of her former +favourite, George Wickham; and though, in comparing them, she saw there +was less captivating softness in Colonel Fitzwilliam's manners, she +believed he might have the best informed mind. + +But why Mr Darcy came so often to the Parsonage it was more difficult +to understand. It could not be for society, as he frequently sat there +ten minutes together without opening his lips; and when he did speak, it +seemed the effect of necessity rather than of choice--a sacrifice to +propriety, not a pleasure to himself. He seldom appeared really +animated. Mrs Collins knew not what to make of him. Colonel +Fitzwilliam's occasionally laughing at his stupidity proved that he was +generally different, which her own knowledge of him could not have told +her; and as she would have liked to believe this change the effect of +love, and the object of that love her friend Eliza, she set herself +seriously to work to find it out: she watched him whenever they were at +Rosings, and whenever he came to Hunsford; but without much success. He +certainly looked at her friend a great deal, but the expression of that +look was disputable. It was an earnest, steadfast gaze, but she often +doubted whether there were much admiration in it, and sometimes it +seemed nothing but absence of mind. + +She had once or twice suggested to Elizabeth the possibility of his +being partial to her, but Elizabeth always laughed at the idea; and Mrs +Collins did not think it right to press the subject, from the danger of +raising expectations which might only end in disappointment; for in her +opinion it admitted not of a doubt, that all her friend's dislike would +vanish, if she could suppose him to be in her power. + +In her kind schemes for Elizabeth, she sometimes planned her marrying +Colonel Fitzwilliam. He was, beyond comparison, the pleasantest man: he +certainly admired her, and his situation in life was most eligible; but, +to counterbalance these advantages, Mr Darcy had considerable patronage +in the church, and his cousin could have none at all. + +CHAPTER XXXIII. + +More than once did Elizabeth, in her ramble within the park, +unexpectedly meet Mr Darcy. She felt all the perverseness of the +mischance that should bring him where no one else was brought; and, to +prevent its ever happening again, took care to inform him, at first, +that it was a favourite haunt of hers. How it could occur a second time, +therefore, was very odd! Yet it did, and even the third. It seemed like +wilful ill-nature, or a voluntary penance; for on these occasions it was +not merely a few formal inquiries and an awkward pause and then away, +but he actually thought it necessary to turn back and walk with her. He +never said a great deal, nor did she give herself the trouble of talking +or of listening much; but it struck her in the course of their third +encounter that he was asking some odd unconnected questions--about her +pleasure in being at Hunsford, her love of solitary walks, and her +opinion of Mr and Mrs Collins's happiness; and that in speaking of +Rosings, and her not perfectly understanding the house, he seemed to +expect that whenever she came into Kent again she would be staying +_there_ too. His words seemed to imply it. Could he have Colonel +Fitzwilliam in his thoughts? She supposed, if he meant anything, he must +mean an allusion to what might arise in that quarter. It distressed her +a little, and she was quite glad to find herself at the gate in the +pales opposite the Parsonage. + +She was engaged one day, as she walked, in re-perusing Jane's last +letter, and dwelling on some passages which proved that Jane had not +written in spirits, when, instead of being again surprised by Mr Darcy, +she saw, on looking up, that Colonel Fitzwilliam was meeting her. +Putting away the letter immediately, and forcing a smile, she said,-- + +"I did not know before that you ever walked this way." + +"I have been making the tour of the park," he replied, "as I generally +do every year, and intended to close it with a call at the Parsonage. +Are you going much farther?" + +"No, I should have turned in a moment." + +And accordingly she did turn, and they walked towards the Parsonage +together. + +"Do you certainly leave Kent on Saturday?" said she. + +"Yes--if Darcy does not put it off again. But I am at his disposal. He +arranges the business just as he pleases." + +"And if not able to please himself in the arrangement, he has at least +great pleasure in the power of choice. I do not know anybody who seems +more to enjoy the power of doing what he likes than Mr Darcy." + +"He likes to have his own way very well," replied Colonel Fitzwilliam. +"But so we all do. It is only that he has better means of having it than +many others, because he is rich, and many others are poor. I speak +feelingly. A younger son, you know, must be inured to self-denial and +dependence." + +"In my opinion, the younger son of an earl can know very little of +either. Now, seriously, what have you ever known of self-denial and +dependence? When have you been prevented by want of money from going +wherever you chose or procuring anything you had a fancy for?" + +"These are home questions--and perhaps I cannot say that I have +experienced many hardships of that nature. But in matters of greater +weight, I may suffer from the want of money. Younger sons cannot marry +where they like." + +"Unless where they like women of fortune, which I think they very often +do." + +"Our habits of expense make us too dependent, and there are not many in +my rank of life who can afford to marry without some attention to +money." + +"Is this," thought Elizabeth, "meant for me?" and she coloured at the +idea; but, recovering herself, said in a lively tone, "And pray, what is +the usual price of an earl's younger son? Unless the elder brother is +very sickly, I suppose you would not ask above fifty thousand pounds." + +He answered her in the same style, and the subject dropped. To interrupt +a silence which might make him fancy her affected with what had passed, +she soon afterwards said,-- + +"I imagine your cousin brought you down with him chiefly for the sake of +having somebody at his disposal. I wonder he does not marry, to secure a +lasting convenience of that kind. But, perhaps, his sister does as well +for the present; and, as she is under his sole care, he may do what he +likes with her." + +"No," said Colonel Fitzwilliam, "that is an advantage which he must +divide with me. I am joined with him in the guardianship of Miss Darcy." + +"Are you, indeed? And pray what sort of a guardian do you make? Does +your charge give you much trouble? Young ladies of her age are sometimes +a little difficult to manage; and if she has the true Darcy spirit, she +may like to have her own way." + +As she spoke, she observed him looking at her earnestly; and the manner +in which he immediately asked her why she supposed Miss Darcy likely to +give them any uneasiness, convinced her that she had somehow or other +got pretty near the truth. She directly replied,-- + +"You need not be frightened. I never heard any harm of her; and I dare +say she is one of the most tractable creatures in the world. She is a +very great favourite with some ladies of my acquaintance, Mrs Hurst and +Miss Bingley. I think I have heard you say that you know them." + +"I know them a little. Their brother is a pleasant, gentlemanlike +man--he is a great friend of Darcy's." + +"Oh yes," said Elizabeth drily--"Mr Darcy is uncommonly kind to Mr +Bingley, and takes a prodigious deal of care of him." + +"Care of him! Yes, I really believe Darcy _does_ take care of him in +those points where he most wants care. From something that he told me +in our journey hither, I have reason to think Bingley very much indebted +to him. But I ought to beg his pardon, for I have no right to suppose +that Bingley was the person meant. It was all conjecture." + +"What is it you mean?" + +"It is a circumstance which Darcy of course could not wish to be +generally known, because if it were to get round to the lady's family it +would be an unpleasant thing." + +"You may depend upon my not mentioning it." + +"And remember that I have not much reason for supposing it to be +Bingley. What he told me was merely this: that he congratulated himself +on having lately saved a friend from the inconveniences of a most +imprudent marriage, but without mentioning names or any other +particulars; and I only suspected it to be Bingley from believing him +the kind of young man to get into a scrape of that sort, and from +knowing them to have been together the whole of last summer." + +"Did Mr Darcy give you his reasons for this interference?" + +"I understood that there were some very strong objections against the +lady." + +"And what arts did he use to separate them?" + +"He did not talk to me of his own arts," said Fitzwilliam, smiling. "He +only told me what I have now told you." + +Elizabeth made no answer, and walked on, her heart swelling with +indignation. After watching her a little, Fitzwilliam asked her why she +was so thoughtful. + +"I am thinking of what you have been telling me," said she. "Your +cousin's conduct does not suit my feelings. Why was he to be the +judge?" + +"You are rather disposed to call his interference officious?" + +"I do not see what right Mr Darcy had to decide on the propriety of his +friend's inclination; or why, upon his own judgment alone, he was to +determine and direct in what manner that friend was to be happy. But," +she continued, recollecting herself, "as we know none of the +particulars, it is not fair to condemn him. It is not to be supposed +that there was much affection in the case." + +"That is not an unnatural surmise," said Fitzwilliam; "but it is +lessening the honour of my cousin's triumph very sadly." + +This was spoken jestingly, but it appeared to her so just a picture of +Mr Darcy, that she would not trust herself with an answer; and, +therefore, abruptly changing the conversation, talked on indifferent +matters till they reached the Parsonage. There, shut into her own room, +as soon as their visitor left them, she could think without interruption +of all that she had heard. It was not to be supposed that any other +people could be meant than those with whom she was connected. There +could not exist in the world _two_ men over whom Mr Darcy could have +such boundless influence. That he had been concerned in the measures +taken to separate Mr Bingley and Jane, she had never doubted; but she +had always attributed to Miss Bingley the principal design and +arrangement of them. If his own vanity, however, did not mislead him, +_he_ was the cause--his pride and caprice were the cause--of all that +Jane had suffered, and still continued to suffer. He had ruined for a +while every hope of happiness for the most affectionate, generous heart +in the world; and no one could say how lasting an evil he might have +inflicted. + +"There were some very strong objections against the lady," were Colonel +Fitzwilliam's words; and these strong objections probably were, her +having one uncle who was a country attorney, and another who was in +business in London. + +"To Jane herself," she exclaimed, "there could be no possibility of +objection,--all loveliness and goodness as she is! Her understanding +excellent, her mind improved, and her manners captivating. Neither could +anything be urged against my father, who, though with some +peculiarities, has abilities which Mr Darcy himself need not disdain, +and respectability which he will probably never reach." When she thought +of her mother, indeed, her confidence gave way a little; but she would +not allow that any objections _there_ had material weight with Mr +Darcy, whose pride, she was convinced, would receive a deeper wound from +the want of importance in his friend's connections than from their want +of sense; and she was quite decided, at last, that he had been partly +governed by this worst kind of pride, and partly by the wish of +retaining Mr Bingley for his sister. + +The agitation and tears which the subject occasioned brought on a +headache; and it grew so much worse towards the evening that, added to +her unwillingness to see Mr Darcy, it determined her not to attend her +cousins to Rosings, where they were engaged to drink tea. Mrs Collins, +seeing that she was really unwell, did not press her to go, and as much +as possible prevented her husband from pressing her; but Mr Collins +could not conceal his apprehension of Lady Catherine's being rather +displeased by her staying at home. + +CHAPTER XXXIV. + +When they were gone, Elizabeth, as if intending to exasperate herself as +much as possible against Mr Darcy, chose for her employment the +examination of all the letters which Jane had written to her since her +being in Kent. They contained no actual complaint, nor was there any +revival of past occurrences, or any communication of present suffering. +But in all, and in almost every line of each, there was a want of that +cheerfulness which had been used to characterize her style, and which, +proceeding from the serenity of a mind at ease with itself, and kindly +disposed towards everyone, had been scarcely ever clouded. Elizabeth +noticed every sentence conveying the idea of uneasiness, with an +attention which it had hardly received on the first perusal. Mr Darcy's +shameful boast of what misery he had been able to inflict gave her a +keener sense of her sister's sufferings. It was some consolation to +think that his visit to Rosings was to end on the day after the next, +and a still greater that in less than a fortnight she should herself be +with Jane again, and enabled to contribute to the recovery of her +spirits, by all that affection could do. + +She could not think of Darcy's leaving Kent without remembering that his +cousin was to go with him; but Colonel Fitzwilliam had made it clear +that he had no intentions at all, and, agreeable as he was, she did not +mean to be unhappy about him. + +While settling this point, she was suddenly roused by the sound of the +door-bell; and her spirits were a little fluttered by the idea of its +being Colonel Fitzwilliam himself, who had once before called late in +the evening, and might now come to inquire particularly after her. But +this idea was soon banished, and her spirits were very differently +affected, when, to her utter amazement, she saw Mr Darcy walk into the +room. In a hurried manner he immediately began an inquiry after her +health, imputing his visit to a wish of hearing that she were better. +She answered him with cold civility. He sat down for a few moments, and +then getting up walked about the room. Elizabeth was surprised, but +said not a word. After a silence of several minutes, he came towards her +in an agitated manner, and thus began:-- + +"In vain have I struggled. It will not do. My feelings will not be +repressed. You must allow me to tell you how ardently I admire and love +you." + +Elizabeth's astonishment was beyond expression. She stared, coloured, +doubted, and was silent. This he considered sufficient encouragement, +and the avowal of all that he felt and had long felt for her immediately +followed. He spoke well; but there were feelings besides those of the +heart to be detailed, and he was not more eloquent on the subject of +tenderness than of pride. His sense of her inferiority, of its being a +degradation, of the family obstacles which judgment had always opposed +to inclination, were dwelt on with a warmth which seemed due to the +consequence he was wounding, but was very unlikely to recommend his +suit. + +In spite of her deeply-rooted dislike, she could not be insensible to +the compliment of such a man's affection, and though her intentions did +not vary for an instant, she was at first sorry for the pain he was to +receive; till roused to resentment by his subsequent language, she lost +all compassion in anger. She tried, however, to compose herself to +answer him with patience, when he should have done. He concluded with +representing to her the strength of that attachment which in spite of +all his endeavours he had found impossible to conquer; and with +expressing his hope that it would now be rewarded by her acceptance of +his hand. As he said this she could easily see that he had no doubt of a +favourable answer. He _spoke_ of apprehension and anxiety, but his +countenance expressed real security. Such a circumstance could only +exasperate farther; and when he ceased the colour rose into her cheeks +and she said,-- + +"In such cases as this, it is, I believe, the established mode to +express a sense of obligation for the sentiments avowed, however +unequally they may be returned. It is natural that obligation should be +felt, and if I could _feel_ gratitude, I would now thank you. But I +cannot--I have never desired your good opinion, and you have certainly +bestowed it most unwillingly. I am sorry to have occasioned pain to +anyone. It has been most unconsciously done, however, and I hope will be +of short duration. The feelings which you tell me have long prevented +the acknowledgment of your regard can have little difficulty in +overcoming it after this explanation." + +Mr Darcy, who was leaning against the mantel-piece with his eyes fixed +on her face, seemed to catch her words with no less resentment than +surprise. His complexion became pale with anger, and the disturbance of +his mind was visible in every feature. He was struggling for the +appearance of composure, and would not open his lips till he believed +himself to have attained it. The pause was to Elizabeth's feelings +dreadful. At length, in a voice of forced calmness, he said,-- + +"And this is all the reply which I am to have the honour of expecting! I +might, perhaps, wish to be informed why, with so little _endeavour_ at +civility, I am thus rejected. But it is of small importance." + +"I might as well inquire," replied she, "why, with so evident a design +of offending and insulting me, you chose to tell me that you liked me +against your will, against your reason, and even against your character? +Was not this some excuse for incivility, if I _was_ uncivil? But I have +other provocations. You know I have. Had not my own feelings decided +against you, had they been indifferent, or had they even been +favourable, do you think that any consideration would tempt me to accept +the man who has been the means of ruining, perhaps for ever, the +happiness of a most beloved sister?" + +As she pronounced these words, Mr Darcy changed colour; but the emotion +was short, and he listened without attempting to interrupt her while she +continued,-- + +"I have every reason in the world to think ill of you. No motive can +excuse the unjust and ungenerous part you acted _there_. You dare not, +you cannot deny that you have been the principal, if not the only means +of dividing them from each other, of exposing one to the censure of the +world for caprice and instability, the other to its derision for +disappointed hopes, and involving them both in misery of the acutest +kind." + +She paused, and saw with no slight indignation that he was listening +with an air which proved him wholly unmoved by any feeling of remorse. +He even looked at her with a smile of affected incredulity. + +"Can you deny that you have done it?" she repeated. + +With assumed tranquillity he then replied, "I have no wish of denying +that I did everything in my power to separate my friend from your +sister, or that I rejoice in my success. Towards _him_ I have been +kinder than towards myself." + +Elizabeth disdained the appearance of noticing this civil reflection, +but its meaning did not escape, nor was it likely to conciliate her. + +"But it is not merely this affair," she continued, "on which my dislike +is founded. Long before it had taken place, my opinion of you was +decided. Your character was unfolded in the recital which I received +many months ago from Mr Wickham. On this subject, what can you have to +say? In what imaginary act of friendship can you here defend yourself? +or under what misrepresentation can you here impose upon others?" + +"You take an eager interest in that gentleman's concerns," said Darcy, +in a less tranquil tone, and with a heightened colour. + +"Who that knows what his misfortunes have been can help feeling an +interest in him?" + +"His misfortunes!" repeated Darcy, contemptuously,--"yes, his +misfortunes have been great indeed." + +"And of your infliction," cried Elizabeth, with energy; "You have +reduced him to his present state of poverty--comparative poverty. You +have withheld the advantages which you must know to have been designed +for him. You have deprived the best years of his life of that +independence which was no less his due than his desert. You have done +all this! and yet you can treat the mention of his misfortunes with +contempt and ridicule." + +"And this," cried Darcy, as he walked with quick steps across the room, +"is your opinion of me! This is the estimation in which you hold me! I +thank you for explaining it so fully. My faults, according to this +calculation, are heavy indeed! But, perhaps," added he, stopping in his +walk, and turning towards her, "these offences might have been +overlooked, had not your pride been hurt by my honest confession of the +scruples that had long prevented my forming any serious design. These +bitter accusations might have been suppressed, had I, with greater +policy, concealed my struggles, and flattered you into the belief of my +being impelled by unqualified, unalloyed inclination; by reason, by +reflection, by everything. But disguise of every sort is my abhorrence. +Nor am I ashamed of the feelings I related. They were natural and just. +Could you expect me to rejoice in the inferiority of your +connections?--to congratulate myself on the hope of relations whose +condition in life is so decidedly beneath my own?" + +Elizabeth felt herself growing more angry every moment; yet she tried to +the utmost to speak with composure when she said,-- + +"You are mistaken, Mr Darcy, if you suppose that the mode of your +declaration affected me in any other way than as it spared me the +concern which I might have felt in refusing you, had you behaved in a +more gentlemanlike manner." + +She saw him start at this; but he said nothing, and she continued,-- + +"You could not have made me the offer of your hand in any possible way +that would have tempted me to accept it." + +Again his astonishment was obvious; and he looked at her with an +expression of mingled incredulity and mortification. She went on,-- + +"From the very beginning, from the first moment, I may almost say, of my +acquaintance with you, your manners impressing me with the fullest +belief of your arrogance, your conceit, and your selfish disdain of the +feelings of others, were such as to form that groundwork of +disapprobation, on which succeeding events have built so immovable a +dislike; and I had not known you a month before I felt that you were the +last man in the world whom I could ever be prevailed on to marry." + +"You have said quite enough, madam. I perfectly comprehend your +feelings, and have now only to be ashamed of what my own have been. +Forgive me for having taken up so much of your time, and accept my best +wishes for your health and happiness." + +And with these words he hastily left the room, and Elizabeth heard him +the next moment open the front door and quit the house. The tumult of +her mind was now painfully great. She knew not how to support herself, +and, from actual weakness, sat down and cried for half an hour. Her +astonishment, as she reflected on what had passed, was increased by +every review of it. That she should receive an offer of marriage from +Mr Darcy! that he should have been in love with her for so many months! +so much in love as to wish to marry her in spite of all the objections +which had made him prevent his friend's marrying her sister, and which +must appear at least with equal force in his own case, was almost +incredible! it was gratifying to have inspired unconsciously so strong +an affection. But his pride, his abominable pride, his shameless avowal +of what he had done with respect to Jane, his unpardonable assurance in +acknowledging, though he could not justify it, and the unfeeling manner +which he had mentioned Mr Wickham, his cruelty towards whom he had not +attempted to deny, soon overcame the pity which the consideration of his +attachment had for a moment excited. + +She continued in very agitating reflections till the sound of Lady +Catherine's carriage made her feel how unequal she was to encounter +Charlotte's observation, and hurried her away to her room. + +CHAPTER XXXV. + +Elizabeth awoke the next morning to the same thoughts and meditations +which had at length closed her eyes. She could not yet recover from the +surprise of what had happened: it was impossible to think of anything +else; and, totally indisposed for employment, she resolved soon after +breakfast to indulge herself in air and exercise. She was proceeding +directly to her favourite walk, when the recollection of Mr Darcy's +sometimes coming there stopped her, and instead of entering the park, +she turned up the lane which led her farther from the turnpike road. The +park paling was still the boundary on one side, and she soon passed one +of the gates into the ground. + +After walking two or three times along that part of the lane, she was +tempted, by the pleasantness of the morning, to stop at the gates and +look into the park. The five weeks which she had now passed in Kent had +made a great difference in the country, and every day was adding to the +verdure of the early trees. She was on the point of continuing her +walk, when she caught a glimpse of a gentleman within the sort of grove +which edged the park: he was moving that way; and fearful of its being +Mr Darcy, she was directly retreating. But the person who advanced was +now near enough to see her, and stepping forward with eagerness, +pronounced her name. She had turned away; but on hearing herself called, +though in a voice which proved it to be Mr Darcy, she moved again +towards the gate. He had by that time reached it also; and, holding out +a letter, which she instinctively took, said, with a look of haughty +composure, "I have been walking in the grove some time, in the hope of +meeting you. Will you do me the honour of reading that letter?" and +then, with a slight bow, turned again into the plantation, and was soon +out of sight. + +With no expectation of pleasure, but with the strongest curiosity, +Elizabeth opened the letter, and to her still increasing wonder, +perceived an envelope containing two sheets of letter paper, written +quite through, in a very close hand. The envelope itself was likewise +full. Pursuing her way along the lane, she then began it. It was dated +from Rosings, at eight o'clock in the morning, and was as follows:-- + +"Be not alarmed, madam, on receiving this letter, by the apprehension of +its containing any repetition of those sentiments, or renewal of those +offers, which were last night so disgusting to you. I write without any +intention of paining you, or humbling myself, by dwelling on wishes, +which, for the happiness of both, cannot be too soon forgotten; and the +effort which the formation and the perusal of this letter must occasion, +should have been spared, had not my character required it to be written +and read. You must, therefore, pardon the freedom with which I demand +your attention; your feelings, I know, will bestow it unwillingly, but I +demand it of your justice. + +"Two offences of a very different nature, and by no means of equal +magnitude, you last night laid to my charge. The first mentioned was, +that, regardless of the sentiments of either, I had detached Mr Bingley +from your sister,--and the other, that I had, in defiance of various +claims, in defiance of honour and humanity, ruined the immediate +prosperity and blasted the prospects of Mr Wickham. Wilfully and +wantonly to have thrown off the companion of my youth, the acknowledged +favourite of my father, a young man who had scarcely any other +dependence than on our patronage, and who had been brought up to expect +its exertion, would be a depravity, to which the separation of two young +persons whose affection could be the growth of only a few weeks, could +bear no comparison. But from the severity of that blame which was last +night so liberally bestowed, respecting each circumstance, I shall hope +to be in future secured, when the following account of my actions and +their motives has been read. If, in the explanation of them which is due +to myself, I am under the necessity of relating feelings which may be +offensive to yours, I can only say that I am sorry. The necessity must +be obeyed, and further apology would be absurd. I had not been long in +Hertfordshire before I saw, in common with others, that Bingley +preferred your elder sister to any other young woman in the country. But +it was not till the evening of the dance at Netherfield that I had any +apprehension of his feeling a serious attachment. I had often seen him +in love before. At that ball, while I had the honour of dancing with +you, I was first made acquainted, by Sir William Lucas's accidental +information, that Bingley's attentions to your sister had given rise to +a general expectation of their marriage. He spoke of it as a certain +event, of which the time alone could be undecided. From that moment I +observed my friend's behaviour attentively; and I could then perceive +that his partiality for Miss Bennet was beyond what I had ever witnessed +in him. Your sister I also watched. Her look and manners were open, +cheerful, and engaging as ever, but without any symptom of peculiar +regard; and I remained convinced, from the evening's scrutiny, that +though she received his attentions with pleasure, she did not invite +them by any participation of sentiment. If _you_ have not been mistaken +here, _I_ must have been in an error. Your superior knowledge of your +sister must make the latter probable. If it be so, if I have been misled +by such error to inflict pain on her, your resentment has not been +unreasonable. But I shall not scruple to assert, that the serenity of +your sister's countenance and air was such as might have given the most +acute observer a conviction that, however amiable her temper, her heart +was not likely to be easily touched. That I was desirous of believing +her indifferent is certain; but I will venture to say that my +investigations and decisions are not usually influenced by my hopes or +fears. I did not believe her to be indifferent because I wished it; I +believed it on impartial conviction, as truly as I wished it in reason. +My objections to the marriage were not merely those which I last night +acknowledged to have required the utmost force of passion to put aside +in my own case; the want of connection could not be so great an evil to +my friend as to me. But there were other causes of repugnance; causes +which, though still existing, and existing to an equal degree in both +instances, I had myself endeavoured to forget, because they were not +immediately before me. These causes must be stated, though briefly. The +situation of your mother's family, though objectionable, was nothing in +comparison of that total want of propriety so frequently, so almost +uniformly betrayed by herself, by your three younger sisters, and +occasionally even by your father:--pardon me,--it pains me to offend +you. But amidst your concern for the defects of your nearest relations, +and your displeasure at this representation of them, let it give you +consolation to consider that to have conducted yourselves so as to avoid +any share of the like censure is praise no less generally bestowed on +you and your eldest sister than it is honourable to the sense and +disposition of both. I will only say, farther, that from what passed +that evening my opinion of all parties was confirmed, and every +inducement heightened, which could have led me before to preserve my +friend from what I esteemed a most unhappy connection. He left +Netherfield for London on the day following, as you, I am certain, +remember, with the design of soon returning. The part which I acted is +now to be explained. His sisters' uneasiness had been equally excited +with my own: our coincidence of feeling was soon discovered; and, alike +sensible that no time was to be lost in detaching their brother, we +shortly resolved on joining him directly in London. We accordingly +went--and there I readily engaged in the office of pointing out to my +friend the certain evils of such a choice. I described and enforced them +earnestly. But however this remonstrance might have staggered or delayed +his determination, I do not suppose that it would ultimately have +prevented the marriage, had it not been seconded by the assurance, which +I hesitated not in giving, of your sister's indifference. He had before +believed her to return his affection with sincere, if not with equal, +regard. But Bingley has great natural modesty, with a stronger +dependence on my judgment than on his own. To convince him, therefore, +that he had deceived himself was no very difficult point. To persuade +him against returning into Hertfordshire, when that conviction had been +given, was scarcely the work of a moment. I cannot blame myself for +having done thus much. There is but one part of my conduct, in the whole +affair, on which I do not reflect with satisfaction; it is that I +condescended to adopt the measures of art so far as to conceal from him +your sister's being in town. I knew it myself, as it was known to Miss +Bingley; but her brother is even yet ignorant of it. That they might +have met without ill consequence is, perhaps, probable; but his regard +did not appear to me enough extinguished for him to see her without some +danger. Perhaps this concealment, this disguise, was beneath me. It is +done, however, and it was done for the best. On this subject I have +nothing more to say, no other apology to offer. If I have wounded your +sister's feelings, it was unknowingly done; and though the motives which +governed me may to you very naturally appear insufficient, I have not +yet learnt to condemn them.--With respect to that other, more weighty +accusation, of having injured Mr Wickham, I can only refute it by +laying before you the whole of his connection with my family. Of what he +has _particularly_ accused me I am ignorant; but of the truth of what I +shall relate I can summon more than one witness of undoubted veracity. +Mr Wickham is the son of a very respectable man, who had for many years +the management of all the Pemberley estates, and whose good conduct in +the discharge of his trust naturally inclined my father to be of service +to him; and on George Wickham, who was his godson, his kindness was +therefore liberally bestowed. My father supported him at school, and +afterwards at Cambridge; most important assistance, as his own father, +always poor from the extravagance of his wife, would have been unable to +give him a gentleman's education. My father was not only fond of this +young man's society, whose manners were always engaging, he had also the +highest opinion of him, and hoping the church would be his profession, +intended to provide for him in it. As for myself, it is many, many years +since I first began to think of him in a very different manner. The +vicious propensities, the want of principle, which he was careful to +guard from the knowledge of his best friend, could not escape the +observation of a young man of nearly the same age with himself, and who +had opportunities of seeing him in unguarded moments, which Mr Darcy +could not have. Here again I shall give you pain--to what degree you +only can tell. But whatever may be the sentiments which Mr Wickham has +created, a suspicion of their nature shall not prevent me from unfolding +his real character. It adds even another motive. My excellent father +died about five years ago; and his attachment to Mr Wickham was to the +last so steady, that in his will he particularly recommended it to me to +promote his advancement in the best manner that his profession might +allow, and if he took orders, desired that a valuable family living +might be his as soon as it became vacant. There was also a legacy of +one thousand pounds. His own father did not long survive mine; and +within half a year from these events Mr Wickham wrote to inform me +that, having finally resolved against taking orders, he hoped I should +not think it unreasonable for him to expect some more immediate +pecuniary advantage, in lieu of the preferment, by which he could not be +benefited. He had some intention, he added, of studying the law, and I +must be aware that the interest of one thousand pounds would be a very +insufficient support therein. I rather wished than believed him to be +sincere; but, at any rate, was perfectly ready to accede to his +proposal. I knew that Mr Wickham ought not to be a clergyman. The +business was therefore soon settled. He resigned all claim to assistance +in the church, were it possible that he could ever be in a situation to +receive it, and accepted in return three thousand pounds. All connection +between us seemed now dissolved. I thought too ill of him to invite him +to Pemberley, or admit his society in town. In town, I believe, he +chiefly lived, but his studying the law was a mere pretence; and being +now free from all restraint, his life was a life of idleness and +dissipation. For about three years I heard little of him; but on the +decease of the incumbent of the living which had been designed for him, +he applied to me again by letter for the presentation. His +circumstances, he assured me, and I had no difficulty in believing it, +were exceedingly bad. He had found the law a most unprofitable study, +and was now absolutely resolved on being ordained, if I would present +him to the living in question--of which he trusted there could be little +doubt, as he was well assured that I had no other person to provide for, +and I could not have forgotten my revered father's intentions. You will +hardly blame me for refusing to comply with this entreaty, or for +resisting every repetition of it. His resentment was in proportion to +the distress of his circumstances--and he was doubtless as violent in +his abuse of me to others as in his reproaches to myself. After this +period, every appearance of acquaintance was dropped. How he lived, I +know not. But last summer he was again most painfully obtruded on my +notice. I must now mention a circumstance which I would wish to forget +myself, and which no obligation less than the present should induce me +to unfold to any human being. Having said thus much, I feel no doubt of +your secrecy. My sister, who is more than ten years my junior, was left +to the guardianship of my mother's nephew, Colonel Fitzwilliam, and +myself. About a year ago, she was taken from school, and an +establishment formed for her in London; and last summer she went with +the lady who presided over it to Ramsgate; and thither also went Mr +Wickham, undoubtedly by design; for there proved to have been a prior +acquaintance between him and Mrs Younge, in whose character we were +most unhappily deceived; and by her connivance and aid he so far +recommended himself to Georgiana, whose affectionate heart retained a +strong impression of his kindness to her as a child, that she was +persuaded to believe herself in love and to consent to an elopement. She +was then but fifteen, which must be her excuse; and after stating her +imprudence, I am happy to add, that I owed the knowledge of it to +herself. I joined them unexpectedly a day or two before the intended +elopement; and then Georgiana, unable to support the idea of grieving +and offending a brother whom she almost looked up to as a father, +acknowledged the whole to me. You may imagine what I felt and how I +acted. Regard for my sister's credit and feelings prevented any public +exposure; but I wrote to Mr Wickham, who left the place immediately, +and Mrs Younge was of course removed from her charge. Mr Wickham's +chief object was unquestionably my sister's fortune, which is thirty +thousand pounds; but I cannot help supposing that the hope of revenging +himself on me was a strong inducement. His revenge would have been +complete indeed. This, madam, is a faithful narrative of every event in +which we have been concerned together; and if you do not absolutely +reject it as false, you will, I hope, acquit me henceforth of cruelty +towards Mr Wickham. I know not in what manner, under what form of +falsehood, he has imposed on you; but his success is not perhaps to be +wondered at, ignorant as you previously were of everything concerning +either. Detection could not be in your power, and suspicion certainly +not in your inclination. You may possibly wonder why all this was not +told you last night. But I was not then master enough of myself to know +what could or ought to be revealed. For the truth of everything here +related, I can appeal more particularly to the testimony of Colonel +Fitzwilliam, who, from our near relationship and constant intimacy, and +still more as one of the executors of my father's will, has been +unavoidably acquainted with every particular of these transactions. If +your abhorrence of _me_ should make _my_ assertions valueless, you +cannot be prevented by the same cause from confiding in my cousin; and +that there may be the possibility of consulting him, I shall endeavour +to find some opportunity of putting this letter in your hands in the +course of the morning. I will only add, God bless you. + +"FITZWILLIAM DARCY." + +CHAPTER XXXVI. + +Elizabeth, when Mr Darcy gave her the letter, did not expect it to +contain a renewal of his offers, she had formed no expectation at all of +its contents. But such as they were, it may be well supposed how eagerly +she went through them, and what a contrariety of emotion they excited. +Her feelings as she read were scarcely to be defined. With amazement did +she first understand that he believed any apology to be in his power; +and steadfastly was she persuaded, that he could have no explanation to +give, which a just sense of shame would not conceal. With a strong +prejudice against everything he might say, she began his account of +what had happened at Netherfield. She read with an eagerness which +hardly left her power of comprehension; and from impatience of knowing +what the next sentence might bring, was incapable of attending to the +sense of the one before her eyes. His belief of her sister's +insensibility she instantly resolved to be false; and his account of the +real, the worst objections to the match, made her too angry to have any +wish of doing him justice. He expressed no regret for what he had done +which satisfied her; his style was not penitent, but haughty. It was all +pride and insolence. + +But when this subject was succeeded by his account of Mr Wickham--when +she read, with somewhat clearer attention, a relation of events which, +if true, must overthrow every cherished opinion of his worth, and which +bore so alarming an affinity to his own history of himself--her feelings +were yet more acutely painful and more difficult of definition. +Astonishment, apprehension, and even horror, oppressed her. She wished +to discredit it entirely, repeatedly exclaiming, "This must be false! +This cannot be! This must be the grossest falsehood!"--and when she had +gone through the whole letter, though scarcely knowing anything of the +last page or two, put it hastily away, protesting that she would not +regard it, that she would never look in it again. + +In this perturbed state of mind, with thoughts that could rest on +nothing, she walked on; but it would not do: in half a minute the letter +was unfolded again; and collecting herself as well as she could, she +again began the mortifying perusal of all that related to Wickham, and +commanded herself so far as to examine the meaning of every sentence. +The account of his connection with the Pemberley family was exactly +what he had related himself; and the kindness of the late Mr Darcy, +though she had not before known its extent, agreed equally well with his +own words. So far each recital confirmed the other; but when she came to +the will, the difference was great. What Wickham had said of the living +was fresh in her memory; and as she recalled his very words, it was +impossible not to feel that there was gross duplicity on one side or the +other, and, for a few moments, she flattered herself that her wishes did +not err. But when she read and re-read, with the closest attention, the +particulars immediately following of Wickham's resigning all pretensions +to the living, of his receiving in lieu so considerable a sum as three +thousand pounds, again was she forced to hesitate. She put down the +letter, weighed every circumstance with what she meant to be +impartiality--deliberated on the probability of each statement--but with +little success. On both sides it was only assertion. Again she read on. +But every line proved more clearly that the affair, which she had +believed it impossible that any contrivance could so represent as to +render Mr Darcy's conduct in it less than infamous, was capable of a +turn which must make him entirely blameless throughout the whole. + +The extravagance and general profligacy which he scrupled not to lay to +Mr Wickham's charge exceedingly shocked her; the more so, as she could +bring no proof of its injustice. She had never heard of him before his +entrance into the ----shire militia, in which he had engaged at the +persuasion of the young man, who, on meeting him accidentally in town, +had there renewed a slight acquaintance. Of his former way of life, +nothing had been known in Hertfordshire but what he told + +himself. As to his real character, had information been in her power, +she had never felt a wish of inquiring. His countenance, voice, and +manner, had established him at once in the possession of every virtue. +She tried to recollect some instance of goodness, some distinguished +trait of integrity or benevolence, that might rescue him from the +attacks of Mr Darcy; or at least, by the predominance of virtue, atone +for those casual errors, under which she would endeavour to class what +Mr Darcy had described as the idleness and vice of many years' +continuance. But no such recollection befriended her. She could see him +instantly before her, in every charm of air and address, but she could +remember no more substantial good than the general approbation of the +neighbourhood, and the regard which his social powers had gained him in +the mess. After pausing on this point a considerable while, she once +more continued to read. But, alas! the story which followed, of his +designs on Miss Darcy, received some confirmation from what had passed +between Colonel Fitzwilliam and herself only the morning before; and at +last she was referred for the truth of every particular to Colonel +Fitzwilliam himself--from whom she had previously received the +information of his near concern in all his cousin's affairs and whose +character she had no reason to question. At one time she had almost +resolved on applying to him, but the idea was checked by the awkwardness +of the application, and at length wholly banished by the conviction that +Mr Darcy would never have hazarded such a proposal, if he had not been +well assured of his cousin's corroboration. + +She perfectly remembered everything that had passed in conversation +between Wickham and herself in their first evening at Mr Philips's. +Many of his expressions were still fresh in her memory. She was _now_ +struck with the impropriety of such communications to a stranger, and +wondered it had escaped her before. She saw the indelicacy of putting +himself forward as he had done, and the inconsistency of his professions +with his conduct. She remembered that he had boasted of having no fear +of seeing Mr Darcy--that Mr Darcy might leave the country, but that +_he_ should stand his ground; yet he had avoided the Netherfield ball +the very next week. She remembered, also, that till the Netherfield +family had quitted the country, he had told his story to no one but +herself; but that after their removal, it had been everywhere discussed; +that he had then no reserves, no scruples in sinking Mr Darcy's +character, though he had assured her that respect for the father would +always prevent his exposing the son. + +How differently did everything now appear in which he was concerned! His +attentions to Miss King were now the consequence of views solely and +hatefully mercenary; and the mediocrity of her fortune proved no longer +the moderation of his wishes, but his eagerness to grasp at anything. +His behaviour to herself could now have had no tolerable motive: he had +either been deceived with regard to her fortune, or had been gratifying +his vanity by encouraging the preference which she believed she had most +incautiously shown. Every lingering struggle in his favour grew fainter +and fainter; and in further justification of Mr Darcy, she could not +but allow that Mr Bingley, when questioned by Jane, had long ago +asserted his blamelessness in the affair;--that, proud and repulsive as +were his manners, she had never, in the whole course of their +acquaintance--an acquaintance which had latterly brought them much +together, and given her a sort of intimacy with his ways--seen anything +that betrayed him to be unprincipled or unjust--anything that spoke him +of irreligious or immoral habits;--that among his own connections he was +esteemed and valued;--that even Wickham had allowed him merit as a +brother, and that she had often heard him speak so affectionately of his +sister as to prove him capable of some amiable feeling;--that had his +actions been what Wickham represented them, so gross a violation of +everything right could hardly have been concealed from the world; and +that friendship between a person capable of it and such an amiable man +as Mr Bingley was incomprehensible. + +She grew absolutely ashamed of herself. Of neither Darcy nor Wickham +could she think, without feeling that she had been blind, partial, +prejudiced, absurd. + +"How despicably have I acted!" she cried. "I, who have prided myself on +my discernment! I, who have valued myself on my abilities! who have +often disdained the generous candour of my sister, and gratified my +vanity in useless or blameless distrust. How humiliating is this +discovery! Yet, how just a humiliation! Had I been in love, I could not +have been more wretchedly blind. But vanity, not love, has been my +folly. Pleased with the preference of one, and offended by the neglect +of the other, on the very beginning of our acquaintance, I have courted +prepossession and ignorance, and driven reason away where either were +concerned. Till this moment, I never knew myself." + +From herself to Jane, from Jane to Bingley, her thoughts were in a line +which soon brought to her recollection that Mr Darcy's explanation +_there_ had appeared very insufficient; and she read it again. Widely +different was the effect of a second perusal. How could she deny that +credit to his assertions, in one instance, which she had been obliged to +give in the other? He declared himself to have been totally unsuspicious +of her sister's attachment; and she could not help remembering what +Charlotte's opinion had always been. Neither could she deny the justice +of his description of Jane. She felt that Jane's feelings, though +fervent, were little displayed, and that there was a constant +complacency in her air and manner, not often united with great +sensibility. + +When she came to that part of the letter in which her family were +mentioned, in tones of such mortifying, yet merited, reproach, her sense +of shame was severe. The justice of the charge struck her too forcibly +for denial; and the circumstances to which he particularly alluded, as +having passed at the Netherfield ball, and as confirming all his first +disapprobation, could not have made a stronger impression on his mind +than on hers. + +The compliment to herself and her sister was not unfelt. It soothed, but +it could not console her for the contempt which had been thus +self-attracted by the rest of her family; and as she considered that +Jane's disappointment had, in fact, been the work of her nearest +relations, and reflected how materially the credit of both must be hurt +by such impropriety of conduct, she felt depressed beyond anything she +had ever known before. + +After wandering along the lane for two hours, giving way to every +variety of thought, reconsidering events, determining probabilities, and +reconciling herself, as well as she could, to a change so sudden and so +important, fatigue, and a recollection of her long absence, made her at +length return home; and she entered the house with the wish of appearing +cheerful as usual, and the resolution of repressing such reflections as +must make her unfit for conversation. + +She was immediately told, that the two gentlemen from Rosings had each +called during her absence; Mr Darcy, only for a few minutes, to take +leave, but that Colonel Fitzwilliam had been sitting with them at least +an hour, hoping for her return, and almost resolving to walk after her +till she could be found. Elizabeth could but just _affect_ concern in +missing him; she really rejoiced at it. Colonel Fitzwilliam was no +longer an object. She could think only of her letter. + +CHAPTER XXXVII. + +The two gentlemen left Rosings the next morning; and Mr Collins having +been in waiting near the lodges, to make them his parting obeisance, was +able to bring home the pleasing intelligence of their appearing in very +good health, and in as tolerable spirits as could be expected, after the +melancholy scene so lately gone through at Rosings. To Rosings he then +hastened to console Lady Catherine and her daughter; and on his return +brought back, with great satisfaction, a message from her Ladyship, +importing that she felt herself so dull as to make her very desirous of +having them all to dine with her. + +Elizabeth could not see Lady Catherine without recollecting that, had +she chosen it, she might by this time have been presented to her as her +future niece; nor could she think, without a smile, of what her +Ladyship's indignation would have been. "What would she have said? how +would she have behaved?" were the questions with which she amused +herself. + +Their first subject was the diminution of the Rosings' party. "I assure +you, I feel it exceedingly," said Lady Catherine; "I believe nobody +feels the loss of friends so much as I do. But I am particularly +attached to these young men; and know them to be so much attached to me! +They were excessively sorry to go! But so they always are. The dear +Colonel rallied his spirits tolerably till just at last; but Darcy +seemed to feel it most acutely--more, I think, than last year. His +attachment to Rosings certainly increases." + +Mr Collins had a compliment and an allusion to throw in here, which +were kindly smiled on by the mother and daughter. + +Lady Catherine observed, after dinner, that Miss Bennet seemed out of +spirits; and immediately accounting for it herself, by supposing that +she did not like to go home again so soon, she added,-- + +"But if that is the case, you must write to your mother to beg that you +may stay a little longer. Mrs Collins will be very glad of your +company, I am sure." + +"I am much obliged to your Ladyship for your kind invitation," replied +Elizabeth; "but it is not in my power to accept it. I must be in town +next Saturday." + +"Why, at that rate, you will have been here only six weeks. I expected +you to stay two months. I told Mrs Collins so before you came. There +can be no occasion for your going so soon. Mrs Bennet could certainly +spare you for another fortnight." + +"But my father cannot. He wrote last week to hurry my return." + +"Oh, your father, of course, may spare you, if your mother can. +Daughters are never of so much consequence to a father. And if you will +stay another _month_ complete, it will be in my power to take one of you +as far as London, for I am going there early in June, for a week; and +as Dawson does not object to the barouche-box, there will be very good +room for one of you--and, indeed, if the weather should happen to be +cool, I should not object to taking you both, as you are neither of you +large." + +"You are all kindness, madam; but I believe we must abide by our +original plan." + +Lady Catherine seemed resigned. "Mrs Collins, you must send a servant +with them. You know I always speak my mind, and I cannot bear the idea +of two young women travelling post by themselves. It is highly improper. +You must contrive to send somebody. I have the greatest dislike in the +world to that sort of thing. Young women should always be properly +guarded and attended, according to their situation in life. When my +niece Georgiana went to Ramsgate last summer, I made a point of her +having two men-servants go with her. Miss Darcy, the daughter of Mr +Darcy of Pemberley, and Lady Anne, could not have appeared with +propriety in a different manner. I am excessively attentive to all those +things. You must send John with the young ladies, Mrs Collins. I am +glad it occurred to me to mention it; for it would really be +discreditable to _you_ to let them go alone." + +"My uncle is to send a servant for us." + +"Oh! Your uncle! He keeps a man-servant, does he? I am very glad you +have somebody who thinks of those things. Where shall you change horses? +Oh, Bromley, of course. If you mention my name at the Bell, you will be +attended to." + +Lady Catherine had many other questions to ask respecting their journey; +and as she did not answer them all herself attention was +necessary--which Elizabeth believed to be lucky for her; or, with a +mind so occupied, she might have forgotten where she was. Reflection +must be reserved for solitary hours: whenever she was alone, she gave +way to it as the greatest relief; and not a day went by without a +solitary walk, in which she might indulge in all the delight of +unpleasant recollections. + +Mr Darcy's letter she was in a fair way of soon knowing by heart. She +studied every sentence; and her feelings towards its writer were at +times widely different. When she remembered the style of his address, +she was still full of indignation: but when she considered how unjustly +she had condemned and upbraided him, her anger was turned against +herself; and his disappointed feelings became the object of compassion. +His attachment excited gratitude, his general character respect: but she +could not approve him; nor could she for a moment repent her refusal, or +feel the slightest inclination ever to see him again. In her own past +behaviour, there was a constant source of vexation and regret: and in +the unhappy defects of her family, a subject of yet heavier chagrin. +They were hopeless of remedy. Her father, contented with laughing at +them, would never exert himself to restrain the wild giddiness of his +youngest daughters; and her mother, with manners so far from right +herself, was entirely insensible of the evil. Elizabeth had frequently +united with Jane in an endeavour to check the imprudence of Catherine +and Lydia; but while they were supported by their mother's indulgence, +what chance could there be of improvement? Catherine, weak-spirited, +irritable, and completely under Lydia's guidance, had been always +affronted by their advice; and Lydia, self-willed and careless, would +scarcely give them a hearing. They were ignorant, idle, and vain. While +there was an officer in Meryton, they would flirt with him; and while +Meryton was within a walk of Longbourn, they would be going there for +ever. + +Anxiety on Jane's behalf was another prevailing concern; and Mr Darcy's +explanation, by restoring Bingley to all her former good opinion, +heightened the sense of what Jane had lost. His affection was proved to +have been sincere, and his conduct cleared of all blame, unless any +could attach to the implicitness of his confidence in his friend. How +grievous then was the thought that, of a situation so desirable in every +respect, so replete with advantage, so promising for happiness, Jane had +been deprived, by the folly and indecorum of her own family! + +When to these recollections was added the development of Wickham's +character, it may be easily believed that the happy spirits which had +seldom been depressed before were now so much affected as to make it +almost impossible for her to appear tolerably cheerful. + +Their engagements at Rosings were as frequent during the last week of +her stay as they had been at first. The very last evening was spent +there; and her Ladyship again inquired minutely into the particulars of +their journey, gave them directions as to the best method of packing, +and was so urgent on the necessity of placing gowns in the only right +way, that Maria thought herself obliged, on her return, to undo all the +work of the morning, and pack her trunk afresh. + +When they parted, Lady Catherine, with great condescension, wished them +a good journey, and invited them to come to Hunsford again next year; +and Miss de Bourgh exerted herself so far as to courtesy and hold out +her hand to both. + +CHAPTER XXXVIII. + +On Saturday morning Elizabeth and Mr Collins met for breakfast a few +minutes before the others appeared; and he took the opportunity of +paying the parting civilities which he deemed indispensably necessary. + +"I know not, Miss Elizabeth," said he, "whether Mrs Collins has yet +expressed her sense of your kindness in coming to us; but I am very +certain you will not leave the house without receiving her thanks for +it. The favour of your company has been much felt, I assure you. We know +how little there is to tempt anyone to our humble abode. Our plain +manner of living, our small rooms, and few domestics, and the little we +see of the world, must make Hunsford extremely dull to a young lady like +yourself; but I hope you will believe us grateful for the condescension, +and that we have done everything in our power to prevent you spending +your time unpleasantly." + +Elizabeth was eager with her thanks and assurances of happiness. She had +spent six weeks with great enjoyment; and the pleasure of being with +Charlotte, and the kind attention she had received, must make _her_ feel +the obliged. Mr Collins was gratified; and with a more smiling +solemnity replied,-- + +"It gives me the greatest pleasure to hear that you have passed your +time not disagreeably. We have certainly done our best; and most +fortunately having it in our power to introduce you to very superior +society, and from our connection with Rosings, the frequent means of +varying the humble home scene, I think we may flatter ourselves that +your Hunsford visit cannot have been entirely irksome. Our situation +with regard to Lady Catherine's family is, indeed, the sort of +extraordinary advantage and blessing which few can boast. You see on +what a footing we are. You see how continually we are engaged there. In +truth, I must acknowledge, that, with all the disadvantages of this +humble parsonage, I should not think anyone abiding in it an object of +compassion, while they are sharers of our intimacy at Rosings." + +Words were insufficient for the elevation of his feelings; and he was +obliged to walk about the room, while Elizabeth tried to unite civility +and truth in a few short sentences. + +"You may, in fact, carry a very favourable report of us into +Hertfordshire, my dear cousin. I flatter myself, at least, that you will +be able to do so. Lady Catherine's great attentions to Mrs Collins you +have been a daily witness of; and altogether I trust it does not appear +that your friend has drawn an unfortunate--but on this point it will be +as well to be silent. Only let me assure you, my dear Miss Elizabeth, +that I can from my heart most cordially wish you equal felicity in +marriage. My dear Charlotte and I have but one mind and one way of +thinking. There is in everything a most remarkable resemblance of +character and ideas between us. We seem to have been designed for each +other." + +Elizabeth could safely say that it was a great happiness where that was +the case, and with equal sincerity could add, that she firmly believed +and rejoiced in his domestic comforts. She was not sorry, however, to +have the recital of them interrupted by the entrance of the lady from +whom they sprang. Poor Charlotte! it was melancholy to leave her to such +society! But she had chosen it with her eyes open; and though evidently +regretting that her visitors were to go, she did not seem to ask for +compassion. Her home and her housekeeping, her parish and her poultry, +and all their dependent concerns, had not yet lost their charms. + +At length the chaise arrived, the trunks were fastened on, the parcels +placed within, and it was pronounced to be ready. After an affectionate +parting between the friends, Elizabeth was attended to the carriage by +Mr Collins; and as they walked down the garden, he was commissioning +her with his best respects to all her family, not forgetting his thanks +for the kindness he had received at Longbourn in the winter, and his +compliments to Mr and Mrs Gardiner, though unknown. He then handed +her in, Maria followed, and the door was on the point of being closed, +when he suddenly reminded them, with some consternation, that they had +hitherto forgotten to leave any message for the ladies of Rosings. + +"But," he added, "you will of course wish to have your humble respects +delivered to them, with your grateful thanks for their kindness to you +while you have been here." + +Elizabeth made no objection: the door was then allowed to be shut, and +the carriage drove off. + +"Good gracious!" cried Maria, after a few minutes' silence, "it seems +but a day or two since we first came! and yet how many things have +happened!" + +"A great many indeed," said her companion, with a sigh. + +"We have dined nine times at Rosings, besides drinking tea there twice! +How much I shall have to tell!" + +Elizabeth privately added, "And how much I shall have to conceal!" + +Their journey was performed without much conversation, or any alarm; and +within four hours of their leaving Hunsford they reached Mr Gardiner's +house, where they were to remain a few days. + +Jane looked well, and Elizabeth had little opportunity of studying her +spirits, amidst the various engagements which the kindness of her aunt +had reserved for them. But Jane was to go home with her, and at +Longbourn there would be leisure enough for observation. + +It was not without an effort, meanwhile, that she could wait even for +Longbourn, before she told her sister of Mr Darcy's proposals. To know +that she had the power of revealing what would so exceedingly astonish +Jane, and must, at the same time, so highly gratify whatever of her own +vanity she had not yet been able to reason away, was such a temptation +to openness as nothing could have conquered, but the state of indecision +in which she remained as to the extent of what she should communicate, +and her fear, if she once entered on the subject, of being hurried into +repeating something of Bingley, which might only grieve her sister +further. + +CHAPTER XXXIX. + +It was the second week in May, in which the three young ladies set out +together from Gracechurch Street for the town of ----, in Hertfordshire; +and, as they drew near the appointed inn where Mr Bennet's carriage was +to meet them, they quickly perceived, in token of the coachman's +punctuality, both Kitty and Lydia looking out of a dining-room upstairs. +These two girls had been above an hour in the place, happily employed +in visiting an opposite milliner, watching the sentinel on guard, and +dressing a salad and cucumber. + +After welcoming their sisters, they triumphantly displayed a table set +out with such cold meat as an inn larder usually affords, exclaiming, +"Is not this nice? is not this an agreeable surprise?" + +"And we mean to treat you all," added Lydia; "but you must lend us the +money, for we have just spent ours at the shop out there." Then showing +her purchases,--"Look here, I have bought this bonnet. I do not think it +is very pretty; but I thought I might as well buy it as not. I shall +pull it to pieces as soon as I get home, and see if I can make it up any +better." + +And when her sisters abused it as ugly, she added, with perfect +unconcern, "Oh, but there were two or three much uglier in the shop; and +when I have bought some prettier-coloured satin to trim it with fresh, I +think it will be very tolerable. Besides, it will not much signify what +one wears this summer, after the ----shire have left Meryton, and they +are going in a fortnight." + +"Are they, indeed?" cried Elizabeth, with the greatest satisfaction. + +"They are going to be encamped near Brighton; and I do so want papa to +take us all there for the summer! It would be such a delicious scheme, +and I dare say would hardly cost anything at all. Mamma would like to +go, too, of all things! Only think what a miserable summer else we shall +have!" + +"Yes," thought Elizabeth; "_that_ would be a delightful scheme, indeed, +and completely do for us at once. Good Heaven! Brighton and a whole +campful of soldiers, to us, who have been overset already by one poor +regiment of militia, and the monthly balls of Meryton!" + +"Now I have got some news for you," said Lydia, as they sat down to +table. "What do you think? It is excellent news, capital news, and about +a certain person that we all like." + +Jane and Elizabeth looked at each other, and the waiter was told that he +need not stay. Lydia laughed, and said,-- + +"Ay, that is just like your formality and discretion. You thought the +waiter must not hear, as if he cared! I dare say he often hears worse +things said than I am going to say. But he is an ugly fellow! I am glad +he is gone. I never saw such a long chin in my life. Well, but now for +my news: it is about dear Wickham; too good for the waiter, is not it? +There is no danger of Wickham's marrying Mary King--there's for you! She +is gone down to her uncle at Liverpool; gone to stay. Wickham is safe." + +"And Mary King is safe!" added Elizabeth; "safe from a connection +imprudent as to fortune." + +"She is a great fool for going away, if she liked him." + +"But I hope there is no strong attachment on either side," said Jane. + +"I am sure there is not on _his_. I will answer for it, he never cared +three straws about her. Who _could_ about such a nasty little freckled +thing?" + +Elizabeth was shocked to think that, however incapable of such +coarseness of _expression_ herself, the coarseness of the _sentiment_ +was little other than her own breast had formerly harboured and fancied +liberal! + +As soon as all had ate, and the elder ones paid, the carriage was +ordered; and, after some contrivance, the whole party, with all their +boxes, workbags, and parcels, and the unwelcome addition of Kitty's and +Lydia's purchases, were seated in it. + +"How nicely we are crammed in!" cried Lydia. "I am glad I brought my +bonnet, if it is only for the fun of having another band-box! Well, now +let us be quite comfortable and snug, and talk and laugh all the way +home. And in the first place, let us hear what has happened to you all +since you went away. Have you seen any pleasant men? Have you had any +flirting? I was in great hopes that one of you would have got a husband +before you came back. Jane will be quite an old maid soon, I declare. +She is almost three-and-twenty! Lord! how ashamed I should be of not +being married before three-and-twenty! My aunt Philips wants you so to +get husbands you can't think. She says Lizzy had better have taken Mr +Collins; but _I_ do not think there would have been any fun in it. Lord! +how I should like to be married before any of you! and then I would +_chaperon_ you about to all the balls. Dear me! we had such a good piece +of fun the other day at Colonel Forster's! Kitty and me were to spend +the day there, and Mrs Forster promised to have a little dance in the +evening; (by-the-bye, Mrs Forster and me are _such_ friends!) and so +she asked the two Harringtons to come: but Harriet was ill, and so Pen +was forced to come by herself; and then, what do you think we did? We +dressed up Chamberlayne in woman's clothes, on purpose to pass for a +lady,--only think what fun! Not a soul knew of it, but Colonel and Mrs +Forster, and Kitty and me, except my aunt, for we were forced to borrow +one of her gowns; and you cannot imagine how well he looked! When Denny, +and Wickham, and Pratt, and two or three more of the men came in, they +did not know him in the least. Lord! how I laughed! and so did Mrs +Forster. I thought I should have died. And _that_ made the men suspect +something, and then they soon found out what was the matter." + +With such kind of histories of their parties and good jokes did Lydia, +assisted by Kitty's hints and additions, endeavour to amuse her +companions all the way to Longbourn. Elizabeth listened as little as she +could, but there was no escaping the frequent mention of Wickham's name. + +Their reception at home was most kind. Mrs Bennet rejoiced to see Jane +in undiminished beauty; and more than once during dinner did Mr Bennet +say voluntarily to Elizabeth,---- + +"I am glad you are come back, Lizzy." + +Their party in the dining-room was large, for almost all the Lucases +came to meet Maria and hear the news; and various were the subjects +which occupied them: Lady Lucas was inquiring of Maria, across the +table, after the welfare and poultry of her eldest daughter; Mrs Bennet +was doubly engaged, on one hand collecting an account of the present +fashions from Jane, who sat some way below her, and on the other, +retailing them all to the younger Miss Lucases; and Lydia, in a voice +rather louder than any other person's, was enumerating the various +pleasures of the morning to anybody who would hear her. + +"Oh, Mary," said she, "I wish you had gone with us, for we had such fun! +as we went along Kitty and me drew up all the blinds, and pretended +there was nobody in the coach; and I should have gone so all the way, if +Kitty had not been sick; and when we got to the George, I do think we +behaved very handsomely, for we treated the other three with the nicest +cold luncheon in the world, and if you would have gone, we would have +treated you too. And then when we came away it was such fun! I thought +we never should have got into the coach. I was ready to die of laughter. +And then we were so merry all the way home! we talked and laughed so +loud, that anybody might have heard us ten miles off!" + +To this, Mary very gravely replied, "Far be it from me, my dear sister, +to depreciate such pleasures. They would doubtless be congenial with the +generality of female minds. But I confess they would have no charms for +_me_. I should infinitely prefer a book." + +But of this answer Lydia heard not a word. She seldom listened to +anybody for more than half a minute, and never attended to Mary at all. + +In the afternoon Lydia was urgent with the rest of the girls to walk to +Meryton, and see how everybody went on; but Elizabeth steadily opposed +the scheme. It should not be said, that the Miss Bennets could not be at +home half a day before they were in pursuit of the officers. There was +another reason, too, for her opposition. She dreaded seeing Wickham +again, and was resolved to avoid it as long as possible. The comfort to +_her_, of the regiment's approaching removal, was indeed beyond +expression. In a fortnight they were to go, and once gone, she hoped +there could be nothing more to plague her on his account. + +She had not been many hours at home, before she found that the Brighton +scheme, of which Lydia had given them a hint at the inn, was under +frequent discussion between her parents. Elizabeth saw directly that her +father had not the smallest intention of yielding; but his answers were +at the same time so vague and equivocal, that her mother, though often +disheartened, had never yet despaired of succeeding at last. + +CHAPTER XL. + +Elizabeth's impatience to acquaint Jane with what had happened could no +longer be overcome; and at length resolving to suppress every particular +in which her sister was concerned, and preparing her to be surprised, +she related to her the next morning the chief of the scene between Mr +Darcy and herself. + +Miss Bennet's astonishment was soon lessened by the strong sisterly +partiality which made any admiration of Elizabeth appear perfectly +natural; and all surprise was shortly lost in other feelings. She was +sorry that Mr Darcy should have delivered his sentiments in a manner so +little suited to recommend them; but still more was she grieved for the +unhappiness which her sister's refusal must have given him. + +"His being so sure of succeeding was wrong," said she, "and certainly +ought not to have appeared; but consider how much it must increase his +disappointment." + +"Indeed," replied Elizabeth, "I am heartily sorry for him; but he has +other feelings which will probably soon drive away his regard for me. +You do not blame me, however, for refusing him?" + +"Blame you! Oh, no." + +"But you blame me for having spoken so warmly of Wickham?" + +"No--I do not know that you were wrong in saying what you did." + +"But you _will_ know it, when I have told you what happened the very +next day." + +She then spoke of the letter, repeating the whole of its contents as far +as they concerned George Wickham. What a stroke was this for poor Jane, +who would willingly have gone through the world without believing that +so much wickedness existed in the whole race of mankind as was here +collected in one individual! Nor was Darcy's vindication, though +grateful to her feelings, capable of consoling her for such discovery. +Most earnestly did she labour to prove the probability of error, and +seek to clear one, without involving the other. + +"This will not do," said Elizabeth; "you never will be able to make both +of them good for anything. Take your choice, but you must be satisfied +with only one. There is but such a quantity of merit between them; just +enough to make one good sort of man; and of late it has been shifting +about pretty much. For my part, I am inclined to believe it all Mr +Darcy's, but you shall do as you choose." + +It was some time, however, before a smile could be extorted from Jane. + +"I do not know when I have been more shocked," said she. "Wickham so +very bad! It is almost past belief. And poor Mr Darcy! dear Lizzy, +only consider what he must have suffered. Such a disappointment! and +with the knowledge of your ill opinion too! and having to relate such a +thing of his sister! It is really too distressing, I am sure you must +feel it so." + +"Oh no, my regret and compassion are all done away by seeing you so full +of both. I know you will do him such ample justice, that I am growing +every moment more unconcerned and indifferent. Your profusion makes me +saving; and if you lament over him much longer, my heart will be as +light as a feather." + +"Poor Wickham! there is such an expression of goodness in his +countenance! such an openness and gentleness in his manner." + +"There certainly was some great mismanagement in the education of those +two young men. One has got all the goodness, and the other all the +appearance of it." + +"I never thought Mr Darcy so deficient in the _appearance_ of it as you +used to do." + +"And yet I meant to be uncommonly clever in taking so decided a dislike +to him, without any reason. It is such a spur to one's genius, such an +opening for wit, to have a dislike of that kind. One may be continually +abusive without saying anything just; but one cannot be always laughing +at a man without now and then stumbling on something witty." + +"Lizzy, when you first read that letter, I am sure you could not treat +the matter as you do now." + +"Indeed, I could not. I was uncomfortable enough, I was very +uncomfortable--I may say unhappy. And with no one to speak to of what I +felt, no Jane to comfort me, and say that I had not been so very weak, +and vain, and nonsensical, as I knew I had! Oh, how I wanted you!" + +"How unfortunate that you should have used such very strong expressions +in speaking of Wickham to Mr Darcy, for now they _do_ appear wholly +undeserved." + +"Certainly. But the misfortune of speaking with bitterness is a most +natural consequence of the prejudices I had been encouraging. There is +one point on which I want your advice. I want to be told whether I +ought, or ought not, to make our acquaintance in general understand +Wickham's character." + +Miss Bennet paused a little, and then replied, "Surely there can be no +occasion for exposing him so dreadfully. What is your own opinion?" + +"That it ought not to be attempted. Mr Darcy has not authorized me to +make his communication public. On the contrary, every particular +relative to his sister was meant to be kept as much as possible to +myself; and if I endeavour to undeceive people as to the rest of his +conduct, who will believe me? The general prejudice against Mr Darcy is +so violent, that it would be the death of half the good people in +Meryton, to attempt to place him in an amiable light. I am not equal to +it. Wickham will soon be gone; and, therefore, it will not signify to +anybody here what he really is. Some time hence it will be all found +out, and then we may laugh at their stupidity in not knowing it before. +At present I will say nothing about it." + +"You are quite right. To have his errors made public might ruin him for +ever. He is now, perhaps, sorry for what he has done, and anxious to +re-establish a character. We must not make him desperate." + +The tumult of Elizabeth's mind was allayed by this conversation. She +had got rid of two of the secrets which had weighed on her for a +fortnight, and was certain of a willing listener in Jane, whenever she +might wish to talk again of either. But there was still something +lurking behind, of which prudence forbade the disclosure. She dared not +relate the other half of Mr Darcy's letter, nor explain to her sister +how sincerely she had been valued by his friend. Here was knowledge in +which no one could partake; and she was sensible that nothing less than +a perfect understanding between the parties could justify her in +throwing off this last encumbrance of mystery. "And then," said she, "if +that very improbable event should ever take place, I shall merely be +able to tell what Bingley may tell in a much more agreeable manner +himself. The liberty of communication cannot be mine till it has lost +all its value!" + +She was now, on being settled at home, at leisure to observe the real +state of her sister's spirits. Jane was not happy. She still cherished a +very tender affection for Bingley. Having never even fancied herself in +love before, her regard had all the warmth of first attachment, and from +her age and disposition, greater steadiness than first attachments often +boast; and so fervently did she value his remembrance, and prefer him to +every other man, that all her good sense, and all her attention to the +feelings of her friends, were requisite to check the indulgence of those +regrets which must have been injurious to her own health and their +tranquillity. + +"Well, Lizzy," said Mrs Bennet, one day, "what is your opinion _now_ of +this sad business of Jane's? For my part, I am determined never to speak +of it again to anybody. I told my sister Philips so the other day. But I +cannot find out that Jane saw anything of him in London. Well, he is a +very undeserving young man--and I do not suppose there is the least +chance in the world of her ever getting him now. There is no talk of his +coming to Netherfield again in the summer; and I have inquired of +everybody, too, who is likely to know." + +"I do not believe that he will ever live at Netherfield any more." + +"Oh, well! it is just as he chooses. Nobody wants him to come; though I +shall always say that he used my daughter extremely ill; and, if I was +her, I would not have put up with it. Well, my comfort is, I am sure +Jane will die of a broken heart, and then he will be sorry for what he +has done." + +But as Elizabeth could not receive comfort from any such expectation she +made no answer. + +"Well, Lizzy," continued her mother, soon afterwards, "and so the +Collinses live very comfortable, do they? Well, well, I only hope it +will last. And what sort of table do they keep? Charlotte is an +excellent manager, I dare say. If she is half as sharp as her mother, +she is saving enough. There is nothing extravagant in _their_ +housekeeping, I dare say." + +"No, nothing at all." + +"A great deal of good management, depend upon it. Yes, yes. _They_ will +take care not to outrun their income. _They_ will never be distressed +for money. Well, much good may it do them! And so, I suppose, they often +talk of having Longbourn when your father is dead. They look upon it +quite as their own, I dare say, whenever that happens." + +"It was a subject which they could not mention before me." + +"No; it would have been strange if they had. But I make no doubt they +often talk of it between themselves. Well, if they can be easy with an +estate that is not lawfully their own, so much the better. _I_ should be +ashamed of having one that was only entailed on me." + +CHAPTER XLI. + +The first week of their return was soon gone. The second began. It was +the last of the regiment's stay in Meryton, and all the young ladies in +the neighbourhood were drooping apace. The dejection was almost +universal. The elder Miss Bennets alone were still able to eat, drink, +and sleep, and pursue the usual course of their employments. Very +frequently were they reproached for this insensibility by Kitty and +Lydia, whose own misery was extreme, and who could not comprehend such +hard-heartedness in any of the family. + +"Good Heaven! What is to become of us? What are we to do?" would they +often exclaim in the bitterness of woe. "How can you be smiling so, +Lizzy?" + +Their affectionate mother shared all their grief; she remembered what +she had herself endured on a similar occasion five-and-twenty years ago. + +"I am sure," said she, "I cried for two days together when Colonel +Miller's regiment went away. I thought I should have broke my heart." + +"I am sure I shall break _mine_," said Lydia. + +"If one could but go to Brighton!" observed Mrs Bennet. + +"Oh yes!--if one could but go to Brighton! But papa is so disagreeable." + +"A little sea-bathing would set me up for ever." + +"And my aunt Philips is sure it would do _me_ a great deal of good," +added Kitty. + +Such were the kind of lamentations resounding perpetually through +Longbourn House. Elizabeth tried to be diverted by them; but all sense +of pleasure was lost in shame. She felt anew the justice of Mr Darcy's +objections; and never had she before been so much disposed to pardon his +interference in the views of his friend. + +But the gloom of Lydia's prospect was shortly cleared away; for she +received an invitation from Mrs Forster, the wife of the colonel of the +regiment, to accompany her to Brighton. This invaluable friend was a +very young woman, and very lately married. A resemblance in good-humour +and good spirits had recommended her and Lydia to each other, and out of +their _three_ months' acquaintance they had been intimate _two_. + +The rapture of Lydia on this occasion, her adoration of Mrs Forster, +the delight of Mrs Bennet, and the mortification of Kitty, are scarcely +to be described. Wholly inattentive to her sister's feelings, Lydia flew +about the house in restless ecstasy, calling for everyone's +congratulations, and laughing and talking with more violence than ever; +whilst the luckless Kitty continued in the parlour repining at her fate +in terms as unreasonable as her accent was peevish. + +"I cannot see why Mrs Forster should not ask _me_ as well as Lydia," +said she, "though I am _not_ her particular friend. I have just as much +right to be asked as she has, and more too, for I am two years older." + +In vain did Elizabeth attempt to make her reasonable, and Jane to make +her resigned. As for Elizabeth herself, this invitation was so far from +exciting in her the same feelings as in her mother and Lydia, that she +considered it as the death-warrant of all possibility of common sense +for the latter; and detestable as such a step must make her, were it +known, she could not help secretly advising her father not to let her +go. She represented to him all the improprieties of Lydia's general +behaviour, the little advantage she could derive from the friendship of +such a woman as Mrs Forster, and the probability of her being yet more +imprudent with such a companion at Brighton, where the temptations must +be greater than at home. He heard her attentively, and then said,-- + +"Lydia will never be easy till she has exposed herself in some public +place or other, and we can never expect her to do it with so little +expense or inconvenience to her family as under the present +circumstances." + +"If you were aware," said Elizabeth, "of the very great disadvantage to +us all, which must arise from the public notice of Lydia's unguarded and +imprudent manner, nay, which has already arisen from it, I am sure you +would judge differently in the affair." + +"Already arisen!" repeated Mr Bennet. "What! has she frightened away +some of your lovers? Poor little Lizzy! But do not be cast down. Such +squeamish youths as cannot bear to be connected with a little absurdity +are not worth a regret. Come, let me see the list of the pitiful fellows +who have been kept aloof by Lydia's folly." + +"Indeed, you are mistaken. I have no such injuries to resent. It is not +of peculiar, but of general evils, which I am now complaining. Our +importance, our respectability in the world, must be affected by the +wild volatility, the assurance and disdain of all restraint which mark +Lydia's character. Excuse me,--for I must speak plainly. If you, my dear +father, will not take the trouble of checking her exuberant spirits, and +of teaching her that her present pursuits are not to be the business of +her life, she will soon be beyond the reach of amendment. Her character +will be fixed; and she will, at sixteen, be the most determined flirt +that ever made herself and her family ridiculous;--a flirt, too, in the +worst and meanest degree of flirtation; without any attraction beyond +youth and a tolerable person; and, from the ignorance and emptiness of +her mind, wholly unable to ward off any portion of that universal +contempt which her rage for admiration will excite. In this danger Kitty +is also comprehended. She will follow wherever Lydia leads. Vain, +ignorant, idle, and absolutely uncontrolled! Oh, my dear father, can you +suppose it possible that they will not be censured and despised wherever +they are known, and that their sisters will not be often involved in the +disgrace?" + +Mr Bennet saw that her whole heart was in the subject; and, +affectionately taking her hand, said, in reply,-- + +"Do not make yourself uneasy, my love. Wherever you and Jane are known, +you must be respected and valued; and you will not appear to less +advantage for having a couple of--or I may say, three--very silly +sisters. We shall have no peace at Longbourn if Lydia does not go to +Brighton. Let her go, then. Colonel Forster is a sensible man, and will +keep her out of any real mischief; and she is luckily too poor to be an +object of prey to anybody. At Brighton she will be of less importance +even as a common flirt than she has been here. The officers will find +women better worth their notice. Let us hope, therefore, that her being +there may teach her her own insignificance. At any rate, she cannot grow +many degrees worse, without authorizing us to lock her up for the rest +of her life." + +With this answer Elizabeth was forced to be content; but her own opinion +continued the same, and she left him disappointed and sorry. It was not +in her nature, however, to increase her vexations by dwelling on them. +She was confident of having performed her duty; and to fret over +unavoidable evils, or augment them by anxiety, was no part of her +disposition. + +Had Lydia and her mother known the substance of her conference with her +father, their indignation would hardly have found expression in their +united volubility. In Lydia's imagination, a visit to Brighton comprised +every possibility of earthly happiness. She saw, with the creative eye +of fancy, the streets of that gay bathing-place covered with officers. +She saw herself the object of attention to tens and to scores of them at +present unknown. She saw all the glories of the camp: its tents +stretched forth in beauteous uniformity of lines, crowded with the young +and the gay, and dazzling with scarlet; and, to complete the view, she +saw herself seated beneath a tent, tenderly flirting with at least six +officers at once. + +Had she known that her sister sought to tear her from such prospects and +such realities as these, what would have been her sensations? They could +have been understood only by her mother, who might have felt nearly the +same. Lydia's going to Brighton was all that consoled her for the +melancholy conviction of her husband's never intending to go there +himself. + +But they were entirely ignorant of what had passed; and their raptures +continued, with little intermission, to the very day of Lydia's leaving +home. + +Elizabeth was now to see Mr Wickham for the last time. Having been +frequently in company with him since her return, agitation was pretty +well over; the agitations of former partiality entirely so. She had even +learnt to detect, in the very gentleness which had first delighted her, +an affectation and a sameness to disgust and weary. In his present +behaviour to herself, moreover, she had a fresh source of displeasure; +for the inclination he soon testified of renewing those attentions which +had marked the early part of their acquaintance could only serve, after +what had since passed, to provoke her. She lost all concern for him in +finding herself thus selected as the object of such idle and frivolous +gallantry; and while she steadily repressed it, could not but feel the +reproof contained in his believing, that however long, and for whatever +cause, his attentions had been withdrawn, her vanity would be gratified, +and her preference secured, at any time, by their renewal. + +On the very last day of the regiment's remaining in Meryton, he dined, +with others of the officers, at Longbourn; and so little was Elizabeth +disposed to part from him in good-humour, that, on his making some +inquiry as to the manner in which her time had passed at Hunsford, she +mentioned Colonel Fitzwilliam's and Mr Darcy's having both spent three +weeks at Rosings, and asked him if he were acquainted with the former. + +He looked surprised, displeased, alarmed; but, with a moment's +recollection, and a returning smile, replied, that he had formerly seen +him often; and, after observing that he was a very gentlemanlike man, +asked her how she had liked him. Her answer was warmly in his favour. +With an air of indifference, he soon afterwards added, "How long did you +say that he was at Rosings?" + +"Nearly three weeks." + +"And you saw him frequently?" + +"Yes, almost every day." + +"His manners are very different from his cousin's." + +"Yes, very different; but I think Mr Darcy improves on acquaintance." + +"Indeed!" cried Wickham, with a look which did not escape her. "And pray +may I ask--" but checking himself, he added, in a gayer tone, "Is it in +address that he improves? Has he deigned to add aught of civility to his +ordinary style? for I dare not hope," he continued, in a lower and more +serious tone, "that he is improved in essentials." + +"Oh, no!" said Elizabeth. "In essentials, I believe, he is very much +what he ever was." + +While she spoke, Wickham looked as if scarcely knowing whether to +rejoice over her words or to distrust their meaning. There was a +something in her countenance which made him listen with an apprehensive +and anxious attention, while she added,-- + +"When I said that he improved on acquaintance, I did not mean that +either his mind or manners were in a state of improvement; but that, +from knowing him better, his disposition was better understood." + +Wickham's alarm now appeared in a heightened complexion and agitated +look; for a few minutes he was silent; till, shaking off his +embarrassment, he turned to her again, and said in the gentlest of +accents,-- + +"You, who so well know my feelings towards Mr Darcy, will readily +comprehend how sincerely I must rejoice that he is wise enough to assume +even the _appearance_ of what is right. His pride, in that direction, +may be of service, if not to himself, to many others, for it must deter +him from such foul misconduct as I have suffered by. I only fear that +the sort of cautiousness to which you, I imagine, have been alluding, is +merely adopted on his visits to his aunt, of whose good opinion and +judgment he stands much in awe. His fear of her has always operated, I +know, when they were together; and a good deal is to be imputed to his +wish of forwarding the match with Miss de Bourgh, which I am certain he +has very much at heart." + +Elizabeth could not repress a smile at this, but she answered only by a +slight inclination of the head. She saw that he wanted to engage her on +the old subject of his grievances, and she was in no humour to indulge +him. The rest of the evening passed with the _appearance_, on his side, +of usual cheerfulness, but with no further attempt to distinguish +Elizabeth; and they parted at last with mutual civility, and possibly a +mutual desire of never meeting again. + +When the party broke up, Lydia returned with Mrs Forster to Meryton, +from whence they were to set out early the next morning. The separation +between her and her family was rather noisy than pathetic. Kitty was the +only one who shed tears; but she did weep from vexation and envy. Mrs +Bennet was diffuse in her good wishes for the felicity of her daughter, +and impressive in her injunctions that she would not miss the +opportunity of enjoying herself as much as possible,--advice which there +was every reason to believe would be attended to; and, in the clamorous +happiness of Lydia herself in bidding farewell, the more gentle adieus +of her sisters were uttered without being heard. + +CHAPTER XLII. + +Had Elizabeth's opinion been all drawn from her own family, she could +not have formed a very pleasing picture of conjugal felicity or domestic +comfort. Her father, captivated by youth and beauty, and that appearance +of good-humour which youth and beauty generally give, had married a +woman whose weak understanding and illiberal mind had very early in +their marriage put an end to all real affection for her. Respect, +esteem, and confidence had vanished for ever; and all his views of +domestic happiness were overthrown. But Mr Bennet was not of a +disposition to seek comfort for the disappointment which his own +imprudence had brought on in any of those pleasures which too often +console the unfortunate for their folly or their vice. He was fond of +the country and of books; and from these tastes had arisen his principal +enjoyments. To his wife he was very little otherwise indebted than as +her ignorance and folly had contributed to his amusement. This is not +the sort of happiness which a man would in general wish to owe to his +wife; but where other powers of entertainment are wanting, the true +philosopher will derive benefit from such as are given. + +Elizabeth, however, had never been blind to the impropriety of her +father's behaviour as a husband. She had always seen it with pain; but +respecting his abilities, and grateful for his affectionate treatment of +herself, she endeavoured to forget what she could not overlook, and to +banish from her thoughts that continual breach of conjugal obligation +and decorum which, in exposing his wife to the contempt of her own +children, was so highly reprehensible. But she had never felt so +strongly as now the disadvantages which must attend the children of so +unsuitable a marriage, nor ever been so fully aware of the evils arising +from so ill-judged a direction of talents--talents which, rightly used, +might at least have preserved the respectability of his daughters, even +if incapable of enlarging the mind of his wife. + +When Elizabeth had rejoiced over Wickham's departure, she found little +other cause for satisfaction in the loss of the regiment. Their parties +abroad were less varied than before; and at home she had a mother and +sister, whose constant repinings at the dulness of everything around +them threw a real gloom over their domestic circle; and, though Kitty +might in time regain her natural degree of sense, since the disturbers +of her brain were removed, her other sister, from whose disposition +greater evil might be apprehended, was likely to be hardened in all her +folly and assurance, by a situation of such double danger as a +watering-place and a camp. Upon the whole, therefore, she found, what +has been sometimes found before, that an event to which she had looked +forward with impatient desire, did not, in taking place, bring all the +satisfaction she had promised herself. It was consequently necessary to +name some other period for the commencement of actual felicity; to have +some other point on which her wishes and hopes might be fixed, and by +again enjoying the pleasure of anticipation, console herself for the +present, and prepare for another disappointment. Her tour to the Lakes +was now the object of her happiest thoughts: it was her best consolation +for all the uncomfortable hours which the discontentedness of her mother +and Kitty made inevitable; and could she have included Jane in the +scheme, every part of it would have been perfect. + +"But it is fortunate," thought she, "that I have something to wish for. +Were the whole arrangement complete, my disappointment would be certain. +But here, by carrying with me one ceaseless source of regret in my +sister's absence, I may reasonably hope to have all my expectations of +pleasure realized. A scheme of which every part promises delight can +never be successful; and general disappointment is only warded off by +the defence of some little peculiar vexation." + +When Lydia went away she promised to write very often and very minutely +to her mother and Kitty; but her letters were always long expected, and +always very short. Those to her mother contained little else than that +they were just returned from the library, where such and such officers +had attended them, and where she had seen such beautiful ornaments as +made her quite wild; that she had a new gown, or a new parasol, which +she would have described more fully, but was obliged to leave off in a +violent hurry, as Mrs Forster called her, and they were going to the +camp; and from her correspondence with her sister there was still less +to be learnt, for her letters to Kitty, though rather longer, were much +too full of lines under the words to be made public. + +After the first fortnight or three weeks of her absence, health, +good-humour, and cheerfulness began to reappear at Longbourn. Everything +wore a happier aspect. The families who had been in town for the winter +came back again, and summer finery and summer engagements arose. Mrs +Bennet was restored to her usual querulous serenity; and by the middle +of June Kitty was so much recovered as to be able to enter Meryton +without tears,--an event of such happy promise as to make Elizabeth +hope, that by the following Christmas she might be so tolerably +reasonable as not to mention an officer above once a day, unless, by +some cruel and malicious arrangement at the War Office, another regiment +should be quartered in Meryton. + +The time fixed for the beginning of their northern tour was now fast +approaching; and a fortnight only was wanting of it, when a letter +arrived from Mrs Gardiner, which at once delayed its commencement and +curtailed its extent. Mr Gardiner would be prevented by business from +setting out till a fortnight later in July, and must be in London again +within a month; and as that left too short a period for them to go so +far, and see so much as they had proposed, or at least to see it with +the leisure and comfort they had built on, they were obliged to give up +the Lakes, and substitute a more contracted tour; and, according to the +present plan, were to go no farther northward than Derbyshire. In that +county there was enough to be seen to occupy the chief of their three +weeks; and to Mrs Gardiner it had a peculiarly strong attraction. The +town where she had formerly passed some years of her life, and where +they were now to spend a few days, was probably as great an object of +her curiosity as all the celebrated beauties of Matlock, Chatsworth, +Dovedale, or the Peak. + +Elizabeth was excessively disappointed: she had set her heart on seeing +the Lakes; and still thought there might have been time enough. But it +was her business to be satisfied--and certainly her temper to be happy; +and all was soon right again. + +With the mention of Derbyshire, there were many ideas connected. It was +impossible for her to see the word without thinking of Pemberley and its +owner. "But surely," said she, "I may enter his county with impunity, +and rob it of a few petrified spars, without his perceiving me." + +The period of expectation was now doubled. Four weeks were to pass away +before her uncle and aunt's arrival. But they did pass away, and Mr and +Mrs Gardiner, with their four children, did at length appear at +Longbourn. The children, two girls of six and eight years old, and two +younger boys, were to be left under the particular care of their cousin +Jane, who was the general favourite, and whose steady sense and +sweetness of temper exactly adapted her for attending to them in every +way--teaching them, playing with them, and loving them. + +The Gardiners stayed only one night at Longbourn, and set off the next +morning with Elizabeth in pursuit of novelty and amusement. One +enjoyment was certain--that of suitableness as companions; a +suitableness which comprehended health and temper to bear +inconveniences--cheerfulness to enhance every pleasure--and affection +and intelligence, which might supply it among themselves if there were +disappointments abroad. + +It is not the object of this work to give a description of Derbyshire, +nor of any of the remarkable places through which their route thither +lay--Oxford, Blenheim, Warwick, Kenilworth, Birmingham, etc., are +sufficiently known. A small part of Derbyshire is all the present +concern. To the little town of Lambton, the scene of Mrs Gardiner's +former residence, and where she had lately learned that some +acquaintance still remained, they bent their steps, after having seen +all the principal wonders of the country; and within five miles of +Lambton, Elizabeth found, from her aunt, that Pemberley was situated. It +was not in their direct road; nor more than a mile or two out of it. In +talking over their route the evening before, Mrs Gardiner expressed an +inclination to see the place again. Mr Gardiner declared his +willingness, and Elizabeth was applied to for her approbation. + +"My love, should not you like to see a place of which you have heard so +much?" said her aunt. "A place, too, with which so many of your +acquaintance are connected. Wickham passed all his youth there, you +know." + +Elizabeth was distressed. She felt that she had no business at +Pemberley, and was obliged to assume a disinclination for seeing it. She +must own that she was tired of great houses: after going over so many, +she really had no pleasure in fine carpets or satin curtains. + +Mrs Gardiner abused her stupidity. "If it were merely a fine house +richly furnished," said she, "I should not care about it myself; but the +grounds are delightful. They have some of the finest woods in the +country." + +Elizabeth said no more; but her mind could not acquiesce. The +possibility of meeting Mr Darcy, while viewing the place, instantly +occurred. It would be dreadful! She blushed at the very idea; and +thought it would be better to speak openly to her aunt, than to run such +a risk. But against this there were objections; and she finally resolved +that it could be the last resource, if her private inquiries as to the +absence of the family were unfavourably answered. + +Accordingly, when she retired at night, she asked the chambermaid +whether Pemberley were not a very fine place, what was the name of its +proprietor, and, with no little alarm, whether the family were down for +the summer? A most welcome negative followed the last question; and her +alarms being now removed, she was at leisure to feel a great deal of +curiosity to see the house herself; and when the subject was revived the +next morning, and she was again applied to, could readily answer, and +with a proper air of indifference, that she had not really any dislike +to the scheme. + +To Pemberley, therefore, they were to go. + +CHAPTER XLIII. + +Elizabeth, as they drove along, watched for the first appearance of +Pemberley Woods with some perturbation; and when at length they turned +in at the lodge, her spirits were in a high flutter. + +The park was very large, and contained great variety of ground. They +entered it in one of its lowest points, and drove for some time through +a beautiful wood stretching over a wide extent. + +Elizabeth's mind was too full for conversation, but she saw and admired +every remarkable spot and point of view. They gradually ascended for +half a mile, and then found themselves at the top of a considerable +eminence, where the wood ceased, and the eye was instantly caught by +Pemberley House, situated on the opposite side of the valley, into which +the road with some abruptness wound. It was a large, handsome stone +building, standing well on rising ground, and backed by a ridge of high +woody hills; and in front a stream of some natural importance was +swelled into greater, but without any artificial appearance. Its banks +were neither formal nor falsely adorned. Elizabeth was delighted. She +had never seen a place for which nature had done more, or where natural +beauty had been so little counteracted by an awkward taste. They were +all of them warm in their admiration; and at that moment she felt that +to be mistress of Pemberley might be something! + +They descended the hill, crossed the bridge, and drove to the door; and, +while examining the nearer aspect of the house, all her apprehension of +meeting its owner returned. She dreaded lest the chambermaid had been +mistaken. On applying to see the place, they were admitted into the +hall; and Elizabeth, as they waited for the housekeeper, had leisure to +wonder at her being where she was. + +The housekeeper came; a respectable looking elderly woman, much less +fine, and more civil, than she had any notion of finding her. They +followed her into the dining-parlour. It was a large, well-proportioned +room, handsomely fitted up. Elizabeth, after slightly surveying it, went +to a window to enjoy its prospect. The hill, crowned with wood, from +which they had descended, receiving increased abruptness from the +distance, was a beautiful object. Every disposition of the ground was +good; and she looked on the whole scene, the river, the trees scattered +on its banks, and the winding of the valley, as far as she could trace +it, with delight. As they passed into other rooms, these objects were +taking different positions; but from every window there were beauties +to be seen. The rooms were lofty and handsome, and their furniture +suitable to the fortune of their proprietor; but Elizabeth saw, with +admiration of his taste, that it was neither gaudy nor uselessly +fine,--with less of splendour, and more real elegance, than the +furniture of Rosings. + +"And of this place," thought she, "I might have been mistress! With +these rooms I might have now been familiarly acquainted! Instead of +viewing them as a stranger, I might have rejoiced in them as my own, and +welcomed to them as visitors my uncle and aunt. But, no," recollecting +herself, "that could never be; my uncle and aunt would have been lost to +me; I should not have been allowed to invite them." + +This was a lucky recollection--it saved her from something like regret. + +She longed to inquire of the housekeeper whether her master were really +absent, but had not courage for it. At length, however, the question was +asked by her uncle; and she turned away with alarm, while Mrs Reynolds +replied, that he was; adding, "But we expect him to-morrow, with a large +party of friends." How rejoiced was Elizabeth that their own journey had +not by any circumstance been delayed a day! + +Her aunt now called her to look at a picture. She approached, and saw +the likeness of Mr Wickham, suspended, amongst several other +miniatures, over the mantel-piece. Her aunt asked her, smilingly, how +she liked it. The housekeeper came forward, and told them it was the +picture of a young gentleman, the son of her late master's steward, who +had been brought up by him at his own expense. "He is now gone into the +army," she added; "but I am afraid he has turned out very wild." + +Mrs Gardiner looked at her niece with a smile, but Elizabeth could not +return it. + +"And that," said Mrs Reynolds, pointing to another of the miniatures, +"is my master--and very like him. It was drawn at the same time as the +other--about eight years ago." + +"I have heard much of your master's fine person," said Mrs Gardiner, +looking at the picture; "it is a handsome face. But, Lizzy, you can tell +us whether it is like or not." + +Mrs Reynolds' respect for Elizabeth seemed to increase on this +intimation of her knowing her master. + +"Does that young lady know Mr Darcy?" + +Elizabeth coloured, and said, "A little." + +"And do not you think him a very handsome gentleman, ma'am?" + +"Yes, very handsome." + +"I am sure _I_ know none so handsome; but in the gallery upstairs you +will see a finer, larger picture of him than this. This room was my late +master's favourite room, and these miniatures are just as they used to +be then. He was very fond of them." + +This accounted to Elizabeth for Mr Wickham's being among them. + +Mrs Reynolds then directed their attention to one of Miss Darcy, drawn +when she was only eight years old. + +"And is Miss Darcy as handsome as her brother?" said Mr Gardiner. + +"Oh, yes--the handsomest young lady that ever was seen; and so +accomplished! She plays and sings all day long. In the next room is a +new instrument just come down for her--a present from my master: she +comes here to-morrow with him." + +Mr Gardiner, whose manners were easy and pleasant, encouraged her +communicativeness by his questions and remarks: Mrs Reynolds, either +from pride or attachment, had evidently great pleasure in talking of her +master and his sister. + +"Is your master much at Pemberley in the course of the year?" + +"Not so much as I could wish, sir: but I dare say he may spend half his +time here; and Miss Darcy is always down for the summer months." + +"Except," thought Elizabeth, "when she goes to Ramsgate." + +"If your master would marry, you might see more of him." + +"Yes, sir; but I do not know when _that_ will be. I do not know who is +good enough for him." + +Mr and Mrs Gardiner smiled. Elizabeth could not help saying, "It is +very much to his credit, I am sure, that you should think so." + +"I say no more than the truth, and what everybody will say that knows +him," replied the other. Elizabeth thought this was going pretty far; +and she listened with increasing astonishment as the housekeeper added, +"I have never had a cross word from him in my life, and I have known him +ever since he was four years old." + +This was praise of all others most extraordinary, most opposite to her +ideas. That he was not a good-tempered man had been her firmest opinion. +Her keenest attention was awakened: she longed to hear more; and was +grateful to her uncle for saying,-- + +"There are very few people of whom so much can be said. You are lucky in +having such a master." + +"Yes, sir, I know I am. If I were to go through the world, I could not +meet with a better. But I have always observed, that they who are +good-natured when children, are good-natured when they grow up; and he +was always the sweetest tempered, most generous-hearted boy in the +world." + +Elizabeth almost stared at her. "Can this be Mr Darcy?" thought she. + +"His father was an excellent man," said Mrs Gardiner. + +"Yes, ma'am, that he was indeed; and his son will be just like him--just +as affable to the poor." + +Elizabeth listened, wondered, doubted, and was impatient for more. Mrs +Reynolds could interest her on no other point. She related the subjects +of the pictures, the dimensions of the rooms, and the price of the +furniture in vain. Mr Gardiner, highly amused by the kind of family +prejudice, to which he attributed her excessive commendation of her +master, soon led again to the subject; and she dwelt with energy on his +many merits, as they proceeded together up the great staircase. + +"He is the best landlord, and the best master," said she, "that ever +lived. Not like the wild young men now-a-days, who think of nothing but +themselves. There is not one of his tenants or servants but what will +give him a good name. Some people call him proud; but I am sure I never +saw anything of it. To my fancy, it is only because he does not rattle +away like other young men." + +"In what an amiable light does this place him!" thought Elizabeth. + +"This fine account of him," whispered her aunt as they walked, "is not +quite consistent with his behaviour to our poor friend." + +"Perhaps we might be deceived." + +"That is not very likely; our authority was too good." + +On reaching the spacious lobby above, they were shown into a very pretty +sitting-room, lately fitted up with greater elegance and lightness than +the apartments below; and were informed that it was but just done to +give pleasure to Miss Darcy, who had taken a liking to the room, when +last at Pemberley. + +"He is certainly a good brother," said Elizabeth, as she walked towards +one of the windows. + +Mrs Reynolds anticipated Miss Darcy's delight, when she should enter +the room. "And this is always the way with him," she added. "Whatever +can give his sister any pleasure, is sure to be done in a moment. There +is nothing he would not do for her." + +The picture gallery, and two or three of the principal bed-rooms, were +all that remained to be shown. In the former were many good paintings: +but Elizabeth knew nothing of the art; and from such as had been already +visible below, she had willingly turned to look at some drawings of Miss +Darcy's, in crayons, whose subjects were usually more interesting, and +also more intelligible. + +In the gallery there were many family portraits, but they could have +little to fix the attention of a stranger. Elizabeth walked on in quest +of the only face whose features would be known to her. At last it +arrested her--and she beheld a striking resemblance of Mr Darcy, with +such a smile over the face, as she remembered to have sometimes seen, +when he looked at her. She stood several minutes before the picture, in +earnest contemplation, and returned to it again before they quitted the +gallery. Mrs Reynolds informed them, that it had been taken in his +father's lifetime. + +There was certainly at this moment, in Elizabeth's mind, a more gentle +sensation towards the original than she had ever felt in the height of +their acquaintance. The commendation bestowed on him by Mrs Reynolds +was of no trifling nature. What praise is more valuable than the praise +of an intelligent servant? As a brother, a landlord, a master, she +considered how many people's happiness were in his guardianship! How +much of pleasure or pain it was in his power to bestow! How much of good +or evil must be done by him! Every idea that had been brought forward by +the housekeeper was favourable to his character; and as she stood before +the canvas, on which he was represented, and fixed his eyes upon +herself, she thought of his regard with a deeper sentiment of gratitude +than it had ever raised before: she remembered its warmth, and softened +its impropriety of expression. + +When all of the house that was open to general inspection had been seen, +they returned down stairs; and, taking leave of the housekeeper, were +consigned over to the gardener, who met them at the hall door. + +As they walked across the lawn towards the river, Elizabeth turned back +to look again; her uncle and aunt stopped also; and while the former was +conjecturing as to the date of the building, the owner of it himself +suddenly came forward from the road which led behind it to the stables. + +They were within twenty yards of each other; and so abrupt was his +appearance, that it was impossible to avoid his sight. Their eyes +instantly met, and the cheeks of each were overspread with the deepest +blush. He absolutely started, and for a moment seemed immovable from +surprise; but shortly recovering himself, advanced towards the party, +and spoke to Elizabeth, if not in terms of perfect composure, at least +of perfect civility. + +She had instinctively turned away; but stopping on his approach, +received his compliments with an embarrassment impossible to be +overcome. Had his first appearance, or his resemblance to the picture +they had just been examining, been insufficient to assure the other two +that they now saw Mr Darcy, the gardener's expression of surprise, on +beholding his master, must immediately have told it. They stood a little +aloof while he was talking to their niece, who, astonished and confused, +scarcely dared lift her eyes to his face, and knew not what answer she +returned to his civil inquiries after her family. Amazed at the +alteration of his manner since they last parted, every sentence that he +uttered was increasing her embarrassment; and every idea of the +impropriety of her being found there recurring to her mind, the few +minutes in which they continued together were some of the most +uncomfortable of her life. Nor did he seem much more at ease; when he +spoke, his accent had none of its usual sedateness; and he repeated his +inquiries as to the time of her having left Longbourn, and of her stay +in Derbyshire, so often, and in so hurried a way, as plainly spoke the +distraction of his thoughts. + +At length, every idea seemed to fail him; and after standing a few +moments without saying a word, he suddenly recollected himself, and took +leave. + +The others then joined her, and expressed their admiration of his +figure; but Elizabeth heard not a word, and, wholly engrossed by her own +feelings, followed them in silence. She was overpowered by shame and +vexation. Her coming there was the most unfortunate, the most ill-judged +thing in the world! How strange must it appear to him! In what a +disgraceful light might it not strike so vain a man! It might seem as if +she had purposely thrown herself in his way again! Oh! why did she come? +or, why did he thus come a day before he was expected? Had they been +only ten minutes sooner, they should have been beyond the reach of his +discrimination; for it was plain that he was that moment arrived, that +moment alighted from his horse or his carriage. She blushed again and +again over the perverseness of the meeting. And his behaviour, so +strikingly altered,--what could it mean? That he should even speak to +her was amazing!--but to speak with such civility, to inquire after her +family! Never in her life had she seen his manners so little dignified, +never had he spoken with such gentleness as on this unexpected meeting. +What a contrast did it offer to his last address in Rosings Park, when +he put his letter into her hand! She knew not what to think, or how to +account for it. + +They had now entered a beautiful walk by the side of the water, and +every step was bringing forward a nobler fall of ground, or a finer +reach of the woods to which they were approaching: but it was some time +before Elizabeth was sensible of any of it; and, though she answered +mechanically to the repeated appeals of her uncle and aunt, and seemed +to direct her eyes to such objects as they pointed out, she +distinguished no part of the scene. Her thoughts were all fixed on that +one spot of Pemberley House, whichever it might be, where Mr Darcy then +was. She longed to know what at that moment was passing in his mind; in +what manner he thought of her, and whether, in defiance of everything, +she was still dear to him. Perhaps he had been civil only because he +felt himself at ease; yet there had been _that_ in his voice, which was +not like ease. Whether he had felt more of pain or of pleasure in seeing +her, she could not tell, but he certainly had not seen her with +composure. + +At length, however, the remarks of her companions on her absence of mind +roused her, and she felt the necessity of appearing more like herself. + +They entered the woods, and, bidding adieu to the river for a while, +ascended some of the higher grounds; whence, in spots where the opening +of the trees gave the eye power to wander, were many charming views of +the valley, the opposite hills, with the long range of woods +overspreading many, and occasionally part of the stream. Mr Gardiner +expressed a wish of going round the whole park, but feared it might be +beyond a walk. With a triumphant smile, they were told, that it was ten +miles round. It settled the matter; and they pursued the accustomed +circuit; which brought them again, after some time, in a descent among +hanging woods, to the edge of the water, and one of its narrowest parts. +They crossed it by a simple bridge, in character with the general air of +the scene: it was a spot less adorned than any they had yet visited; and +the valley, here contracted into a glen, allowed room only for the +stream, and a narrow walk amidst the rough coppice-wood which bordered +it. Elizabeth longed to explore its windings; but when they had crossed +the bridge, and perceived their distance from the house, Mrs Gardiner, +who was not a great walker, could go no farther, and thought only of +returning to the carriage as quickly as possible. Her niece was, +therefore, obliged to submit, and they took their way towards the house +on the opposite side of the river, in the nearest direction; but their +progress was slow, for Mr Gardiner, though seldom able to indulge the +taste, was very fond of fishing, and was so much engaged in watching the +occasional appearance of some trout in the water, and talking to the man +about them, that he advanced but little. Whilst wandering on in this +slow manner, they were again surprised, and Elizabeth's astonishment was +quite equal to what it had been at first, by the sight of Mr Darcy +approaching them, and at no great distance. The walk being here less +sheltered than on the other side, allowed them to see him before they +met. Elizabeth, however astonished, was at least more prepared for an +interview than before, and resolved to appear and to speak with +calmness, if he really intended to meet them. For a few moments, indeed, +she felt that he would probably strike into some other path. The idea +lasted while a turning in the walk concealed him from their view; the +turning past, he was immediately before them. With a glance she saw that +he had lost none of his recent civility; and, to imitate his politeness, +she began as they met to admire the beauty of the place; but she had not +got beyond the words "delightful," and "charming," when some unlucky +recollections obtruded, and she fancied that praise of Pemberley from +her might be mischievously construed. Her colour changed, and she said +no more. + +Mrs Gardiner was standing a little behind; and on her pausing, he asked +her if she would do him the honour of introducing him to her friends. +This was a stroke of civility for which she was quite unprepared; and +she could hardly suppress a smile at his being now seeking the +acquaintance of some of those very people, against whom his pride had +revolted, in his offer to herself. "What will be his surprise," thought +she, "when he knows who they are! He takes them now for people of +fashion." + +The introduction, however, was immediately made; and as she named their +relationship to herself, she stole a sly look at him, to see how he bore +it; and was not without the expectation of his decamping as fast as he +could from such disgraceful companions. That he was _surprised_ by the +connection was evident: he sustained it, however, with fortitude: and, +so far from going away, turned back with them, and entered into +conversation with Mr Gardiner. Elizabeth could not but be pleased, +could not but triumph. It was consoling that he should know she had some +relations for whom there was no need to blush. She listened most +attentively to all that passed between them, and gloried in every +expression, every sentence of her uncle, which marked his intelligence, +his taste, or his good manners. + +The conversation soon turned upon fishing; and she heard Mr Darcy +invite him, with the greatest civility, to fish there as often as he +chose, while he continued in the neighbourhood, offering at the same +time to supply him with fishing tackle, and pointing out those parts of +the stream where there was usually most sport. Mrs Gardiner, who was +walking arm in arm with Elizabeth, gave her a look expressive of her +wonder. Elizabeth said nothing, but it gratified her exceedingly; the +compliment must be all for herself. Her astonishment, however, was +extreme; and continually was she repeating, "Why is he so altered? From +what can it proceed? It cannot be for _me_, it cannot be for _my_ sake +that his manners are thus softened. My reproofs at Hunsford could not +work such a change as this. It is impossible that he should still love +me." + +After walking some time in this way, the two ladies in front, the two +gentlemen behind, on resuming their places, after descending to the +brink of the river for the better inspection of some curious +water-plant, there chanced to be a little alteration. It originated in +Mrs Gardiner, who, fatigued by the exercise of the morning, found +Elizabeth's arm inadequate to her support, and consequently preferred +her husband's. Mr Darcy took her place by her niece, and they walked on +together. After a short silence the lady first spoke. She wished him to +know that she had been assured of his absence before she came to the +place, and accordingly began by observing, that his arrival had been +very unexpected--"for your housekeeper," she added, "informed us that +you would certainly not be here till to-morrow; and, indeed, before we +left Bakewell, we understood that you were not immediately expected in +the country." He acknowledged the truth of it all; and said that +business with his steward had occasioned his coming forward a few hours +before the rest of the party with whom he had been travelling. "They +will join me early to-morrow," he continued, "and among them are some +who will claim an acquaintance with you,--Mr Bingley and his sisters." + +Elizabeth answered only by a slight bow. Her thoughts were instantly +driven back to the time when Mr Bingley's name had been last mentioned +between them; and if she might judge from his complexion, _his_ mind was +not very differently engaged. + +"There is also one other person in the party," he continued after a +pause, "who more particularly wishes to be known to you. Will you allow +me, or do I ask too much, to introduce my sister to your acquaintance +during your stay at Lambton?" + +The surprise of such an application was great indeed; it was too great +for her to know in what manner she acceded to it. She immediately felt +that whatever desire Miss Darcy might have of being acquainted with her, +must be the work of her brother, and without looking farther, it was +satisfactory; it was gratifying to know that his resentment had not made +him think really ill of her. + +They now walked on in silence; each of them deep in thought. Elizabeth +was not comfortable; that was impossible; but she was flattered and +pleased. His wish of introducing his sister to her was a compliment of +the highest kind. They soon outstripped the others; and when they had +reached the carriage, Mr and Mrs Gardiner were half a quarter of a +mile behind. + +He then asked her to walk into the house--but she declared herself not +tired, and they stood together on the lawn. At such a time much might +have been said, and silence was very awkward. She wanted to talk, but +there seemed an embargo on every subject. At last she recollected that +she had been travelling, and they talked of Matlock and Dovedale with +great perseverance. Yet time and her aunt moved slowly--and her patience +and her ideas were nearly worn out before the _tête-à-tête_ was over. + +On Mr and Mrs Gardiner's coming up they were all pressed to go into +the house and take some refreshment; but this was declined, and they +parted on each side with the utmost politeness. Mr Darcy handed the +ladies into the carriage; and when it drove off, Elizabeth saw him +walking slowly towards the house. + +The observations of her uncle and aunt now began; and each of them +pronounced him to be infinitely superior to anything they had expected. + +"He is perfectly well-behaved, polite, and unassuming," said her uncle. + +"There _is_ something a little stately in him, to be sure," replied her +aunt; "but it is confined to his air, and is not unbecoming. I can now +say with the housekeeper, that though some people may call him proud, +_I_ have seen nothing of it." + +"I was never more surprised than by his behaviour to us. It was more +than civil; it was really attentive; and there was no necessity for such +attention. His acquaintance with Elizabeth was very trifling." + +"To be sure, Lizzy," said her aunt, "he is not so handsome as Wickham; +or rather he has not Wickham's countenance, for his features are +perfectly good. But how came you to tell us that he was so +disagreeable?" + +Elizabeth excused herself as well as she could: said that she had liked +him better when they met in Kent than before, and that she had never +seen him so pleasant as this morning. + +"But perhaps he may be a little whimsical in his civilities," replied +her uncle. "Your great men often are; and therefore I shall not take him +at his word about fishing, as he might change his mind another day, and +warn me off his grounds." + +Elizabeth felt that they had entirely mistaken his character, but said +nothing. + +"From what we have seen of him," continued Mrs Gardiner, "I really +should not have thought that he could have behaved in so cruel a way by +anybody as he has done by poor Wickham. He has not an ill-natured look. +On the contrary, there is something pleasing about his mouth when he +speaks. And there is something of dignity in his countenance, that would +not give one an unfavourable idea of his heart. But, to be sure, the +good lady who showed us the house did give him a most flaming character! +I could hardly help laughing aloud sometimes. But he is a liberal +master, I suppose, and _that_, in the eye of a servant, comprehends +every virtue." + +Elizabeth here felt herself called on to say something in vindication of +his behaviour to Wickham; and, therefore, gave them to understand, in as +guarded a manner as she could, that by what she had heard from his +relations in Kent, his actions were capable of a very different +construction; and that his character was by no means so faulty, nor +Wickham's so amiable, as they had been considered in Hertfordshire. In +confirmation of this, she related the particulars of all the pecuniary +transactions in which they had been connected, without actually naming +her authority, but stating it to be such as might be relied on. + +Mrs Gardiner was surprised and concerned: but as they were now +approaching the scene of her former pleasures, every idea gave way to +the charm of recollection; and she was too much engaged in pointing out +to her husband all the interesting spots in its environs, to think of +anything else. Fatigued as she had been by the morning's walk, they had +no sooner dined than she set off again in quest of her former +acquaintance, and the evening was spent in the satisfactions of an +intercourse renewed after many years' discontinuance. + +The occurrences of the day were too full of interest to leave Elizabeth +much attention for any of these new friends; and she could do nothing +but think, and think with wonder, of Mr Darcy's civility, and, above +all, of his wishing her to be acquainted with his sister. + +CHAPTER XLIV. + +Elizabeth had settled it that Mr Darcy would bring his sister to visit +her the very day after her reaching Pemberley; and was, consequently, +resolved not to be out of sight of the inn the whole of that morning. +But her conclusion was false; for on the very morning after their own +arrival at Lambton these visitors came. They had been walking about the +place with some of their new friends, and were just returned to the inn +to dress themselves for dining with the same family, when the sound of a +carriage drew them to a window, and they saw a gentleman and lady in a +curricle driving up the street. Elizabeth, immediately recognizing the +livery, guessed what it meant, and imparted no small degree of surprise +to her relations, by acquainting them with the honour which she +expected. Her uncle and aunt were all amazement; and the embarrassment +of her manner as she spoke, joined to the circumstance itself, and many +of the circumstances of the preceding day, opened to them a new idea on +the business. Nothing had ever suggested it before, but they now felt +that there was no other way of accounting for such attentions from such +a quarter than by supposing a partiality for their niece. While these +newly-born notions were passing in their heads, the perturbation of +Elizabeth's feelings was every moment increasing. She was quite amazed +at her own discomposure; but, amongst other causes of disquiet, she +dreaded lest the partiality of the brother should have said too much in +her favour; and, more than commonly anxious to please, she naturally +suspected that every power of pleasing would fail her. + +She retreated from the window, fearful of being seen; and as she walked +up and down the room, endeavouring to compose herself, saw such looks of +inquiring surprise in her uncle and aunt as made everything worse. + +Miss Darcy and her brother appeared, and this formidable introduction +took place. With astonishment did Elizabeth see that her new +acquaintance was at least as much embarrassed as herself. Since her +being at Lambton, she had heard that Miss Darcy was exceedingly proud; +but the observation of a very few minutes convinced her that she was +only exceedingly shy. She found it difficult to obtain even a word from +her beyond a monosyllable. + +Miss Darcy was tall, and on a larger scale than Elizabeth; and, though +little more than sixteen, her figure was formed, and her appearance +womanly and graceful. She was less handsome than her brother, but there +was sense and good-humour in her face, and her manners were perfectly +unassuming and gentle. Elizabeth, who had expected to find in her as +acute and unembarrassed an observer as ever Mr Darcy had been, was much +relieved by discerning such different feelings. + +They had not been long together before Darcy told her that Bingley was +also coming to wait on her; and she had barely time to express her +satisfaction, and prepare for such a visitor, when Bingley's quick step +was heard on the stairs, and in a moment he entered the room. All +Elizabeth's anger against him had been long done away; but had she still +felt any, it could hardly have stood its ground against the unaffected +cordiality with which he expressed himself on seeing her again. He +inquired in a friendly, though general, way, after her family, and +looked and spoke with the same good-humoured ease that he had ever done. + +To Mr and Mrs Gardiner he was scarcely a less interesting personage +than to herself. They had long wished to see him. The whole party before +them, indeed, excited a lively attention. The suspicions which had just +arisen of Mr Darcy and their niece, directed their observation towards +each with an earnest, though guarded, inquiry; and they soon drew from +those inquiries the full conviction that one of them at least knew what +it was to love. Of the lady's sensations they remained a little in +doubt; but that the gentleman was overflowing with admiration was +evident enough. + +Elizabeth, on her side, had much to do. She wanted to ascertain the +feelings of each of her visitors, she wanted to compose her own, and to +make herself agreeable to all; and in the latter object, where she +feared most to fail, she was most sure of success, for those to whom +she endeavoured to give pleasure were pre-possessed in her favour. +Bingley was ready, Georgiana was eager, and Darcy determined, to be +pleased. + +In seeing Bingley, her thoughts naturally flew to her sister; and oh! +how ardently did she long to know whether any of his were directed in a +like manner. Sometimes she could fancy that he talked less than on +former occasions, and once or twice pleased herself with the notion +that, as he looked at her, he was trying to trace a resemblance. But, +though this might be imaginary, she could not be deceived as to his +behaviour to Miss Darcy, who had been set up as a rival to Jane. No +look appeared on either side that spoke particular regard. Nothing +occurred between them that could justify the hopes of his sister. On +this point she was soon satisfied; and two or three little circumstances +occurred ere they parted, which, in her anxious interpretation, denoted +a recollection of Jane, not untinctured by tenderness, and a wish of +saying more that might lead to the mention of her, had he dared. He +observed to her, at a moment when the others were talking together, and +in a tone which had something of real regret, that it "was a very long +time since he had had the pleasure of seeing her;" and, before she could +reply, he added, "It is above eight months. We have not met since the +26th of November, when we were all dancing together at Netherfield." + +Elizabeth was pleased to find his memory so exact; and he afterwards +took occasion to ask her, when unattended to by any of the rest, whether +_all_ her sisters were at Longbourn. There was not much in the question, +nor in the preceding remark; but there was a look and a manner which +gave them meaning. + +It was not often that she could turn her eyes on Mr Darcy himself; but +whenever she did catch a glimpse she saw an expression of general +complaisance, and in all that he said, she heard an accent so far +removed from _hauteur_ or disdain of his companions, as convinced her +that the improvement of manners which she had yesterday witnessed, +however temporary its existence might prove, had at least outlived one +day. When she saw him thus seeking the acquaintance, and courting the +good opinion of people with whom any intercourse a few months ago would +have been a disgrace; when she saw him thus civil, not only to herself, +but to the very relations whom he had openly disdained, and recollected +their last lively scene in Hunsford Parsonage, the difference, the +change was so great, and struck so forcibly on her mind, that she could +hardly restrain her astonishment from being visible. Never, even in the +company of his dear friends at Netherfield, or his dignified relations +at Rosings, had she seen him so desirous to please, so free from +self-consequence or unbending reserve, as now, when no importance could +result from the success of his endeavours, and when even the +acquaintance of those to whom his attentions were addressed, would draw +down the ridicule and censure of the ladies both of Netherfield and +Rosings. + +Their visitors stayed with them above half an hour; and when they arose +to depart, Mr Darcy called on his sister to join him in expressing +their wish of seeing Mr and Mrs Gardiner, and Miss Bennet, to dinner +at Pemberley, before they left the country. Miss Darcy, though with a +diffidence which marked her little in the habit of giving invitations, +readily obeyed. Mrs Gardiner looked at her niece, desirous of knowing +how _she_, whom the invitation most concerned, felt disposed as to its +acceptance, but Elizabeth had turned away her head. Presuming, however, +that this studied avoidance spoke rather a momentary embarrassment than +any dislike of the proposal, and seeing in her husband, who was fond of +society, a perfect willingness to accept it, she ventured to engage for +her attendance, and the day after the next was fixed on. + +Bingley expressed great pleasure in the certainty of seeing Elizabeth +again, having still a great deal to say to her, and many inquiries to +make after all their Hertfordshire friends. Elizabeth, construing all +this into a wish of hearing her speak of her sister, was pleased; and +on this account, as well as some others, found herself, when their +visitors left them, capable of considering the last half hour with some +satisfaction, though while it was passing the enjoyment of it had been +little. Eager to be alone, and fearful of inquiries or hints from her +uncle and aunt, she stayed with them only long enough to hear their +favourable opinion of Bingley, and then hurried away to dress. + +But she had no reason to fear Mr and Mrs Gardiner's curiosity; it was +not their wish to force her communication. It was evident that she was +much better acquainted with Mr Darcy than they had before any idea of; +it was evident that he was very much in love with her. They saw much to +interest, but nothing to justify inquiry. + +Of Mr Darcy it was now a matter of anxiety to think well; and, as far +as their acquaintance reached, there was no fault to find. They could +not be untouched by his politeness; and had they drawn his character +from their own feelings and his servant's report, without any reference +to any other account, the circle in Hertfordshire to which he was known +would not have recognized it for Mr Darcy. There was now an interest, +however, in believing the housekeeper; and they soon became sensible +that the authority of a servant, who had known him since he was four +years old, and whose own manners indicated respectability, was not to be +hastily rejected. Neither had anything occurred in the intelligence of +their Lambton friends that could materially lessen its weight. They had +nothing to accuse him of but pride; pride he probably had, and if not, +it would certainly be imputed by the inhabitants of a small market town +where the family did not visit. It was acknowledged, however, that he +was a liberal man, and did much good among the poor. + +With respect to Wickham, the travellers soon found that he was not held +there in much estimation; for though the chief of his concerns with the +son of his patron were imperfectly understood, it was yet a well-known +fact that, on his quitting Derbyshire, he had left many debts behind +him, which Mr Darcy afterwards discharged. + +As for Elizabeth, her thoughts were at Pemberley this evening more than +the last; and the evening, though as it passed it seemed long, was not +long enough to determine her feelings towards _one_ in that mansion; and +she lay awake two whole hours, endeavouring to make them out. She +certainly did not hate him. No; hatred had vanished long ago, and she +had almost as long been ashamed of ever feeling a dislike against him, +that could be so called. The respect created by the conviction of his +valuable qualities, though at first unwillingly admitted, had for some +time ceased to be repugnant to her feelings; and it was now heightened +into somewhat of a friendlier nature by the testimony so highly in his +favour, and bringing forward his disposition in so amiable a light, +which yesterday had produced. But above all, above respect and esteem, +there was a motive within her of good-will which could not be +overlooked. It was gratitude;--gratitude, not merely for having once +loved her, but for loving her still well enough to forgive all the +petulance and acrimony of her manner in rejecting him, and all the +unjust accusations accompanying her rejection. He who, she had been +persuaded, would avoid her as his greatest enemy, seemed, on this +accidental meeting, most eager to preserve the acquaintance; and +without any indelicate display of regard, or any peculiarity of manner, +where their two selves only were concerned, was soliciting the good +opinion of her friends, and bent on making her known to his sister. Such +a change in a man of so much pride excited not only astonishment but +gratitude--for to love, ardent love, it must be attributed; and, as +such, its impression on her was of a sort to be encouraged, as by no +means unpleasing, though it could not be exactly defined. She respected, +she esteemed, she was grateful to him, she felt a real interest in his +welfare; and she only wanted to know how far she wished that welfare to +depend upon herself, and how far it would be for the happiness of both +that she should employ the power, which her fancy told her she still +possessed, of bringing on the renewal of his addresses. + +It had been settled in the evening, between the aunt and niece, that +such a striking civility as Miss Darcy's, in coming to them on the very +day of her arrival at Pemberley--for she had reached it only to a late +breakfast--ought to be imitated, though it could not be equalled, by +some exertion of politeness on their side; and, consequently, that it +would be highly expedient to wait on her at Pemberley the following +morning. They were, therefore, to go. Elizabeth was pleased; though when +she asked herself the reason, she had very little to say in reply. + +Mr Gardiner left them soon after breakfast. The fishing scheme had been +renewed the day before, and a positive engagement made of his meeting +some of the gentlemen at Pemberley by noon. + +CHAPTER XLV. + +Convinced as Elizabeth now was that Miss Bingley's dislike of her had +originated in jealousy, she could not help feeling how very unwelcome +her appearance at Pemberley must be to her, and was curious to know +with how much civility on that lady's side the acquaintance would now +be renewed. + +On reaching the house, they were shown through the hall into the saloon, +whose northern aspect rendered it delightful for summer. Its windows, +opening to the ground, admitted a most refreshing view of the high woody +hills behind the house, and of the beautiful oaks and Spanish chestnuts +which were scattered over the intermediate lawn. + +In this room they were received by Miss Darcy, who was sitting there +with Mrs Hurst and Miss Bingley, and the lady with whom she lived in +London. Georgiana's reception of them was very civil, but attended with +all that embarrassment which, though proceeding from shyness and the +fear of doing wrong, would easily give to those who felt themselves +inferior the belief of her being proud and reserved. Mrs Gardiner and +her niece, however, did her justice, and pitied her. + +By Mrs Hurst and Miss Bingley they were noticed only by a courtesy; and +on their being seated, a pause, awkward as such pauses must always be, +succeeded for a few moments. It was first broken by Mrs Annesley, a +genteel, agreeable-looking woman, whose endeavour to introduce some kind +of discourse proved her to be more truly well-bred than either of the +others; and between her and Mrs Gardiner, with occasional help from +Elizabeth, the conversation was carried on. Miss Darcy looked as if she +wished for courage enough to join in it; and sometimes did venture a +short sentence, when there was least danger of its being heard. + +Elizabeth soon saw that she was herself closely watched by Miss Bingley, +and that she could not speak a word, especially to Miss Darcy, without +calling her attention. This observation would not have prevented her +from trying to talk to the latter, had they not been seated at an +inconvenient distance; but she was not sorry to be spared the necessity +of saying much: her own thoughts were employing her. She expected every +moment that some of the gentlemen would enter the room: she wished, she +feared, that the master of the house might be amongst them; and whether +she wished or feared it most, she could scarcely determine. After +sitting in this manner a quarter of an hour, without hearing Miss +Bingley's voice, Elizabeth was roused by receiving from her a cold +inquiry after the health of her family. She answered with equal +indifference and brevity, and the other said no more. + +The next variation which their visit afforded was produced by the +entrance of servants with cold meat, cake, and a variety of all the +finest fruits in season; but this did not take place till after many a +significant look and smile from Mrs Annesley to Miss Darcy had been +given, to remind her of her post. There was now employment for the whole +party; for though they could not all talk, they could all eat; and the +beautiful pyramids of grapes, nectarines, and peaches, soon collected +them round the table. + +While thus engaged, Elizabeth had a fair opportunity of deciding whether +she most feared or wished for the appearance of Mr Darcy, by the +feelings which prevailed on his entering the room; and then, though but +a moment before she had believed her wishes to predominate, she began to +regret that he came. + +He had been some time with Mr Gardiner, who, with two or three other +gentlemen from the house, was engaged by the river; and had left him +only on learning that the ladies of the family intended a visit to +Georgiana that morning. No sooner did he appear, than Elizabeth wisely +resolved to be perfectly easy and unembarrassed;--a resolution the more +necessary to be made, but perhaps not the more easily kept, because she +saw that the suspicions of the whole party were awakened against them, +and that there was scarcely an eye which did not watch his behaviour +when he first came into the room. In no countenance was attentive +curiosity so strongly marked as in Miss Bingley's, in spite of the +smiles which overspread her face whenever she spoke to one of its +objects; for jealousy had not yet made her desperate, and her attentions +to Mr Darcy were by no means over. Miss Darcy, on her brother's +entrance, exerted herself much more to talk; and Elizabeth saw that he +was anxious for his sister and herself to get acquainted, and forwarded, +as much as possible, every attempt at conversation on either side. Miss +Bingley saw all this likewise; and, in the imprudence of anger, took the +first opportunity of saying, with sneering civility,-- + +"Pray, Miss Eliza, are not the ----shire militia removed from Meryton? +They must be a great loss to _your_ family." + +In Darcy's presence she dared not mention Wickham's name: but Elizabeth +instantly comprehended that he was uppermost in her thoughts; and the +various recollections connected with him gave her a moment's distress; +but, exerting herself vigorously to repel the ill-natured attack, she +presently answered the question in a tolerably disengaged tone. While +she spoke, an involuntary glance showed her Darcy with a heightened +complexion, earnestly looking at her, and his sister overcome with +confusion, and unable to lift up her eyes. Had Miss Bingley known what +pain she was then giving her beloved friend, she undoubtedly would have +refrained from the hint; but she had merely intended to discompose +Elizabeth, by bringing forward the idea of a man to whom she believed +her partial, to make her betray a sensibility which might injure her in +Darcy's opinion, and, perhaps, to remind the latter of all the follies +and absurdities by which some part of her family were connected with +that corps. Not a syllable had ever reached her of Miss Darcy's +meditated elopement. To no creature had it been revealed, where secrecy +was possible, except to Elizabeth; and from all Bingley's connections +her brother was particularly anxious to conceal it, from that very wish +which Elizabeth had long ago attributed to him, of their becoming +hereafter her own. He had certainly formed such a plan; and without +meaning that it should affect his endeavour to separate him from Miss +Bennet, it is probable that it might add something to his lively concern +for the welfare of his friend. + +Elizabeth's collected behaviour, however, soon quieted his emotion; and +as Miss Bingley, vexed and disappointed, dared not approach nearer to +Wickham, Georgiana also recovered in time, though not enough to be able +to speak any more. Her brother, whose eye she feared to meet, scarcely +recollected her interest in the affair; and the very circumstance which +had been designed to turn his thoughts from Elizabeth, seemed to have +fixed them on her more and more cheerfully. + +Their visit did not continue long after the question and answer above +mentioned; and while Mr Darcy was attending them to their carriage, +Miss Bingley was venting her feelings in criticisms on Elizabeth's +person, behaviour, and dress. But Georgiana would not join her. Her +brother's recommendation was enough to insure her favour: his judgment +could not err; and he had spoken in such terms of Elizabeth, as to leave +Georgiana without the power of finding her otherwise than lovely and +amiable. When Darcy returned to the saloon, Miss Bingley could not help +repeating to him some part of what she had been saying to his sister. + +"How very ill Eliza Bennet looks this morning, Mr Darcy," she cried: "I +never in my life saw anyone so much altered as she is since the winter. +She is grown so brown and coarse! Louisa and I were agreeing that we +should not have known her again." + +However little Mr Darcy might have liked such an address, he contented +himself with coolly replying, that he perceived no other alteration than +her being rather tanned,--no miraculous consequence of travelling in the +summer. + +"For my own part," she rejoined, "I must confess that I never could see +any beauty in her. Her face is too thin; her complexion has no +brilliancy; and her features are not at all handsome. Her nose wants +character; there is nothing marked in its lines. Her teeth are +tolerable, but not out of the common way; and as for her eyes, which +have sometimes been called so fine, I never could perceive anything +extraordinary in them. They have a sharp, shrewish look, which I do not +like at all; and in her air altogether, there is a self-sufficiency +without fashion, which is intolerable." + +Persuaded as Miss Bingley was that Darcy admired Elizabeth, this was not +the best method of recommending herself; but angry people are not always +wise; and in seeing him at last look somewhat nettled, she had all the +success she expected. He was resolutely silent, however; and, from a +determination of making him speak, she continued,-- + +"I remember, when we first knew her in Hertfordshire, how amazed we all +were to find that she was a reputed beauty; and I particularly recollect +your saying one night, after they had been dining at Netherfield, '_She_ +a beauty! I should as soon call her mother a wit.' But afterwards she +seemed to improve on you, and I believe you thought her rather pretty at +one time." + +"Yes," replied Darcy, who could contain himself no longer, "but _that_ +was only when I first knew her; for it is many months since I have +considered her as one of the handsomest women of my acquaintance." + +He then went away, and Miss Bingley was left to all the satisfaction of +having forced him to say what gave no one any pain but herself. + +Mrs Gardiner and Elizabeth talked of all that had occurred during their +visit, as they returned, except what had particularly interested them +both. The looks and behaviour of everybody they had seen were discussed, +except of the person who had mostly engaged their attention. They talked +of his sister, his friends, his house, his fruit, of everything but +himself; yet Elizabeth was longing to know what Mrs Gardiner thought of +him, and Mrs Gardiner would have been highly gratified by her niece's +beginning the subject. + +Chapter XLVI. + +Elizabeth had been a good deal disappointed in not finding a letter from +Jane on their first arrival at Lambton; and this disappointment had been +renewed on each of the mornings that had now been spent there; but on +the third her repining was over, and her sister justified, by the +receipt of two letters from her at once, on one of which was marked that +it had been mis-sent elsewhere. Elizabeth was not surprised at it, as +Jane had written the direction remarkably ill. + +They had just been preparing to walk as the letters came in; and her +uncle and aunt, leaving her to enjoy them in quiet, set off by +themselves. The one mis-sent must be first attended to; it had been +written five days ago. The beginning contained an account of all their +little parties and engagements, with such news as the country afforded; +but the latter half, which was dated a day later, and written in evident +agitation, gave more important intelligence. It was to this effect:-- + +"Since writing the above, dearest Lizzy, something has occurred of a +most unexpected and serious nature; but I am afraid of alarming you--be +assured that we are all well. What I have to say relates to poor Lydia. +An express came at twelve last night, just as we were all gone to bed, +from Colonel Forster, to inform us that she was gone off to Scotland +with one of his officers; to own the truth, with Wickham! Imagine our +surprise. To Kitty, however, it does not seem so wholly unexpected. I am +very, very sorry. So imprudent a match on both sides! But I am willing +to hope the best, and that his character has been misunderstood. +Thoughtless and indiscreet I can easily believe him, but this step (and +let us rejoice over it) marks nothing bad at heart. His choice is +disinterested at least, for he must know my father can give her nothing. +Our poor mother is sadly grieved. My father bears it better. How +thankful am I, that we never let them know what has been said against +him; we must forget it ourselves. They were off Saturday night about +twelve, as is conjectured, but were not missed till yesterday morning at +eight. The express was sent off directly. My dear Lizzy, they must have +passed within ten miles of us. Colonel Forster gives us reason to expect +him here soon. Lydia left a few lines for his wife, informing her of +their intention. I must conclude, for I cannot be long from my poor +mother. I am afraid you will not be able to make it out, but I hardly +know what I have written." + +Without allowing herself time for consideration, and scarcely knowing +what she felt, Elizabeth, on finishing this letter, instantly seized the +other, and opening it with the utmost impatience, read as follows: it +had been written a day later than the conclusion of the first. + +"By this time, my dearest sister, you have received my hurried letter; I +wish this may be more intelligible, but though not confined for time, my +head is so bewildered that I cannot answer for being coherent. Dearest +Lizzy, I hardly know what I would write, but I have bad news for you, +and it cannot be delayed. Imprudent as a marriage between Mr Wickham +and our poor Lydia would be, we are now anxious to be assured it has +taken place, for there is but too much reason to fear they are not gone +to Scotland. Colonel Forster came yesterday, having left Brighton the +day before, not many hours after the express. Though Lydia's short +letter to Mrs F. gave them to understand that they were going to Gretna +Green, something was dropped by Denny expressing his belief that W. +never intended to go there, or to marry Lydia at all, which was repeated +to Colonel F., who, instantly taking the alarm, set off from B., +intending to trace their route. He did trace them easily to Clapham, but +no farther; for on entering that place, they removed into a +hackney-coach, and dismissed the chaise that brought them from Epsom. +All that is known after this is, that they were seen to continue the +London road. I know not what to think. After making every possible +inquiry on that side of London, Colonel F. came on into Hertfordshire, +anxiously renewing them at all the turnpikes, and at the inns in Barnet +and Hatfield, but without any success,--no such people had been seen to +pass through. With the kindest concern he came on to Longbourn, and +broke his apprehensions to us in a manner most creditable to his heart. +I am sincerely grieved for him and Mrs F.; but no one can throw any +blame on them. Our distress, my dear Lizzy, is very great. My father and +mother believe the worst, but I cannot think so ill of him. Many +circumstances might make it more eligible for them to be married +privately in town than to pursue their first plan; and even if _he_ +could form such a design against a young woman of Lydia's connections, +which is not likely, can I suppose her so lost to everything? +Impossible! I grieve to find, however, that Colonel F. is not disposed +to depend upon their marriage: he shook his head when I expressed my +hopes, and said he feared W. was not a man to be trusted. My poor mother +is really ill, and keeps her room. Could she exert herself, it would be +better, but this is not to be expected; and as to my father, I never in +my life saw him so affected. Poor Kitty has anger for having concealed +their attachment; but as it was a matter of confidence, one cannot +wonder. I am truly glad, dearest Lizzy, that you have been spared +something of these distressing scenes; but now, as the first shock is +over, shall I own that I long for your return? I am not so selfish, +however, as to press for it, if inconvenient. Adieu! I take up my pen +again to do, what I have just told you I would not; but circumstances +are such, that I cannot help earnestly begging you all to come here as +soon as possible. I know my dear uncle and aunt so well, that I am not +afraid of requesting it, though I have still something more to ask of +the former. My father is going to London with Colonel Forster instantly, +to try to discover her. What he means to do, I am sure I know not; but +his excessive distress will not allow him to pursue any measure in the +best and safest way, and Colonel Forster is obliged to be at Brighton +again to-morrow evening. In such an exigence my uncle's advice and +assistance would be everything in the world; he will immediately +comprehend what I must feel, and I rely upon his goodness." + +"Oh! where, where is my uncle?" cried Elizabeth, darting from her seat +as she finished the letter, in eagerness to follow him, without losing a +moment of the time so precious; but as she reached the door, it was +opened by a servant, and Mr Darcy appeared. Her pale face and +impetuous manner made him start, and before he could recover himself +enough to speak, she, in whose mind every idea was superseded by Lydia's +situation, hastily exclaimed, "I beg your pardon, but I must leave you. +I must find Mr Gardiner this moment on business that cannot be delayed; +I have not an instant to lose." + +"Good God! what is the matter?" cried he, with more feeling than +politeness; then recollecting himself, "I will not detain you a minute; +but let me, or let the servant, go after Mr and Mrs Gardiner. You are +not well enough; you cannot go yourself." + +Elizabeth hesitated; but her knees trembled under her, and she felt how +little would be gained by her attempting to pursue them. Calling back +the servant, therefore, she commissioned him, though in so breathless an +accent as made her almost unintelligible, to fetch his master and +mistress home instantly. + +On his quitting the room, she sat down, unable to support herself, and +looking so miserably ill, that it was impossible for Darcy to leave her, +or to refrain from saying, in a tone of gentleness and commiseration, +"Let me call your maid. Is there nothing you could take to give you +present relief? A glass of wine; shall I get you one? You are very ill." + +"No, I thank you," she replied, endeavouring to recover herself. "There +is nothing the matter with me. I am quite well, I am only distressed by +some dreadful news which I have just received from Longbourn." + +She burst into tears as she alluded to it, and for a few minutes could +not speak another word. Darcy, in wretched suspense, could only say +something indistinctly of his + +concern, and observe her in compassionate silence. At length she spoke +again. "I have just had a letter from Jane, with such dreadful news. It +cannot be concealed from anyone. My youngest sister has left all her +friends--has eloped; has thrown herself into the power of--of Mr +Wickham. They are gone off together from Brighton. _You_ know him too +well to doubt the rest. She has no money, no connections, nothing that +can tempt him to--she is lost for ever." + +Darcy was fixed in astonishment. + +"When I consider," she added, in a yet more agitated voice, "that _I_ +might have prevented it! _I_ who knew what he was. Had I but explained +some part of it only--some part of what I learnt, to my own family! Had +his character been known, this could not have happened. But it is all, +all too late now." + +"I am grieved, indeed," cried Darcy: "grieved--shocked. But is it +certain, absolutely certain?" + +"Oh, yes! They left Brighton together on Sunday night, and were traced +almost to London, but not beyond: they are certainly not gone to +Scotland." + +"And what has been done, what has been attempted, to recover her?" + +"My father has gone to London, and Jane has written to beg my uncle's +immediate assistance, and we shall be off, I hope, in half an hour. But +nothing can be done; I know very well that nothing can be done. How is +such a man to be worked on? How are they even to be discovered? I have +not the smallest hope. It is every way horrible!" + +Darcy shook his head in silent acquiescence. + +"When _my_ eyes were opened to his real character, oh! had I known what +I ought, what I dared to do! But I knew not--I was afraid of doing too +much. Wretched, wretched mistake!" + +Darcy made no answer. He seemed scarcely to hear her, and was walking up +and down the room in earnest meditation; his brow contracted, his air +gloomy. Elizabeth soon observed, and instantly understood it. Her power +was sinking; everything _must_ sink under such a proof of family +weakness, such an assurance of the deepest disgrace. She could neither +wonder nor condemn; but the belief of his self-conquest brought nothing +consolatory to her bosom, afforded no palliation of her distress. It +was, on the contrary, exactly calculated to make her understand her own +wishes; and never had she so honestly felt that she could have loved +him, as now, when all love must be vain. + +But self, though it would intrude, could not engross her. Lydia--the +humiliation, the misery she was bringing on them all--soon swallowed up +every private care; and covering her face with her handkerchief, +Elizabeth was soon lost to everything else; and, after a pause of +several minutes, was only recalled to a sense of her situation by the +voice of her companion, who, in a manner which, though it spoke +compassion, spoke likewise restraint, said,-- + +"I am afraid you have been long desiring my absence, nor have I anything +to plead in excuse of my stay, but real, though unavailing concern. +Would to Heaven that anything could be either said or done on my part, +that might offer consolation to such distress! But I will not torment +you with vain wishes, which may seem purposely to ask for your thanks. +This unfortunate affair will, I fear, prevent my sister's having the +pleasure of seeing you at Pemberley to-day." + +"Oh, yes! Be so kind as to apologize for us to Miss Darcy. Say that +urgent business calls us home immediately. Conceal the unhappy truth as +long as it is possible. I know it cannot be long." + +He readily assured her of his secrecy, again expressed his sorrow for +her distress, wished it a happier conclusion than there was at present +reason to hope, and, leaving his compliments for her relations, with +only one serious parting look, went away. + +As he quitted the room, Elizabeth felt how improbable it was that they +should ever see each other again on such terms of cordiality as had +marked their several meetings in Derbyshire; and as she threw a +retrospective glance over the whole of their acquaintance, so full of +contradictions and varieties, sighed at the perverseness of those +feelings which would now have promoted its continuance, and would +formerly have rejoiced in its termination. + +If gratitude and esteem are good foundations of affection, Elizabeth's +change of sentiment will be neither improbable nor faulty. But if +otherwise, if the regard springing from such sources is unreasonable or +unnatural, in comparison of what is so often described as arising on a +first interview with its object, and even before two words have been +exchanged, nothing can be said in her defence, except that she had given +somewhat of a trial to the latter method, in her partiality for Wickham, +and that its ill success might, perhaps, authorize her to seek the other +less interesting mode of attachment. Be that as it may, she saw him go +with regret; and in this early example of what Lydia's infamy must +produce, found additional anguish as she reflected on that wretched +business. Never since reading Jane's second letter had she entertained a +hope of Wickham's meaning to marry her. No one but Jane, she thought, +could flatter herself with such an expectation. Surprise was the least +of all her feelings on this development. While the contents of the first +letter remained on her mind, she was all surprise, all astonishment, +that Wickham should marry a girl whom it was impossible he could marry +for money; and how Lydia could ever have attached him had appeared +incomprehensible. But now it was all too natural. For such an attachment +as this, she might have sufficient charms; and though she did not +suppose Lydia to be deliberately engaging in an elopement, without the +intention of marriage, she had no difficulty in believing that neither +her virtue nor her understanding would preserve her from falling an easy +prey. + +She had never perceived, while the regiment was in Hertfordshire, that +Lydia had any partiality for him; but she was convinced that Lydia had +wanted only encouragement to attach herself to anybody. Sometimes one +officer, sometimes another, had been her favourite, as their attentions +raised them in her opinion. Her affections had been continually +fluctuating, but never without an object. The mischief of neglect and +mistaken indulgence towards such a girl--oh! how acutely did she now +feel it! + +She was wild to be at home--to hear, to see, to be upon the spot to +share with Jane in the cares that must now fall wholly upon her, in a +family so deranged; a father absent, a mother incapable of exertion, and +requiring constant attendance; and though almost persuaded that nothing +could be done for Lydia, her uncle's interference seemed of the utmost +importance, and till he entered the room the misery of her impatience +was severe. Mr and Mrs Gardiner had hurried back in alarm, supposing, +by the servant's account, that their niece was taken suddenly ill; but +satisfying them instantly on that head, she eagerly communicated the +cause of their summons, reading the two letters aloud, and dwelling on +the postscript of the last with trembling energy. Though Lydia had never +been a favourite with them, Mr and Mrs Gardiner could not but be +deeply affected. Not Lydia only, but all were concerned in it; and after +the first exclamations of surprise and horror, Mr Gardiner readily +promised every assistance in his power. Elizabeth, though expecting no +less, thanked him with tears of gratitude; and all three being actuated +by one spirit, everything relating to their journey was speedily +settled. They were to be off as soon as possible. "But what is to be +done about Pemberley?" cried Mrs Gardiner. "John told us Mr Darcy was +here when you sent for us;--was it so?" + +"Yes; and I told him we should not be able to keep our engagement. +_That_ is all settled." + +"What is all settled?" repeated the other, as she ran into her room to +prepare. "And are they upon such terms as for her to disclose the real +truth? Oh, that I knew how it was!" + +But wishes were vain; or, at best, could serve only to amuse her in the +hurry and confusion of the following hour. Had Elizabeth been at leisure +to be idle, she would have remained certain that all employment was +impossible to one so wretched as herself; but she had her share of +business as well as her aunt, and amongst the rest there were notes to +be written to all their friends at Lambton, with false excuses for their +sudden departure. An hour, however, saw the whole completed; and Mr +Gardiner, meanwhile, having settled his account at the inn, nothing +remained to be done but to go; and Elizabeth, after all the misery of +the morning, found herself, in a shorter space of time than she could +have supposed, seated in the carriage, and on the road to Longbourn. + +CHAPTER XLVII. + +"I have been thinking it over again, Elizabeth," said her uncle, as they +drove from the town; "and really, upon serious consideration, I am much +more inclined than I was to judge as your eldest sister does of the +matter. It appears to me so very unlikely that any young man should form +such a design against a girl who is by no means unprotected or +friendless, and who was actually staying in his Colonel's family, that I +am strongly inclined to hope the best. Could he expect that her friends +would not step forward? Could he expect to be noticed again by the +regiment, after such an affront to Colonel Forster? His temptation is +not adequate to the risk." + +"Do you really think so?" cried Elizabeth, brightening up for a moment. + +"Upon my word," said Mrs Gardiner, "I begin to be of your uncle's +opinion. It is really too great a violation of decency, honour, and +interest, for him to be guilty of it. I cannot think so very ill of +Wickham. Can you, yourself, Lizzie, so wholly give him up, as to believe +him capable of it?" + +"Not perhaps of neglecting his own interest. But of every other neglect +I can believe him capable. If, indeed, it should be so! But I dare not +hope it. Why should they not go on to Scotland, if that had been the +case?" + +"In the first place," replied Mr Gardiner, "there is no absolute proof +that they are not gone to Scotland." + +"Oh, but their removing from the chaise into a hackney coach is such a +presumption! And, besides, no traces of them were to be found on the +Barnet road." + +"Well, then,--supposing them to be in London--they may be there, though +for the purpose of concealment, for no more exceptionable purpose. It is +not likely that money should be very abundant on either side; and it +might strike them that they could be more economically, though less +expeditiously, married in London, than in Scotland." + +"But why all this secrecy? Why any fear of detection? Why must their +marriage be private? Oh, no, no--this is not likely. His most particular +friend, you see by Jane's account, was persuaded of his never intending +to marry her. Wickham will never marry a woman without some money. He +cannot afford it. And what claims has Lydia, what attractions has she +beyond youth, health, and good humour, that could make him for her sake +forego every chance of benefiting himself by marrying well? As to what +restraint the apprehensions of disgrace in the corps might throw on a +dishonourable elopement with her, I am not able to judge; for I know +nothing of the effects that such a step might produce. But as to your +other objection, I am afraid it will hardly hold good. Lydia has no +brothers to step forward; and he might imagine, from my father's +behaviour, from his indolence and the little attention he has ever +seemed to give to what was going forward in his family, that _he_ would +do as little and think as little about it, as any father could do, in +such a matter." + +"But can you think that Lydia is so lost to everything but love of him, +as to consent to live with him on any other terms than marriage?" + +"It does seem, and it is most shocking, indeed," replied Elizabeth, with +tears in her eyes, "that a sister's sense of decency and virtue in such +a point should admit of doubt. But, really, I know not what to say. +Perhaps I am not doing her justice. But she is very young: she has never +been taught to think on serious subjects; and for the last half year, +nay, for a twelvemonth, she has been given up to nothing but amusement +and vanity. She has been allowed to dispose of her time in the most idle +and frivolous manner, and to adopt any opinions that came in her way. +Since the ----shire were first quartered in Meryton, nothing but love, +flirtation, and officers, have been in her head. She has been doing +everything in her power, by thinking and talking on the subject, to give +greater--what shall I call it?--susceptibility to her feelings; which +are naturally lively enough. And we all know that Wickham has every +charm of person and address that can captivate a woman." + +"But you see that Jane," said her aunt, "does not think so ill of +Wickham, as to believe him capable of the attempt." + +"Of whom does Jane ever think ill? And who is there, whatever might be +their former conduct, that she would believe capable of such an attempt, +till it were proved against them? But Jane knows, as well as I do, what +Wickham really is. We both know that he has been profligate in every +sense of the word; that he has neither integrity nor honour; that he is +as false and deceitful as he is insinuating." + +"And do you really know all this?" cried Mrs Gardiner, whose curiosity +as to the mode of her intelligence was all alive. + +"I do, indeed," replied Elizabeth, colouring. "I told you the other day +of his infamous behaviour to Mr Darcy; and you, yourself, when last at +Longbourn, heard in what manner he spoke of the man who had behaved with +such forbearance and liberality towards him. And there are other +circumstances which I am not at liberty--which it is not worth while to +relate; but his lies about the whole Pemberley family are endless. From +what he said of Miss Darcy, I was thoroughly prepared to see a proud, +reserved, disagreeable girl. Yet he knew to the contrary himself. He +must know that she was as amiable and unpretending as we have found +her." + +"But does Lydia know nothing of this? can she be ignorant of what you +and Jane seem so well to understand?" + +"Oh, yes!--that, that is the worst of all. Till I was in Kent, and saw +so much both of Mr Darcy and his relation Colonel Fitzwilliam, I was +ignorant of the truth myself. And when I returned home the ----shire +was to leave Meryton in a week or fortnight's time. As that was the +case, neither Jane, to whom I related the whole, nor I, thought it +necessary to make our knowledge public; for of what use could it +apparently be to anyone, that the good opinion, which all the +neighbourhood had of him, should then be overthrown? And even when it +was settled that Lydia should go with Mrs Forster, the necessity of +opening her eyes to his character never occurred to me. That _she_ could +be in any danger from the deception never entered my head. That such a +consequence as _this_ should ensue, you may easily believe was far +enough from my thoughts." + +"When they all removed to Brighton, therefore, you had no reason, I +suppose, to believe them fond of each other?" + +"Not the slightest. I can remember no symptom of affection on either +side; and had anything of the kind been perceptible, you must be aware +that ours is not a family on which it could be thrown away. When first +he entered the corps, she was ready enough to admire him; but so we all +were. Every girl in or near Meryton was out of her senses about him for +the first two months: but he never distinguished _her_ by any particular +attention; and, consequently, after a moderate period of extravagant and +wild admiration, her fancy for him gave way, and others of the regiment, +who treated her with more distinction, again became her favourites." + +It may be easily believed, that however little of novelty could be added +to their fears, hopes, and conjectures, on this interesting subject by +its repeated discussion, no other could detain them from it long, during +the whole of the journey. From Elizabeth's thoughts it was never absent. +Fixed there by the keenest of all anguish, self-reproach, she could +find no interval of ease or forgetfulness. + +They travelled as expeditiously as possible; and sleeping one night on +the road, reached Longbourn by dinnertime the next day. It was a comfort +to Elizabeth to consider that Jane could not have been wearied by long +expectations. + +The little Gardiners, attracted by the sight of a chaise, were standing +on the steps of the house, as they entered the paddock; and when the +carriage drove up to the door, the joyful surprise that lighted up their +faces and displayed itself over their whole bodies, in a variety of +capers and frisks, was the first pleasing earnest of their welcome. + +Elizabeth jumped out; and after giving each of them a hasty kiss, +hurried into the vestibule, where Jane, who came running downstairs from +her mother's apartment, immediately met her. + +Elizabeth, as she affectionately embraced her, whilst tears filled the +eyes of both, lost not a moment in asking whether anything had been +heard of the fugitives. + +"Not yet," replied Jane. "But now that my dear uncle is come, I hope +everything will be well." + +"Is my father in town?" + +"Yes, he went on Tuesday, as I wrote you word." + +"And have you heard from him often?" + +"We have heard only once. He wrote me a few lines on Wednesday, to say +that he had arrived in safety, and to give me his directions, which I +particularly begged him to do. He merely added, that he should not write +again, till he had something of importance to mention." + +"And my mother--how is she? How are you all?" + +"My mother is tolerably well, I trust; though her spirits are greatly +shaken. She is upstairs, and will have great satisfaction in seeing you +all. She does not yet leave her dressing-room. Mary and Kitty, thank +Heaven! are quite well." + +"But you--how are you?" cried Elizabeth. "You look pale. How much you +must have gone through!" + +Her sister, however, assured her of her being perfectly well; and their +conversation, which had been passing while Mr and Mrs Gardiner were +engaged with their children, was now put an end to by the approach of +the whole party. Jane ran to her uncle and aunt, and welcomed and +thanked them both, with alternate smiles and tears. + +When they were all in the drawing-room, the questions which Elizabeth +had already asked were of course repeated by the others, and they soon +found that Jane had no intelligence to give. The sanguine hope of good, +however, which the benevolence of her heart suggested, had not yet +deserted her; she still expected that it would all end well, and that +every morning would bring some letter, either from Lydia or her father, +to explain their proceedings, and, perhaps, announce the marriage. + +Mrs Bennet, to whose apartment they all repaired, after a few minutes' +conversation together, received them exactly as might be expected; with +tears and lamentations of regret, invectives against the villainous +conduct of Wickham, and complaints of her own sufferings and ill-usage; +blaming everybody but the person to whose ill-judging indulgence the +errors of her daughter must be principally owing. + +"If I had been able," said she, "to carry my point in going to Brighton +with all my family, _this_ would not have happened: but poor dear Lydia +had nobody to take care of her. Why did the Forsters ever let her go out +of their sight? I am sure there was some great neglect or other on their +side, for she is not the kind of girl to do such a thing, if she had +been well looked after. I always thought they were very unfit to have +the charge of her; but I was over-ruled, as I always am. Poor, dear +child! And now here's Mr Bennet gone away, and I know he will fight +Wickham, wherever he meets him, and then he will be killed, and what is +to become of us all? The Collinses will turn us out, before he is cold +in his grave; and if you are not kind to us, brother, I do not know what +we shall do." + +They all exclaimed against such terrific ideas; and Mr Gardiner, after +general assurances of his affection for her and all her family, told her +that he meant to be in London the very next day, and would assist Mr +Bennet in every endeavour for recovering Lydia. + +"Do not give way to useless alarm," added he: "though it is right to be +prepared for the worst, there is no occasion to look on it as certain. +It is not quite a week since they left Brighton. In a few days more, we +may gain some news of them; and till we know that they are not married, +and have no design of marrying, do not let us give the matter over as +lost. As soon as I get to town, I shall go to my brother, and make him +come home with me to Gracechurch Street, and then we may consult +together as to what is to be done." + +"Oh, my dear brother," replied Mrs Bennet, "that is exactly what I +could most wish for. And now do, when you get to town, find them out, +wherever they may be; and if they are not married already, _make_ them +marry. And as for wedding clothes, do not let them wait for that, but +tell Lydia she shall have as much money as she chooses to buy them, +after they are married. And, above all things, keep Mr Bennet from +fighting. Tell him what a dreadful state I am in--that I am frightened +out of my wits; and have such tremblings, such flutterings all over me, +such spasms in my side, and pains in my head, and such beatings at my +heart, that I can get no rest by night nor by day. And tell my dear +Lydia not to give any directions about her clothes till she has seen me, +for she does not know which are the best warehouses. Oh, brother, how +kind you are! I know you will contrive it all." + +But Mr Gardiner, though he assured her again of his earnest endeavours +in the cause, could not avoid recommending moderation to her, as well in +her hopes as her fears; and after talking with her in this manner till +dinner was on table, they left her to vent all her feelings on the +housekeeper, who attended in the absence of her daughters. + +Though her brother and sister were persuaded that there was no real +occasion for such a seclusion from the family, they did not attempt to +oppose it; for they knew that she had not prudence enough to hold her +tongue before the servants, while they waited at table, and judged it +better that _one_ only of the household, and the one whom they could +most trust, should comprehend all her fears and solicitude on the +subject. + +In the dining-room they were soon joined by Mary and Kitty, who had been +too busily engaged in their separate apartments to make their appearance +before. One came from her books, and the other from her toilette. The +faces of both, however, were tolerably calm; and no change was visible +in either, except that the loss of her favourite sister, or the anger +which she had herself incurred in the business, had given something more +of fretfulness than usual to the accents of Kitty. As for Mary, she was +mistress enough of herself to whisper to Elizabeth, with a countenance +of grave reflection, soon after they were seated at table,-- + +"This is a most unfortunate affair, and will probably be much talked of. +But we must stem the tide of malice, and pour into the wounded bosoms of +each other the balm of sisterly consolation." + +Then perceiving in Elizabeth no inclination of replying, she added, +"Unhappy as the event must be for Lydia, we may draw from it this useful +lesson:--that loss of virtue in a female is irretrievable, that one +false step involves her in endless ruin, that her reputation is no less +brittle than it is beautiful, and that she cannot be too much guarded in +her behaviour towards the undeserving of the other sex." + +Elizabeth lifted up her eyes in amazement, but was too much oppressed to +make any reply. Mary, however, continued to console herself with such +kind of moral extractions from the evil before them. + +In the afternoon, the two elder Miss Bennets were able to be for half an +hour by themselves; and Elizabeth instantly availed herself of the +opportunity of making any inquiries which Jane was equally eager to +satisfy. After joining in general lamentations over the dreadful sequel +of this event, which Elizabeth considered as all but certain, and Miss +Bennet could not assert to be wholly impossible, the former continued +the subject by saying, "But tell me all and everything about it which I +have not already heard. Give me further particulars. What did Colonel +Forster say? Had they no apprehension of anything before the elopement +took place? They must have seen them together for ever." + +"Colonel Forster did own that he had often suspected some partiality, +especially on Lydia's side, but nothing to give him any alarm. I am so +grieved for him. His behaviour was attentive and kind to the utmost. He +_was_ coming to us, in order to assure us of his concern, before he had +any idea of their not being gone to Scotland: when that apprehension +first got abroad, it hastened his journey." + +"And was Denny convinced that Wickham would not marry? Did he know of +their intending to go off? Had Colonel Forster seen Denny himself?" + +"Yes; but when questioned by _him_, Denny denied knowing anything of +their plan, and would not give his real opinion about it. He did not +repeat his persuasion of their not marrying, and from _that_ I am +inclined to hope he might have been misunderstood before." + +"And till Colonel Forster came himself, not one of you entertained a +doubt, I suppose, of their being really married?" + +"How was it possible that such an idea should enter our brains? I felt a +little uneasy--a little fearful of my sister's happiness with him in +marriage, because I knew that his conduct had not been always quite +right. My father and mother knew nothing of that; they only felt how +imprudent a match it must be. Kitty then owned, with a very natural +triumph on knowing more than the rest of us, that in Lydia's last letter +she had prepared her for such a step. She had known, it seems, of their +being in love with each other many weeks." + +"But not before they went to Brighton?" + +"No, I believe not." + +"And did Colonel Forster appear to think ill of Wickham himself? Does he +know his real character?" + +"I must confess that he did not speak so well of Wickham as he formerly +did. He believed him to be imprudent and extravagant; and since this sad +affair has taken place, it is said that he left Meryton greatly in debt: +but I hope this may be false." + +"Oh, Jane, had we been less secret, had we told what we knew of him, +this could not have happened!" + +"Perhaps it would have been better," replied her sister. + +"But to expose the former faults of any person, without knowing what +their present feelings were, seemed unjustifiable." + +"We acted with the best intentions." + +"Could Colonel Forster repeat the particulars of Lydia's note to his +wife?" + +"He brought it with him for us to see." + +Jane then took it from her pocket-book, and gave it to Elizabeth. These +were the contents:-- + + /* NIND "My dear Harriet, */ + + "You will laugh when you know where I am gone, and I cannot help + laughing myself at your surprise to-morrow morning, as soon as I am + missed. I am going to Gretna Green, and if you cannot guess with + who, I shall think you a simpleton, for there is but one man in the + world I love, and he is an angel. I should never be happy without + him, so think it no harm to be off. You need not send them word at + Longbourn of my going, if you do not like it, for it will make the + surprise the greater when I write to them, and sign my name Lydia + Wickham. What a good joke it will be! I can hardly write for + laughing. Pray make my excuses to Pratt for not keeping my + engagement, and dancing with him to-night. Tell him I hope he will + excuse me when he knows all, and tell him I will dance with him at + the next ball we meet with great pleasure. I shall send for my + clothes when I get to Longbourn; but I wish you would tell Sally to + mend a great slit in my worked muslin gown before they are packed + up. Good-bye. Give my love to Colonel Forster. I hope you will + drink to our good journey. + +"Your affectionate friend, + +"LYDIA BENNET." + +"Oh, thoughtless, thoughtless Lydia!" cried Elizabeth when she had +finished it. "What a letter is this, to be written at such a moment! But +at least it shows that _she_ was serious in the object of her journey. +Whatever he might afterwards persuade her to, it was not on her side a +_scheme_ of infamy. My poor father! how he must have felt it!" + +"I never saw anyone so shocked. He could not speak a word for full ten +minutes. My mother was taken ill immediately, and the whole house in +such confusion!" + +"Oh, Jane," cried Elizabeth, "was there a servant belonging to it who +did not know the whole story before the end of the day?" + +"I do not know: I hope there was. But to be guarded at such a time is +very difficult. My mother was in hysterics; and though I endeavoured to +give her every assistance in my power, I am afraid I did not do so much +as I might have done. But the horror of what might possibly happen +almost took from me my faculties." + +"Your attendance upon her has been too much for you. You do not look +well. Oh that I had been with you! you have had every care and anxiety +upon yourself alone." + +"Mary and Kitty have been very kind, and would have shared in every +fatigue, I am sure, but I did not think it right for either of them. +Kitty is slight and delicate, and Mary studies so much that her hours of +repose should not be broken in on. My aunt Philips came to Longbourn on +Tuesday, after my father went away; and was so good as to stay till +Thursday with me. She was of great use and comfort to us all, and Lady +Lucas has been very kind: she walked here on Wednesday morning to +condole with us, and offered her services, or any of her daughters, if +they could be of use to us." + +"She had better have stayed at home," cried Elizabeth: "perhaps she +_meant_ well, but, under such a misfortune as this, one cannot see too +little of one's neighbours. Assistance is impossible; condolence, +insufferable. Let them triumph over us at a distance, and be satisfied." + +She then proceeded to inquire into the measures which her father had +intended to pursue, while in town, for the recovery of his daughter. + +"He meant, I believe," replied Jane, "to go to Epsom, the place where +they last changed horses, see the postilions, and try if anything could +be made out from them. His principal object must be to discover the +number of the hackney coach which took them from Clapham. It had come +with a fare from London; and as he thought the circumstance of a +gentleman and lady's removing from one carriage into another might be +remarked, he meant to make inquiries at Clapham. If he could anyhow +discover at what house the coachman had before set down his fare, he +determined to make inquiries there, and hoped it might not be impossible +to find out the stand and number of the coach. I do not know of any +other designs that he had formed; but he was in such a hurry to be gone, +and his spirits so greatly discomposed, that I had difficulty in finding +out even so much as this." + +CHAPTER XLVIII. + +The whole party were in hopes of a letter from Mr Bennet the next +morning, but the post came in without bringing a single line from him. +His family knew him to be, on all common occasions, a most negligent and +dilatory correspondent; but at such a time they had hoped for exertion. +They were forced to conclude, that he had no pleasing intelligence to +send; but even of _that_ they would have been glad to be certain. Mr +Gardiner had waited only for the letters before he set off. + +When he was gone, they were certain at least of receiving constant +information of what was going on; and their uncle promised, at parting, +to prevail on Mr Bennet to return to Longbourn as soon as he could, to +the great consolation of his sister, who considered it as the only +security for her husband's not being killed in a duel. + +Mrs Gardiner and the children were to remain in Hertfordshire a few +days longer, as the former thought her presence might be serviceable to +her nieces. She shared in their attendance on Mrs Bennet, and was a +great comfort to them in their hours of freedom. Their other aunt also +visited them frequently, and always, as she said, with the design of +cheering and heartening them up--though, as she never came without +reporting some fresh instance of Wickham's extravagance or irregularity, +she seldom went away without leaving them more dispirited than she found +them. + +All Meryton seemed striving to blacken the man who, but three months +before, had been almost an angel of light. He was declared to be in debt +to every tradesman in the place, and his intrigues, all honoured with +the title of seduction, had been extended into every tradesman's family. +Everybody declared that he was the wickedest young man in the world; and +everybody began to find out that they had always distrusted the +appearance of his goodness. Elizabeth, though she did not credit above +half of what was said, believed enough to make her former assurance of +her sister's ruin still more certain; and even Jane, who believed still +less of it, became almost hopeless, more especially as the time was now +come, when, if they had gone to Scotland, which she had never before +entirely despaired of, they must in all probability have gained some +news of them. + +Mr Gardiner left Longbourn on Sunday; on Tuesday, his wife received a +letter from him: it told them, that on his arrival he had immediately +found out his brother, and persuaded him to come to Gracechurch Street. +That Mr Bennet had been to Epsom and Clapham, before his arrival, but +without gaining any satisfactory information; and that he was now +determined to inquire at all the principal hotels in town, as Mr Bennet +thought it possible they might have gone to one of them, on their first +coming to London, before they procured lodgings. Mr Gardiner himself +did not expect any success from this measure; but as his brother was +eager in it, he meant to assist him in pursuing it. He added, that Mr +Bennet seemed wholly disinclined at present to leave London, and +promised to write again very soon. There was also a postscript to this +effect:-- + +"I have written to Colonel Forster to desire him to find out, if +possible, from some of the young man's intimates in the regiment, +whether Wickham has any relations or connections who would be likely to +know in what part of the town he has now concealed himself. If there +were anyone that one could apply to, with a probability of gaining such +a clue as that, it might be of essential consequence. At present we have +nothing to guide us. Colonel Forster will, I dare say, do everything in +his power to satisfy us on this head. But, on second thoughts, perhaps +Lizzy could tell us what relations he has now living better than any +other person." + +Elizabeth was at no loss to understand from whence this deference for +her authority proceeded; but it was not in her power to give any +information of so satisfactory a nature as the compliment deserved. + +She had never heard of his having had any relations, except a father +and mother, both of whom had been dead many years. It was possible, +however, that some of his companions in the ----shire might be able to +give more information; and though she was not very sanguine in expecting +it, the application was a something to look forward to. + +Every day at Longbourn was now a day of anxiety; but the most anxious +part of each was when the post was expected. The arrival of letters was +the first grand object of every morning's impatience. Through letters, +whatever of good or bad was to be told would be communicated; and every +succeeding day was expected to bring some news of importance. + +But before they heard again from Mr Gardiner, a letter arrived for +their father, from a different quarter, from Mr Collins; which, as Jane +had received directions to open all that came for him in his absence, +she accordingly read; and Elizabeth, who knew what curiosities his +letters always were, looked over her, and read it likewise. It was as +follows:-- + + /* "My dear Sir, */ + + "I feel myself called upon, by our relationship, and my situation + in life, to condole with you on the grievous affliction you are now + suffering under, of which we were yesterday informed by a letter + from Hertfordshire. Be assured, my dear sir, that Mrs Collins and + myself sincerely sympathize with you, and all your respectable + family, in your present distress, which must be of the bitterest + kind, because proceeding from a cause which no time can remove. No + arguments shall be wanting on my part, that can alleviate so severe + a misfortune; or that may comfort you, under a circumstance that + must be, of all others, most afflicting to a parent's mind. The + death of your daughter would have been a blessing in comparison of + this. And it is the more to be lamented, because there is reason to + suppose, as my dear Charlotte informs me, that this licentiousness + of behaviour in your + + ] + + daughter has proceeded from a faulty degree of indulgence; though, + at the same time, for the consolation of yourself and Mrs Bennet, + I am inclined to think that her own disposition must be naturally + bad, or she could not be guilty of such an enormity, at so early an + age. Howsoever that may be, you are grievously to be pitied; in + which opinion I am not only joined by Mrs Collins, but likewise by + Lady Catherine and her daughter, to whom I have related the affair. + They agree with me in apprehending that this false step in one + daughter will be injurious to the fortunes of all the others: for + who, as Lady Catherine herself condescendingly says, will connect + themselves with such a family? And this consideration leads me, + moreover, to reflect, with augmented satisfaction, on a certain + event of last November; for had it been otherwise, I must have been + involved in all your sorrow and disgrace. Let me advise you, then, + my dear sir, to console yourself as much as possible, to throw off + your unworthy child from your affection for ever, and leave her to + reap the fruits of her own heinous offence. + +"I am, dear sir," etc., etc. + +Mr Gardiner did not write again, till he had received an answer from +Colonel Forster; and then he had nothing of a pleasant nature to send. +It was not known that Wickham had a single relation with whom he kept up +any connection, and it was certain that he had no near one living. His +former acquaintance had been numerous; but since he had been in the +militia, it did not appear that he was on terms of particular friendship +with any of them. There was no one, therefore, who could be pointed out +as likely to give any news of him. And in the wretched state of his own +finances, there was a very powerful motive for secrecy, in addition to +his fear of discovery by Lydia's relations; for it had just transpired +that he had left gaming debts behind him to a very considerable amount. +Colonel Forster believed that more than a thousand pounds would be +necessary to clear his expenses at Brighton. He owed a good deal in the +town, but his debts of honour were still more formidable. Mr Gardiner +did not attempt to conceal these particulars from the Longbourn family; +Jane heard them with horror. "A gamester!" she cried. "This is wholly +unexpected; I had not an idea of it." + +Mr Gardiner added, in his letter, that they might expect to see their +father at home on the following day, which was Saturday. Rendered +spiritless by the ill success of all their endeavours, he had yielded to +his brother-in-law's entreaty that he would return to his family and +leave it to him to do whatever occasion might suggest to be advisable +for continuing their pursuit. When Mrs Bennet was told of this, she did +not express so much satisfaction as her children expected, considering +what her anxiety for his life had been before. + +"What! is he coming home, and without poor Lydia?" she cried. "Sure he +will not leave London before he has found them. Who is to fight Wickham, +and make him marry her, if he comes away?" + +As Mrs Gardiner began to wish to be at home, it was settled that she +and her children should go to London at the same time that Mr Bennet +came from it. The coach, therefore, took them the first stage of their +journey, and brought its master back to Longbourn. + +Mrs Gardiner went away in all the perplexity about Elizabeth and her +Derbyshire friend, that had attended her from that part of the world. +His name had never been voluntarily mentioned before them by her niece; +and the kind of half-expectation which Mrs Gardiner had formed, of +their being followed by a letter from him, had ended in nothing. +Elizabeth had received none since her return, that could come from +Pemberley. + +The present unhappy state of the family rendered any other excuse for +the lowness of her spirits unnecessary; nothing, therefore, could be +fairly conjectured from _that_,--though Elizabeth, who was by this time +tolerably well acquainted with her own feelings, was perfectly aware +that, had she known nothing of Darcy, she could have borne the dread of +Lydia's infamy somewhat better. It would have spared her, she thought, +one sleepless night out of two. + +When Mr Bennet arrived, he had all the appearance of his usual +philosophic composure. He said as little as he had ever been in the +habit of saying; made no mention of the business that had taken him +away; and it was some time before his daughters had courage to speak of +it. + +It was not till the afternoon, when he joined them at tea, that +Elizabeth ventured to introduce the subject; and then, on her briefly +expressing her sorrow for what he must have endured, he replied, "Say +nothing of that. Who should suffer but myself? It has been my own doing, +and I ought to feel it." + +"You must not be too severe upon yourself," replied Elizabeth. + +"You may well warn me against such an evil. Human nature is so prone to +fall into it! No, Lizzy, let me once in my life feel how much I have +been to blame. I am not afraid of being overpowered by the impression. +It will pass away soon enough." + +"Do you suppose them to be in London?" + +"Yes; where else can they be so well concealed?" + +"And Lydia used to want to go to London," added Kitty. + +"She is happy, then," said her father, drily; "and her residence there +will probably be of some duration." + +Then, after a short silence, he continued, "Lizzy, I bear you no +ill-will for being justified in your advice to me last May, which, +considering the event, shows some greatness of mind." + +They were interrupted by Miss Bennet, who came to fetch her mother's +tea. + +"This is a parade," cried he, "which does one good; it gives such an +elegance to misfortune! Another day I will do the same; I will sit in my +library, in my nightcap and powdering gown, and give as much trouble as +I can,--or perhaps I may defer it till Kitty runs away." + +"I am not going to run away, papa," said Kitty, fretfully. "If _I_ +should ever go to Brighton, I would behave better than Lydia." + +"_You_ go to Brighton! I would not trust you so near it as Eastbourne, +for fifty pounds! No, Kitty, I have at least learnt to be cautious, and +you will feel the effects of it. No officer is ever to enter my house +again, nor even to pass through the village. Balls will be absolutely +prohibited, unless you stand up with one of your sisters. And you are +never to stir out of doors, till you can prove that you have spent ten +minutes of every day in a rational manner." + +Kitty, who took all these threats in a serious light, began to cry. + +"Well, well," said he, "do not make yourself unhappy. If you are a good +girl for the next ten years, I will take you to a review at the end of +them." + +CHAPTER XLIX. + +Two days after Mr Bennet's return, as Jane and Elizabeth were walking +together in the shrubbery behind the house, they saw the housekeeper +coming towards them, and concluding that she came to call them to their +mother, went forward to meet her; but instead of the expected summons, +when they approached her, she said to Miss Bennet, "I beg your pardon, +madam, for interrupting you, but I was in hopes you might have got some +good news from town, so I took the liberty of coming to ask." + +"What do you mean, Hill? We have heard nothing from town." + +"Dear madam," cried Mrs Hill, in great astonishment, "don't you know +there is an express come for master from Mr Gardiner? He has been here +this half hour, and master has had a letter." + +Away ran the girls, too eager to get in to have time for speech. They +ran through the vestibule into the breakfast-room; from thence to the +library;--their father was in neither; and they were on the point of +seeking him upstairs with their mother, when they were met by the +butler, who said,-- + +"If you are looking for my master, ma'am, he is walking towards the +little copse." + +Upon this information, they instantly passed through the hall once more, +and ran across the lawn after their father, who was deliberately +pursuing his way towards a small wood on one side of the paddock. + +Jane, who was not so light, nor so much in the habit of running as +Elizabeth, soon lagged behind, while her sister, panting for breath, +came up with him, and eagerly cried out,-- + +"Oh, papa, what news? what news? have you heard from my uncle?" + +"Yes, I have had a letter from him by express." + +"Well, and what news does it bring--good or bad?" + +"What is there of good to be expected?" said he, taking the letter from +his pocket; "but perhaps you would like to read it." + +Elizabeth impatiently caught it from his hand. Jane now came up. + +"Read it aloud," said their father, "for I hardly know myself what it is +about." + + /* RIGHT "Gracechurch Street, _Monday, August 2_. */ + +"My dear Brother, + + "At last I am able to send you some tidings of my niece, and such + as, upon the whole, I hope will give you satisfaction. Soon after + you left me on Saturday, I was fortunate enough to find out in what + part of London they were. The particulars I reserve till we meet. + It is enough to know they are discovered: I have seen them + both----" + + ] + + "Then it is as I always hoped," cried Jane: "they are married!" + + Elizabeth read on: "I have seen them both. They are not married, + nor can I find there was any intention of being so; but if you are + willing to perform the engagements which I have ventured to make on + your side, I hope it will not be long before they are. All that is + required of you is, to assure to your daughter, by settlement, her + equal share of the five thousand pounds, secured among your + children after the decease of yourself and my sister; and, + moreover, to enter into an engagement of allowing her, during your + life, one hundred pounds per annum. These are conditions which, + considering everything, I had no hesitation in complying with, as + far as I thought myself privileged, for you. I shall send this by + express, that no time may be lost in bringing me your answer. You + will easily comprehend, from these particulars, that Mr Wickham's + circumstances are not so hopeless as they are generally believed to + be. The world has been deceived in that respect; and I am happy to + say, there will be some little money, even when all his debts are + discharged, to settle on my niece, in addition to her own fortune. + If, as I conclude will be the case, you send me full powers to act + in your name throughout the whole of this business, I will + immediately give directions to Haggerston for preparing a proper + settlement. There will not be the smallest occasion for your coming + to town again; therefore stay quietly at Longbourn, and depend on + my diligence and care. Send back your answer as soon as you can, + and be careful to write explicitly. We have judged it best that my + niece should be married from this house, of which I hope you will + approve. She comes to us to-day. I shall write again as soon as + anything more is determined on. Yours, etc. + +"EDW. GARDINER." + +"Is it possible?" cried Elizabeth, when she had finished. "Can it be +possible that he will marry her?" + +"Wickham is not so undeserving, then, as we have thought him," said her +sister. "My dear father, I congratulate you." + +"And have you answered the letter?" said Elizabeth. + +"No; but it must be done soon." + +Most earnestly did she then entreat him to lose no more time before he +wrote. + +"Oh! my dear father," she cried, "come back and write immediately. +Consider how important every moment is in such a case." + +"Let me write for you," said Jane, "if you dislike the trouble +yourself." + +"I dislike it very much," he replied; "but it must be done." + +And so saying, he turned back with them, and walked towards the house. + +"And--may I ask?" said Elizabeth; "but the terms, I suppose, must be +complied with." + +"Complied with! I am only ashamed of his asking so little." + +"And they _must_ marry! Yet he is _such_ a man." + +"Yes, yes, they must marry. There is nothing else to be done. But there +are two things that I want very much to know:--one is, how much money +your uncle has laid down to bring it about; and the other, how I am ever +to pay him." + +"Money! my uncle!" cried Jane, "what do you mean, sir?" + +"I mean that no man in his proper senses would marry Lydia on so slight +a temptation as one hundred a year during my life, and fifty after I am +gone." + +"That is very true," said Elizabeth; "though it had not occurred to me +before. His debts to be discharged, and something still to remain! Oh, +it must be my uncle's doings! Generous, good man, I am afraid he has +distressed himself. A small sum could not do all this." + +"No," said her father. "Wickham's a fool if he takes her with a farthing +less than ten thousand pounds: I should be sorry to think so ill of him, +in the very beginning of our relationship." + +"Ten thousand pounds! Heaven forbid! How is half such a sum to be +repaid?" + +Mr Bennet made no answer; and each of them, deep in thought, continued +silent till they reached the house. Their father then went to the +library to write, and the girls walked into the breakfast-room. + +"And they are really to be married!" cried Elizabeth, as soon as they +were by themselves. "How strange this is! and for _this_ we are to be +thankful. That they should marry, small as is their chance of happiness, +and wretched as is his character, we are forced to rejoice! Oh, Lydia!" + +"I comfort myself with thinking," replied Jane, "that he certainly would +not marry Lydia, if he had not a real regard for her. Though our kind +uncle has done something towards clearing him, I cannot believe that ten +thousand pounds, or anything like it, has been advanced. He has children +of his own, and may have more. How could he spare half ten thousand +pounds?" + +"If we are ever able to learn what Wickham's debts have been," said +Elizabeth, "and how much is settled on his side on our sister, we shall +exactly know what Mr Gardiner has done for them, because Wickham has +not sixpence of his own. The kindness of my uncle and aunt can never be +requited. Their taking her home, and affording her their personal +protection and countenance, is such a sacrifice to her advantage as +years of gratitude cannot enough acknowledge. By this time she is +actually with them! If such goodness does not make her miserable now, +she will never deserve to be happy! What a meeting for her, when she +first sees my aunt!" + +"We must endeavour to forget all that has passed on either side," said +Jane: "I hope and trust they will yet be happy. His consenting to marry +her is a proof, I will believe, that he is come to a right way of +thinking. Their mutual affection will steady them; and I flatter myself +they will settle so quietly, and live in so rational a manner, as may in +time make their past imprudence forgotten." + +"Their conduct has been such," replied Elizabeth, "as neither you, nor +I, nor anybody, can ever forget. It is useless to talk of it." + +It now occurred to the girls that their mother was in all likelihood +perfectly ignorant of what had happened. They went to the library, +therefore, and asked their father whether he would not wish them to make +it known to her. He was writing, and, without raising his head, coolly +replied,-- + +"Just as you please." + +"May we take my uncle's letter to read to her?" + +"Take whatever you like, and get away." + +Elizabeth took the letter from his writing-table, and they went upstairs +together. Mary and Kitty were both with Mrs Bennet: one communication +would, therefore, do for all. After a slight preparation for good news, +the letter was read aloud. Mrs Bennet could hardly contain herself. As +soon as Jane had read Mr Gardiner's hope of Lydia's being soon married, +her joy burst forth, and every following sentence added to its +exuberance. She was now in an irritation as violent from delight as she +had ever been fidgety from alarm and vexation. To know that her daughter +would be married was enough. She was disturbed by no fear for her +felicity, nor humbled by any remembrance of her misconduct. + +"My dear, dear Lydia!" she cried: "this is delightful indeed! She will +be married! I shall see her again! She will be married at sixteen! My +good, kind brother! I knew how it would be--I knew he would manage +everything. How I long to see her! and to see dear Wickham too! But the +clothes, the wedding clothes! I will write to my sister Gardiner about +them directly. Lizzy, my dear, run down to your father, and ask him how +much he will give her. Stay, stay, I will go myself. Ring the bell, +Kitty, for Hill. I will put on my things in a moment. My dear, dear +Lydia! How merry we shall be together when we meet!" + +Her eldest daughter endeavoured to give some relief to the violence of +these transports, by leading her thoughts to the obligations which Mr +Gardiner's behaviour laid them all under. + +"For we must attribute this happy conclusion," she added, "in a great +measure to his kindness. We are persuaded that he has pledged himself to +assist Mr Wickham with money." + +"Well," cried her mother, "it is all very right; who should do it but +her own uncle? If he had not had a family of his own, I and my children +must have had all his money, you know; and it is the first time we have +ever had anything from him except a few presents. Well! I am so happy. +In a short time, I shall have a daughter married. Mrs Wickham! How well +it sounds! And she was only sixteen last June. My dear Jane, I am in +such a flutter, that I am sure I can't write; so I will dictate, and you +write for me. We will settle with your father about the money +afterwards; but the things should be ordered immediately." + +She was then proceeding to all the particulars of calico, muslin, and +cambric, and would shortly have dictated some very plentiful orders, had +not Jane, though with some difficulty, persuaded her to wait till her +father was at leisure to be consulted. One day's delay, she observed, +would be of small importance; and her mother was too happy to be quite +so obstinate as usual. Other schemes, too, came into her head. + +"I will go to Meryton," said she, "as soon as I am dressed, and tell the +good, good news to my sister Philips. And as I come back, I can call on +Lady Lucas and Mrs Long. Kitty, run down and order the carriage. An +airing would do me a great deal of good, I am sure. Girls, can I do +anything for you in Meryton? Oh! here comes Hill. My dear Hill, have you +heard the good news? Miss Lydia is going to be married; and you shall +all have a bowl of punch to make merry at her wedding." + +Mrs Hill began instantly to express her joy. Elizabeth received her +congratulations amongst the rest, and then, sick of this folly, took +refuge in her own room, that she might think with freedom. Poor Lydia's +situation must, at best, be bad enough; but that it was no worse, she +had need to be thankful. She felt it so; and though, in looking forward, +neither rational happiness, nor worldly prosperity could be justly +expected for her sister, in looking back to what they had feared, only +two hours ago, she felt all the advantages of what they had gained. + +CHAPTER L. + +Mr Bennet had very often wished, before this period of his life, that, +instead of spending his whole income, he had laid by an annual sum, for +the better provision of his children, and of his wife, if she survived +him. He now wished it more than ever. Had he done his duty in that +respect, Lydia need not have been indebted to her uncle for whatever of +honour or credit could now be purchased for her. The satisfaction of +prevailing on one of the most worthless young men in Great Britain to +be her husband might then have rested in its proper place. + +He was seriously concerned that a cause of so little advantage to anyone +should be forwarded at the sole expense of his brother-in-law; and he +was determined, if possible, to find out the extent of his assistance, +and to discharge the obligation as soon as he could. + +When first Mr Bennet had married, economy was held to be perfectly +useless; for, of course, they were to have a son. This son was to join +in cutting off the entail, as soon as he should be of age, and the widow +and younger children would by that means be provided for. Five daughters +successively entered the world, but yet the son was to come; and Mrs +Bennet, for many years after Lydia's birth, had been certain that he +would. This event had at last been despaired of, but it was then too +late to be saving. Mrs Bennet had no turn for economy; and her +husband's love of independence had alone prevented their exceeding their +income. + +Five thousand pounds was settled by marriage articles on Mrs Bennet and +the children. But in what proportions it should be divided amongst the +latter depended on the will of the parents. This was one point, with +regard to Lydia at least, which was now to be settled, and Mr Bennet +could have no hesitation in acceding to the proposal before him. In +terms of grateful acknowledgment for the kindness of his brother, though +expressed most concisely, he then delivered on paper his perfect +approbation of all that was done, and his willingness to fulfil the +engagements that had been made for him. He had never before supposed +that, could Wickham be prevailed on to marry his daughter, it would be +done with so little inconvenience to himself as by the present +arrangement. He would scarcely be ten pounds a year the loser, by the +hundred that was to be paid them; for, what with her board and pocket +allowance, and the continual presents in money which passed to her +through her mother's hands, Lydia's expenses had been very little within +that sum. + +That it would be done with such trifling exertion on his side, too, was +another very welcome surprise; for his chief wish at present was to have +as little trouble in the business as possible. When the first transports +of rage which had produced his activity in seeking her were over, he +naturally returned to all his former indolence. His letter was soon +despatched; for though dilatory in undertaking business, he was quick in +its execution. He begged to know further particulars of what he was +indebted to his brother; but was too angry with Lydia to send any +message to her. + +The good news quickly spread through the house; and with proportionate +speed through the neighbourhood. It was borne in the latter with decent +philosophy. To be sure, it would have been more for the advantage of +conversation, had Miss Lydia Bennet come upon the town; or, as the +happiest alternative, been secluded from the world in some distant +farm-house. But there was much to be talked of, in marrying her; and the +good-natured wishes for her well-doing, which had proceeded before from +all the spiteful old ladies in Meryton, lost but little of their spirit +in this change of circumstances, because with such a husband her misery +was considered certain. + +It was a fortnight since Mrs Bennet had been down stairs, but on this +happy day she again took her seat at the head of her table, and in +spirits oppressively high. No sentiment of shame gave a damp to her +triumph. The marriage of a daughter, which had been the first object of +her wishes since Jane was sixteen, was now on the point of +accomplishment, and her thoughts and her words ran wholly on those +attendants of elegant nuptials, fine muslins, new carriages, and +servants. She was busily searching through the neighbourhood for a +proper situation for her daughter; and, without knowing or considering +what their income might be, rejected many as deficient in size and +importance. + +"Haye Park might do," said she, "if the Gouldings would quit it, or the +great house at Stoke, if the drawing-room were larger; but Ashworth is +too far off. I could not bear to have her ten miles from me; and as for +Purvis Lodge, the attics are dreadful." + +Her husband allowed her to talk on without interruption while the +servants remained. But when they had withdrawn, he said to her, "Mrs +Bennet, before you take any, or all of these houses, for your son and +daughter, let us come to a right understanding. Into _one_ house in this +neighbourhood they shall never have admittance. I will not encourage the +imprudence of either, by receiving them at Longbourn." + +A long dispute followed this declaration; but Mr Bennet was firm: it +soon led to another; and Mrs Bennet found, with amazement and horror, +that her husband would not advance a guinea to buy clothes for his +daughter. He protested that she should receive from him no mark of +affection whatever on the occasion. Mrs Bennet could hardly comprehend +it. That his anger could be carried to such a point of inconceivable +resentment as to refuse his daughter a privilege, without which her +marriage would scarcely seem valid, exceeded all that she could believe +possible. She was more alive to the disgrace, which her want of new +clothes must reflect on her daughter's nuptials, than to any sense of +shame at her eloping and living with Wickham a fortnight before they +took place. + +Elizabeth was now most heartily sorry that she had, from the distress of +the moment, been led to make Mr Darcy acquainted with their fears for +her sister; for since her marriage would so shortly give the proper +termination to the elopement, they might hope to conceal its +unfavourable beginning from all those who were not immediately on the +spot. + +She had no fear of its spreading farther, through his means. There were +few people on whose secrecy she would have more confidently depended; +but at the same time there was no one whose knowledge of a sister's +frailty would have mortified her so much. Not, however, from any fear of +disadvantage from it individually to herself; for at any rate there +seemed a gulf impassable between them. Had Lydia's marriage been +concluded on the most honourable terms, it was not to be supposed that +Mr Darcy would connect himself with a family, where to every other +objection would now be added an alliance and relationship of the nearest +kind with the man whom he so justly scorned. + +From such a connection she could not wonder that he should shrink. The +wish of procuring her regard, which she had assured herself of his +feeling in Derbyshire, could not in rational expectation survive such a +blow as this. She was humbled, she was grieved; she repented, though she +hardly knew of what. She became jealous of his esteem, when she could no +longer hope to be benefited by it. She wanted to hear of him, when there +seemed the least chance of gaining intelligence. She was convinced that +she could have been happy with him, when it was no longer likely they +should meet. + +What a triumph for him, as she often thought, could he know that the +proposals which she had proudly spurned only four months ago would now +have been gladly and gratefully received! He was as generous, she +doubted not, as the most generous of his sex. But while he was mortal, +there must be a triumph. + +She began now to comprehend that he was exactly the man who, in +disposition and talents, would most suit her. His understanding and +temper, though unlike her own, would have answered all her wishes. It +was an union that must have been to the advantage of both: by her ease +and liveliness, his mind might have been softened, his manners improved; +and from his judgment, information, and knowledge of the world, she must +have received benefit of greater importance. + +But no such happy marriage could now teach the admiring multitude what +connubial felicity really was. An union of a different tendency, and +precluding the possibility of the other, was soon to be formed in their +family. + +How Wickham and Lydia were to be supported in tolerable independence she +could not imagine. But how little of permanent happiness could belong to +a couple who were only brought together because their passions were +stronger than their virtue, she could easily conjecture. + +Mr Gardiner soon wrote again to his brother. To Mr Bennet's +acknowledgments he briefly replied, with assurances of his eagerness to +promote the welfare of any of his family; and concluded with entreaties +that the subject might never be mentioned to him again. The principal +purport of his letter was to inform them, that Mr Wickham had resolved +on quitting the militia. + +"It was greatly my wish that he should do so," he added, "as soon as his +marriage was fixed on. And I think you will agree with me, in +considering a removal from that corps as highly advisable, both on his +account and my niece's. It is Mr Wickham's intention to go into the +Regulars; and, among his former friends, there are still some who are +able and willing to assist him in the army. He has the promise of an +ensigncy in General----'s regiment, now quartered in the north. It is +an advantage to have it so far from this part of the kingdom. He +promises fairly; and I hope among different people, where they may each +have a character to preserve, they will both be more prudent. I have +written to Colonel Forster, to inform him of our present arrangements, +and to request that he will satisfy the various creditors of Mr Wickham +in and near Brighton with assurances of speedy payment, for which I have +pledged myself. And will you give yourself the trouble of carrying +similar assurances to his creditors in Meryton, of whom I shall subjoin +a list, according to his information? He has given in all his debts; I +hope at least he has not deceived us. Haggerston has our directions, and +all will be completed in a week. They will then join his regiment, +unless they are first invited to Longbourn; and I understand from Mrs +Gardiner that my niece is very desirous of seeing you all before she +leaves the south. She is well, and begs to be dutifully remembered to +you and her mother.--Yours, etc. + +"E. GARDINER." + +Mr Bennet and his daughters saw all the advantages of Wickham's +removal from the ----shire, as clearly as Mr Gardiner could do. But +Mrs Bennet was not so well pleased with it. Lydia's being settled in +the north, just when she had expected most pleasure and pride in her +company, for she had by no means given up her plan of their residing in +Hertfordshire, was a severe disappointment; and, besides, it was such a +pity that Lydia should be taken from a regiment where she was acquainted +with everybody, and had so many favourites. + +"She is so fond of Mrs Forster," said she, "it will be quite shocking +to send her away! And there are several of the young men, too, that she +likes very much. The officers may not be so pleasant in General----'s +regiment." + +His daughter's request, for such it might be considered, of being +admitted into her family again, before she set off for the north, +received at first an absolute negative. But Jane and Elizabeth, who +agreed in wishing, for the sake of their sister's feelings and +consequence, that she should be noticed on her marriage by her parents, +urged him so earnestly, yet so rationally and so mildly, to receive her +and her husband at Longbourn, as soon as they were married, that he was +prevailed on to think as they thought, and act as they wished. And their +mother had the satisfaction of knowing, that she should be able to show +her married daughter in the neighbourhood, before she was banished to +the north. When Mr Bennet wrote again to his brother, therefore, he +sent his permission for them to come; and it was settled, that, as soon +as the ceremony was over, they should proceed to Longbourn. Elizabeth +was surprised, however, that Wickham should consent to such a scheme; +and, had she consulted only her own inclination, any meeting with him +would have been the last object of her wishes. + +CHAPTER LI. + +Their sister's wedding-day arrived; and Jane and Elizabeth felt for her +probably more than she felt for herself. The carriage was sent to meet +them at----, and they were to return in it by dinnertime. Their arrival +was dreaded by the elder Miss Bennets--and Jane more especially, who +gave Lydia the feelings which would have attended herself, had _she_ +been the culprit, and was wretched in the thought of what her sister +must endure. + +They came. The family were assembled in the breakfast-room to receive +them. Smiles decked the face of Mrs Bennet, as the carriage drove up to +the door; her husband looked impenetrably grave; her daughters, alarmed, +anxious, uneasy. + +Lydia's voice was heard in the vestibule; the door was thrown open, and +she ran into the room. Her mother stepped forwards, embraced her, and +welcomed her with rapture; gave her hand with an affectionate smile to +Wickham, who followed his lady; and wished them both joy, with an +alacrity which showed no doubt of their happiness. + +Their reception from Mr Bennet, to whom they then turned, was not quite +so cordial. His countenance rather gained in austerity; and he scarcely +opened his lips. The easy assurance of the young couple, indeed, was +enough to provoke him. + +Elizabeth was disgusted, and even Miss Bennet was shocked. Lydia was +Lydia still; untamed, unabashed, wild, noisy, and fearless. She turned +from sister to sister, demanding their congratulations; and when at +length they all sat down, looked eagerly round the room, took notice of +some little alteration in it, and observed, with a laugh, that it was a +great while since she had been there. + +Wickham was not at all more distressed than herself; but his manners +were always so pleasing, that, had his character and his marriage been +exactly what they ought, his smiles and his easy address, while he +claimed their relationship, would have delighted them all. Elizabeth +had not before believed him quite equal to such assurance; but she sat +down, resolving within herself to draw no limits in future to the +impudence of an impudent man. _She_ blushed, and Jane blushed; but the +cheeks of the two who caused their confusion suffered no variation of +colour. + +There was no want of discourse. The bride and her mother could neither +of them talk fast enough; and Wickham, who happened to sit near +Elizabeth, began inquiring after his acquaintance in that neighbourhood, +with a good-humoured ease, which she felt very unable to equal in her +replies. They seemed each of them to have the happiest memories in the +world. Nothing of the past was recollected with pain; and Lydia led +voluntarily to subjects which her sisters would not have alluded to for +the world. + +"Only think of its being three months," she cried, "since I went away: +it seems but a fortnight, I declare; and yet there have been things +enough happened in the time. Good gracious! when I went away, I am sure +I had no more idea of being married till I came back again! though I +thought it would be very good fun if I was." + +Her father lifted up his eyes, Jane was distressed, Elizabeth looked +expressively at Lydia; but she, who never heard nor saw anything of +which she chose to be insensible, gaily continued,-- + +"Oh, mamma, do the people hereabouts know I am married to-day? I was +afraid they might not; and we overtook William Goulding in his curricle, +so I was determined he should know it, and so I let down the side glass +next to him, and took off my glove and let my hand just rest upon the +window frame, so that he might see the ring, and then I bowed and +smiled like anything." + +Elizabeth could bear it no longer. She got up and ran out of the room; +and returned no more, till she heard them passing through the hall to +the dining-parlour. She then joined them soon enough to see Lydia, with +anxious parade, walk up to her mother's right hand, and hear her say to +her eldest sister,-- + +"Ah, Jane, I take your place now, and you must go lower, because I am a +married woman." + +It was not to be supposed that time would give Lydia that embarrassment +from which she had been so wholly free at first. Her ease and good +spirits increased. She longed to see Mrs Philips, the Lucases, and all +their other neighbours, and to hear herself called "Mrs Wickham" by +each of them; and in the meantime she went after dinner to show her ring +and boast of being married to Mrs Hill and the two housemaids. + +"Well, mamma," said she, when they were all returned to the +breakfast-room, "and what do you think of my husband? Is not he a +charming man? I am sure my sisters must all envy me. I only hope they +may have half my good luck. They must all go to Brighton. That is the +place to get husbands. What a pity it is, mamma, we did not all go!" + +"Very true; and if I had my will we should. But, my dear Lydia, I don't +at all like your going such a way off. Must it be so?" + +"Oh, Lord! yes; there is nothing in that. I shall like it of all things. +You and papa, and my sisters, must come down and see us. We shall be at +Newcastle all the winter, and I dare say there will be some balls, and I +will take care to get good partners for them all." + +"I should like it beyond anything!" said her mother. + +"And then when you go away, you may leave one or two of my sisters +behind you; and I dare say I shall get husbands for them before the +winter is over." + +"I thank you for my share of the favour," said Elizabeth; "but I do not +particularly like your way of getting husbands." + +Their visitors were not to remain above ten days with them. Mr Wickham +had received his commission before he left London, and he was to join +his regiment at the end of a fortnight. + +No one but Mrs Bennet regretted that their stay would be so short; and +she made the most of the time by visiting about with her daughter, and +having very frequent parties at home. These parties were acceptable to +all; to avoid a family circle was even more desirable to such as did +think than such as did not. + +Wickham's affection for Lydia was just what Elizabeth had expected to +find it; not equal to Lydia's for him. She had scarcely needed her +present observation to be satisfied, from the reason of things, that +their elopement had been brought on by the strength of her love rather +than by his; and she would have wondered why, without violently caring +for her, he chose to elope with her at all, had she not felt certain +that his flight was rendered necessary by distress of circumstances; and +if that were the case, he was not the young man to resist an opportunity +of having a companion. + +Lydia was exceedingly fond of him. He was her dear Wickham on every +occasion; no one was to be put in competition with him. He did +everything best in the world; and she was sure he would kill more birds +on the first of September than anybody else in the country. + +One morning, soon after their arrival, as she was sitting with her two +elder sisters, she said to Elizabeth,-- + +"Lizzy, I never gave _you_ an account of my wedding, I believe. You were +not by, when I told mamma, and the others, all about it. Are not you +curious to hear how it was managed?" + +"No, really," replied Elizabeth; "I think there cannot be too little +said on the subject." + +"La! You are so strange! But I must tell you how it went off. We were +married, you know, at St. Clement's, because Wickham's lodgings were in +that parish. And it was settled that we should all be there by eleven +o'clock. My uncle and aunt and I were to go together; and the others +were to meet us at the church. + +"Well, Monday morning came, and I was in such a fuss! I was so afraid, +you know, that something would happen to put it off, and then I should +have gone quite distracted. And there was my aunt, all the time I was +dressing, preaching and talking away just as if she was reading a +sermon. However, I did not hear above one word in ten, for I was +thinking, you may suppose, of my dear Wickham. I longed to know whether +he would be married in his blue coat. + +"Well, and so we breakfasted at ten as usual: I thought it would never +be over; for, by the bye, you are to understand that my uncle and aunt +were horrid unpleasant all the time I was with them. If you'll believe +me, I did not once put my foot out of doors, though I was there a +fortnight. Not one party, or scheme, or anything! To be sure, London was +rather thin, but, however, the Little Theatre was open. + +"Well, and so, just as the carriage came to the door, my uncle was +called away upon business to that horrid man Mr Stone. And then, you +know, when once they get together, there is no end of it. Well, I was so +frightened I did not know what to do, for my uncle was to give me away; +and if we were beyond the hour we could not be married all day. But, +luckily, he came back again in ten minutes' time, and then we all set +out. However, I recollected afterwards, that if he _had_ been prevented +going, the wedding need not be put off, for Mr Darcy might have done as +well." + +"Mr Darcy!" repeated Elizabeth, in utter amazement. + +"Oh, yes! he was to come there with Wickham, you know. But, gracious me! +I quite forgot! I ought not to have said a word about it. I promised +them so faithfully! What will Wickham say? It was to be such a secret!" + +"If it was to be a secret," said Jane, "say not another word on the +subject. You may depend upon my seeking no further." + +"Oh, certainly," said Elizabeth, though burning with curiosity; "we will +ask you no questions." + +"Thank you," said Lydia; "for if you did, I should certainly tell you +all, and then Wickham would be so angry." + +On such encouragement to ask, Elizabeth was forced to put it out of her +power, by running away. + +But to live in ignorance on such a point was impossible; or at least it +was impossible not to try for information. Mr Darcy had been at her +sister's wedding. It was exactly a scene, and exactly among people, +where he had apparently least to do, and least temptation to go. +Conjectures as to the meaning of it, rapid and wild, hurried into her +brain; but she was satisfied with none. Those that best pleased her, as +placing his conduct in the noblest light, seemed most improbable. She +could not bear such suspense; and hastily seizing a sheet of paper, +wrote a short letter to her aunt, to request an explanation of what +Lydia had dropped, if it were compatible with the secrecy which had been +intended. + +"You may readily comprehend," she added, "what my curiosity must be to +know how a person unconnected with any of us, and, comparatively +speaking, a stranger to our family, should have been amongst you at such +a time. Pray write instantly, and let me understand it--unless it is, +for very cogent reasons, to remain in the secrecy which Lydia seems to +think necessary; and then I must endeavour to be satisfied with +ignorance." + +"Not that I _shall_, though," she added to herself, and she finished the +letter; "and, my dear aunt, if you do not tell me in an honourable +manner, I shall certainly be reduced to tricks and stratagems to find it +out." + +Jane's delicate sense of honour would not allow her to speak to +Elizabeth privately of what Lydia had let fall; Elizabeth was glad of +it:--till it appeared whether her inquiries would receive any +satisfaction, she had rather be without a confidante. + +CHAPTER LII. + +Elizabeth had the satisfaction of receiving an answer to her letter as +soon as she possibly could. She was no sooner in possession of it, than +hurrying into the little copse, where she was least likely to be +interrupted, she sat down on one of the benches, and prepared to be +happy; for the length of the letter convinced her that it did not +contain a denial. + + /* RIGHT "Gracechurch Street, _Sept. 6_. */ + +"My dear Niece, + + "I have just received your letter, and shall devote this whole + morning to answering it, as I foresee that a _little_ writing will + not comprise what I have to tell you. I must confess myself + surprised by your application; I did not expect it from _you_. + Don't think me angry, however, for I only mean to let you know, + that I had not imagined such inquiries to be necessary on _your_ + side. If you do not choose to understand me, forgive my + impertinence. Your uncle is as much surprised as I am; and nothing + but the belief of your being a party concerned would have allowed + him to act as he has done. But if you are really innocent and + ignorant, I must be more explicit. On the very day of my coming + home from Longbourn, your uncle had a most unexpected visitor. Mr + Darcy called, and was shut up with him several hours. It was all + over before I arrived; so my curiosity was not so dreadfully racked + as _yours_ seems to have been. He came to tell Mr Gardiner that he + had found out where your sister and Mr Wickham were, and that he + had seen and talked with them both--Wickham repeatedly, Lydia once. + From what I can collect, he left Derbyshire only one day after + ourselves, and came to town with the resolution of hunting for + them. The motive professed was his conviction of its being owing to + himself that Wickham's worthlessness had not been so well known as + to make it impossible for any young woman of character to love or + confide in him. He generously imputed the whole to his mistaken + pride, and confessed that he had before thought it beneath him to + lay his private actions open to the world. His character was to + speak for itself. He called it, therefore, his duty to step + forward, and endeavour to remedy an evil which had been brought on + by himself. If he _had another_ motive, I am sure it would never + disgrace him. He had been some days in town before he was able to + discover them; but he had something to direct his search, which was + more than _we_ had; and the consciousness of this was another + reason for his resolving to follow us. There is a lady, it seems, a + Mrs Younge, who was some time ago governess to Miss Darcy, and was + dismissed from her charge on some cause of disapprobation, though + he did not say what. She then took a large house in Edward Street, + and has since maintained herself by letting lodgings. This Mrs + Younge was, he knew, intimately acquainted with Wickham; and he + went to her for intelligence of him, as soon as he got to town. But + it was two or three days before he could get from her what he + wanted. She would not betray her trust, I suppose, without bribery + and corruption, for she really did know where her friend was to be + found. Wickham, indeed, had gone to her on their first arrival in + London; and had she been able to receive them into her house, they + would have taken up their abode with her. At length, however, our + kind friend procured the wished-for direction. They were in ---- + Street. He saw Wickham, and afterwards insisted on seeing Lydia. + His first object with her, he acknowledged, had been to persuade + her to quit her present disgraceful situation, and return to her + friends as soon as they could be prevailed on to receive her, + offering his assistance as far as it would go. But he found Lydia + absolutely resolved on remaining where she was. She cared for none + of her friends; she wanted no help of his; she would not hear of + leaving Wickham. She was sure they should be married some time or + other, and it did not much signify when. Since such were her + feelings, it only remained, he thought, to secure and expedite a + marriage, which, in his very first conversation with Wickham, he + easily learnt had never been _his_ design. He confessed himself + obliged to leave the regiment on account of some debts of honour + which were very pressing; and scrupled not to lay all the ill + consequences of Lydia's flight on her own folly alone. He meant to + resign his commission immediately; and as to his future situation, + he could conjecture very little about it. He must go somewhere, but + he did not know where, and he knew he should have nothing to live + on. Mr Darcy asked why he did not marry your sister at once. + Though Mr Bennet was not imagined to be very rich, he would have + been able to do something for him, and his situation must have been + benefited by marriage. But he found, in reply to this question, + that Wickham still cherished the hope of more effectually making + his fortune by marriage, in some other country. Under such + circumstances, however, he was not likely to be proof against the + temptation of immediate relief. They met several times, for there + was much to be discussed. Wickham, of course, wanted more than he + could get; but at length was reduced to be reasonable. Everything + being settled between _them_, Mr Darcy's next step was to make + your uncle acquainted with it, and he first called in Gracechurch + Street the evening before I came home. But Mr Gardiner could not + be seen; and Mr Darcy found, on further inquiry, that your father + was still with him, but would quit town the next morning. He did + not judge your father to be a person whom he could so properly + consult as your uncle, and therefore readily postponed seeing him + till after the departure of the former. He did not leave his name, + and till the next day it was only known that a gentleman had called + on business. On Saturday he came again. Your father was gone, your + uncle at home, and, as I said before, they had a great deal of talk + together. They met again on Sunday, and then _I_ saw him too. It + was not all settled before Monday: as soon as it was, the express + was sent off to Longbourn. But our visitor was very obstinate. I + fancy, Lizzy, that obstinacy is the real defect of his character, + after all. He has been accused of many faults at different times; + but _this_ is the true one. Nothing was to be done that he did not + do himself; though I am sure (and I do not speak it to be thanked, + therefore say nothing about it) your uncle would most readily have + settled the whole. They battled it together for a long time, which + was more than either the gentleman or lady concerned in it + deserved. But at last your uncle was forced to yield, and instead + of being allowed to be of use to his niece, was forced to put up + with only having the probable credit of it, which went sorely + against the grain; and I really believe your letter this morning + gave him great pleasure, because it required an explanation that + would rob him of his borrowed feathers, and give the praise where + it was due. But, Lizzy, this must go no further than yourself, or + Jane at most. You know pretty well, I suppose, what has been done + for the young people. His debts are to be paid, amounting, I + believe, to considerably more than a thousand pounds, another + thousand in addition to her own settled upon _her_, and his + commission purchased. The reason why all this was to be done by him + alone, was such as I have given above. It was owing to him, to his + reserve and want of proper consideration, that Wickham's character + had been so misunderstood, and consequently that he had been + received and noticed as he was. Perhaps there was some truth in + _this_; though I doubt whether _his_ reserve, or _anybody's_ + reserve can be answerable for the event. But in spite of all this + fine talking, my dear Lizzy, you may rest perfectly assured that + your uncle would never have yielded, if we had not given him credit + for _another interest_ in the affair. When all this was resolved + on, he returned again to his friends, who were still staying at + Pemberley; but it was agreed that he should be in London once more + when the wedding took place, and all money matters were then to + receive the last finish. I believe I have now told you everything. + It is a relation which you tell me is to give you great surprise; I + hope at least it will not afford you any displeasure. Lydia came to + us, and Wickham had constant admission to the house. _He_ was + exactly what he had been when I knew him in Hertfordshire; but I + would not tell you how little I was satisfied with _her_ behaviour + while she stayed with us, if I had not perceived, by Jane's letter + last Wednesday, that her conduct on coming home was exactly of a + piece with it, and therefore what I now tell you can give you no + fresh pain. I talked to her repeatedly in the most serious manner, + representing to her the wickedness of what she had done, and all + the unhappiness she had brought on her family. If she heard me, it + was by good luck, for I am sure she did not listen. I was sometimes + quite provoked; but then I recollected my dear Elizabeth and Jane, + and for their sakes had patience with her. Mr Darcy was punctual + in his return, and, as Lydia informed you, attended the wedding. He + dined with us the next day, and was to leave town again on + Wednesday or Thursday. Will you be very angry with me, my dear + Lizzy, if I take this opportunity of saying (what I was never bold + enough to say before) how much I like him? His behaviour to us has, + in every respect, been as pleasing as when we were in Derbyshire. + His understanding and opinions all please me; he wants nothing but + a little more liveliness, and _that_, if he marry _prudently_, his + wife may teach him. I thought him very sly; he hardly ever + mentioned your name. But slyness seems the fashion. Pray forgive + me, if I have been very presuming, or at least do not punish me so + far as to exclude me from P. I shall never be quite happy till I + have been all round the park. A low phaeton with a nice little pair + of ponies would be the very thing. But I must write no more. The + children have been wanting me this half hour. + +"Yours, very sincerely, + +"M. GARDINER." + +The contents of this letter threw Elizabeth into a flutter of spirits, +in which it was difficult to determine whether pleasure or pain bore the +greatest share. The vague and unsettled suspicions which uncertainty had +produced, of what Mr Darcy might have been doing to forward her +sister's match--which she had feared to encourage, as an exertion of +goodness too great to be probable, and at the same time dreaded to be +just, from the pain of obligation--were proved beyond their greatest +extent to be true! He had followed them purposely to town, he had taken +on himself all the trouble and mortification attendant on such a +research; in which supplication had been necessary to a woman whom he +must abominate and despise, and where he was reduced to meet, frequently +meet, reason with, persuade, and finally bribe the man whom he always +most wished to avoid, and whose very name it was punishment to him to +pronounce. He had done all this for a girl whom he could neither regard +nor esteem. Her heart did whisper that he had done it for her. But it +was a hope shortly checked by other considerations; and she soon felt +that even her vanity was insufficient, when required to depend on his +affection for her, for a woman who had already refused him, as able to +overcome a sentiment so natural as abhorrence against relationship with +Wickham. Brother-in-law of Wickham! Every kind of pride must revolt from +the connection. He had, to be sure, done much. She was ashamed to think +how much. But he had given a reason for his interference, which asked no +extraordinary stretch of belief. It was reasonable that he should feel +he had been wrong; he had liberality, and he had the means of exercising +it; and though she would not place herself as his principal inducement, +she could perhaps believe, that remaining partiality for her might +assist his endeavours in a cause where her peace of mind must be +materially concerned. It was painful, exceedingly painful, to know that +they were under obligations to a person who could never receive a +return. They owed the restoration of Lydia, her character, everything to +him. Oh, how heartily did she grieve over every ungracious sensation she +had ever encouraged, every saucy speech she had ever directed towards +him! For herself she was humbled; but she was proud of him,--proud that +in a cause of compassion and honour he had been able to get the better +of himself. She read over her aunt's commendation of him again and +again. It was hardly enough; but it pleased her. She was even sensible +of some pleasure, though mixed with regret, on finding how steadfastly +both she and her uncle had been persuaded that affection and confidence +subsisted between Mr Darcy and herself. + +She was roused from her seat and her reflections, by someone's approach; +and, before she could strike into another path, she was overtaken by +Wickham. + +"I am afraid I interrupt your solitary ramble, my dear sister?" said he, +as he joined her. + +"You certainly do," she replied with a smile; "but it does not follow +that the interruption must be unwelcome." + +"I should be sorry, indeed, if it were. _We_ were always good friends, +and now we are better." + +"True. Are the others coming out?" + +"I do not know. Mrs Bennet and Lydia are going in the carriage to +Meryton. And so, my dear sister, I find, from our uncle and aunt, that +you have actually seen Pemberley." + +She replied in the affirmative. + +"I almost envy you the pleasure, and yet I believe it would be too much +for me, or else I could take it in my way to Newcastle. And you saw the +old housekeeper, I suppose? Poor Reynolds, she was always very fond of +me. But of course she did not mention my name to you." + +"Yes, she did." + +"And what did she say?" + +"That you were gone into the army, and she was afraid had--not turned +out well. At such a distance as _that_, you know, things are strangely +misrepresented." + +"Certainly," he replied, biting his lips. Elizabeth hoped she had +silenced him; but he soon afterwards said,-- + +"I was surprised to see Darcy in town last month. We passed each other +several times. I wonder what he can be doing there." + +"Perhaps preparing for his marriage with Miss de Bourgh," said +Elizabeth. "It must be something particular to take him there at this +time of year." + +"Undoubtedly. Did you see him while you were at Lambton? I thought I +understood from the Gardiners that you had." + +"Yes; he introduced us to his sister." + +"And do you like her?" + +"Very much." + +"I have heard, indeed, that she is uncommonly improved within this year +or two. When I last saw her, she was not very promising. I am very glad +you liked her. I hope she will turn out well." + +"I dare say she will; she has got over the most trying age." + +"Did you go by the village of Kympton?" + +"I do not recollect that we did." + +"I mention it because it is the living which I ought to have had. A most +delightful place! Excellent parsonage-house! It would have suited me in +every respect." + +"How should you have liked making sermons?" + +"Exceedingly well. I should have considered it as part of my duty, and +the exertion would soon have been nothing. One ought not to repine; but, +to be sure, it would have been such a thing for me! The quiet, the +retirement of such a life, would have answered all my ideas of +happiness! But it was not to be. Did you ever hear Darcy mention the +circumstance when you were in Kent?" + +"I _have_ heard from authority, which I thought _as good_, that it was +left you conditionally only, and at the will of the present patron." + +"You have! Yes, there was something in _that_; I told you so from the +first, you may remember." + +"I _did_ hear, too, that there was a time when sermon-making was not so +palatable to you as it seems to be at present; that you actually +declared your resolution of never taking orders, and that the business +had been compromised accordingly." + +"You did! and it was not wholly without foundation. You may remember +what I told you on that point, when first we talked of it." + +They were now almost at the door of the house, for she had walked fast +to get rid of him; and unwilling, for her sister's sake, to provoke him, +she only said in reply, with a good-humoured smile,-- + +"Come, Mr Wickham, we are brother and sister, you know. Do not let us +quarrel about the past. In future, I hope we shall be always of one +mind." + +She held out her hand: he kissed it with affectionate gallantry, though +he hardly knew how to look, and they entered the house. + +CHAPTER LIII. + +Mr Wickham was so perfectly satisfied with this conversation, that he +never again distressed himself, or provoked his dear sister Elizabeth, +by introducing the subject of it; and she was pleased to find that she +had said enough to keep him quiet. + +The day of his and Lydia's departure soon came; and Mrs Bennet was +forced to submit to a separation, which, as her husband by no means +entered into her scheme of their all going to Newcastle, was likely to +continue at least a twelvemonth. + +"Oh, my dear Lydia," she cried, "when shall we meet again?" + +"Oh, Lord! I don't know. Not these two or three years, perhaps." + +"Write to me very often, my dear." + +"As often as I can. But you know married women have never much time for +writing. My sisters may write to _me_. They will have nothing else to +do." + +Mr Wickham's adieus were much more affectionate than his wife's. He +smiled, looked handsome, and said many pretty things. + +"He is as fine a fellow," said Mr Bennet, as soon as they were out of +the house, "as ever I saw. He simpers, and smirks, and makes love to us +all. I am prodigiously proud of him. I defy even Sir William Lucas +himself to produce a more valuable son-in-law." + +The loss of her daughter made Mrs Bennet very dull for several days. + +"I often think," said she, "that there is nothing so bad as parting with +one's friends. One seems so forlorn without them." + +"This is the consequence, you see, madam, of marrying a daughter," said +Elizabeth. "It must make you better satisfied that your other four are +single." + +"It is no such thing. Lydia does not leave me because she is married; +but only because her husband's regiment happens to be so far off. If +that had been nearer, she would not have gone so soon." + +But the spiritless condition which this event threw her into was shortly +relieved, and her mind opened again to the agitation of hope, by an +article of news which then began to be in circulation. The housekeeper +at Netherfield had received orders to prepare for the arrival of her +master, who was coming down in a day or two, to shoot there for several +weeks. Mrs Bennet was quite in the fidgets. She looked at Jane, and +smiled, and shook her head, by turns. + +"Well, well, and so Mr Bingley is coming down, sister," (for Mrs +Philips first brought her the news). "Well, so much the better. Not that +I care about it, though. He is nothing to us, you know, and I am sure I +never want to see him again. But, however, he is very welcome to come to +Netherfield, if he likes it. And who knows what _may_ happen? But that +is nothing to us. You know, sister, we agreed long ago never to mention +a word about it. And so, it is quite certain he is coming?" + +"You may depend on it," replied the other, "for Mrs Nichols was in +Meryton last night: I saw her passing by, and went out myself on purpose +to know the truth of it; and she told me that it was certainly true. He +comes down on Thursday, at the latest, very likely on Wednesday. She was +going to the butcher's, she told me, on purpose to order in some meat on +Wednesday, and she has got three couple of ducks just fit to be killed." + +Miss Bennet had not been able to hear of his coming without changing +colour. It was many months since she had mentioned his name to +Elizabeth; but now, as soon as they were alone together, she said,-- + +"I saw you look at me to-day, Lizzy, when my aunt told us of the present +report; and I know I appeared distressed; but don't imagine it was from +any silly cause. I was only confused for the moment, because I felt that +I _should_ be looked at. I do assure you that the news does not affect +me either with pleasure or pain. I am glad of one thing, that he comes +alone; because we shall see the less of him. Not that I am afraid of +_myself_, but I dread other people's remarks." + +Elizabeth did not know what to make of it. Had she not seen him in +Derbyshire, she might have supposed him capable of coming there with no +other view than what was acknowledged; but she still thought him partial +to Jane, and she wavered as to the greater probability of his coming +there _with_ his friend's permission, or being bold enough to come +without it. + +"Yet it is hard," she sometimes thought, "that this poor man cannot come +to a house, which he has legally hired, without raising all this +speculation! I _will_ leave him to himself." + +In spite of what her sister declared, and really believed to be her +feelings, in the expectation of his arrival, Elizabeth could easily +perceive that her spirits were affected by it. They were more disturbed, +more unequal, than she had often seen them. + +The subject which had been so warmly canvassed between their parents, +about a twelvemonth ago, was now brought forward again. + +"As soon as ever Mr Bingley comes, my dear," said Mrs Bennet, "you +will wait on him, of course." + +"No, no. You forced me into visiting him last year, and promised, if I +went to see him, he should marry one of my daughters. But it ended in +nothing, and I will not be sent on a fool's errand again." + +His wife represented to him how absolutely necessary such an attention +would be from all the neighbouring gentlemen, on his returning to +Netherfield. + +"'Tis an _etiquette_ I despise," said he. "If he wants our society, let +him seek it. He knows where we live. I will not spend _my_ hours in +running after my neighbours every time they go away and come back +again." + +"Well, all I know is, that it will be abominably rude if you do not wait +on him. But, however, that shan't prevent my asking him to dine here, I +am determined. We must have Mrs Long and the Gouldings soon. That will +make thirteen with ourselves, so there will be just room at table for +him." + +Consoled by this resolution, she was the better able to bear her +husband's incivility; though it was very mortifying to know that her +neighbours might all see Mr Bingley, in consequence of it, before +_they_ did. As the day of his arrival drew near,-- + +"I begin to be sorry that he comes at all," said Jane to her sister. "It +would be nothing; I could see him with perfect indifference; but I can +hardly bear to hear it thus perpetually talked of. My mother means well; +but she does not know, no one can know, how much I suffer from what she +says. Happy shall I be when his stay at Netherfield is over!" + +"I wish I could say anything to comfort you," replied Elizabeth; "but it +is wholly out of my power. You must feel it; and the usual satisfaction +of preaching patience to a sufferer is denied me, because you have +always so much." + +Mr Bingley arrived. Mrs Bennet, through the assistance of servants, +contrived to have the earliest tidings of it, that the period of anxiety +and fretfulness on her side be as long as it could. She counted the days +that must intervene before their invitation could be sent--hopeless of +seeing him before. But on the third morning after his arrival in +Hertfordshire, she saw him from her dressing-room window enter the +paddock, and ride towards the house. + +Her daughters were eagerly called to partake of her joy. Jane resolutely +kept her place at the table; but Elizabeth, to satisfy her mother, went +to the window--she looked--she saw Mr Darcy with him, and sat down +again by her sister. + +"There is a gentleman with him, mamma," said Kitty; "who can it be?" + +"Some acquaintance or other, my dear, I suppose; I am sure I do not +know." + +"La!" replied Kitty, "it looks just like that man that used to be with +him before. Mr what's his name--that tall, proud man." + +"Good gracious! Mr Darcy!--and so it does, I vow. Well, any friend of +Mr Bingley's will always be welcome here, to be sure; but else I must +say that I hate the very sight of him." + +Jane looked at Elizabeth with surprise and concern. She knew but little +of their meeting in Derbyshire, and therefore felt for the awkwardness +which must attend her sister, in seeing him almost for the first time +after receiving his explanatory letter. Both sisters were uncomfortable +enough. Each felt for the other, and of course for themselves; and their +mother talked on of her dislike of Mr Darcy, and her resolution to be +civil to him only as Mr Bingley's friend, without being heard by either +of them. But Elizabeth had sources of uneasiness which could not yet be +suspected by Jane, to whom she had never yet had courage to show Mrs +Gardiner's letter, or to relate her own change of sentiment towards +him. To Jane, he could be only a man whose proposals she had refused, +and whose merits she had undervalued; but to her own more extensive +information, he was the person to whom the whole family were indebted +for the first of benefits, and whom she regarded herself with an +interest, if not quite so tender, at least as reasonable and just, as +what Jane felt for Bingley. Her astonishment at his coming--at his +coming to Netherfield, to Longbourn, and voluntarily seeking her again, +was almost equal to what she had known on first witnessing his altered +behaviour in Derbyshire. + +The colour which had been driven from her face returned for half a +minute with an additional glow, and a smile of delight added lustre to +her eyes, as she thought for that space of time that his affection and +wishes must still be unshaken; but she would not be secure. + +"Let me first see how he behaves," said she; "it will then be early +enough for expectation." + +She sat intently at work, striving to be composed, and without daring to +lift up her eyes, till anxious curiosity carried them to the face of her +sister as the servant was approaching the door. Jane looked a little +paler than usual, but more sedate than Elizabeth had expected. On the +gentlemen's appearing, her colour increased; yet she received them with +tolerable ease, and with a propriety of behaviour equally free from any +symptom of resentment, or any unnecessary complaisance. + +Elizabeth said as little to either as civility would allow, and sat down +again to her work, with an eagerness which it did not often command. She +had ventured only one glance at Darcy. He looked serious as usual; and, +she thought, more as he had been used to look in Hertfordshire, than as +she had seen him at Pemberley. But, perhaps, he could not in her +mother's presence be what he was before her uncle and aunt. It was a +painful, but not an improbable, conjecture. + +Bingley she had likewise seen for an instant, and in that short period +saw him looking both pleased and embarrassed. He was received by Mrs +Bennet with a degree of civility which made her two daughters ashamed, +especially when contrasted with the cold and ceremonious politeness of +her courtesy and address of his friend. + +Elizabeth particularly, who knew that her mother owed to the latter the +preservation of her favourite daughter from irremediable infamy, was +hurt and distressed to a most painful degree by a distinction so ill +applied. + +Darcy, after inquiring of her how Mr and Mrs Gardiner did--a question +which she could not answer without confusion--said scarcely anything. He +was not seated by her: perhaps that was the reason of his silence; but +it had not been so in Derbyshire. There he had talked to her friends +when he could not to herself. But now several minutes elapsed, without +bringing the sound of his voice; and when occasionally, unable to resist +the impulse of curiosity, she raised her eyes to his face, she as often +found him looking at Jane as at herself, and frequently on no object but +the ground. More thoughtfulness and less anxiety to please, than when +they last met, were plainly expressed. She was disappointed, and angry +with herself for being so. + +"Could I expect it to be otherwise?" said she. "Yet why did he come?" + +She was in no humour for conversation with anyone but himself; and to +him she had hardly courage to speak. + +She inquired after his sister, but could do no more. + +"It is a long time, Mr Bingley, since you went away," said Mrs Bennet. + +He readily agreed to it. + +"I began to be afraid you would never come back again. People _did_ say, +you meant to quit the place entirely at Michaelmas; but, however, I hope +it is not true. A great many changes have happened in the neighbourhood +since you went away. Miss Lucas is married and settled: and one of my +own daughters. I suppose you have heard of it; indeed, you must have +seen it in the papers. It was in the 'Times' and the 'Courier,' I know; +though it was not put in as it ought to be. It was only said, 'Lately, +George Wickham, Esq., to Miss Lydia Bennet,' without there being a +syllable said of her father, or the place where she lived, or anything. +It was my brother Gardiner's drawing up, too, and I wonder how he came +to make such an awkward business of it. Did you see it?" + +Bingley replied that he did, and made his congratulations. Elizabeth +dared not lift up her eyes. How Mr Darcy looked, therefore, she could +not tell. + +"It is a delightful thing, to be sure, to have a daughter well married," +continued her mother; "but at the same time, Mr Bingley, it is very +hard to have her taken away from me. They are gone down to Newcastle, a +place quite northward it seems, and there they are to stay, I do not +know how long. His regiment is there; for I suppose you have heard of +his leaving the ----shire, and of his being gone into the Regulars. +Thank heaven! he has _some_ friends, though, perhaps, not so many as he +deserves." + +Elizabeth, who knew this to be levelled at Mr Darcy, was in such misery +of shame that she could hardly keep her seat. It drew from her, however, +the exertion of speaking, which nothing else had so effectually done +before; and she asked Bingley whether he meant to make any stay in the +country at present. A few weeks, he believed. + +"When you have killed all your own birds, Mr Bingley," said her mother, +"I beg you will come here and shoot as many as you please on Mr +Bennet's manor. I am sure he will be vastly happy to oblige you, and +will save all the best of the coveys for you." + +Elizabeth's misery increased at such unnecessary, such officious +attention! Were the same fair prospect to arise at present, as had +flattered them a year ago, everything, she was persuaded, would be +hastening to the same vexatious conclusion. At that instant she felt, +that years of happiness could not make Jane or herself amends for +moments of such painful confusion. + +"The first wish of my heart," said she to herself, "is never more to be +in company with either of them. Their society can afford no pleasure +that will atone for such wretchedness as this! Let me never see either +one or the other again!" + +Yet the misery, for which years of happiness were to offer no +compensation, received soon afterwards material relief, from observing +how much the beauty of her sister rekindled the admiration of her former +lover. When first he came in, he had spoken to her but little, but every +five minutes seemed to be giving her more of his attention. He found her +as handsome as she had been last year; as good-natured, and as +unaffected, though not quite so chatty. Jane was anxious that no +difference should be perceived in her at all, and was really persuaded +that she talked as much as ever; but her mind was so busily engaged, +that she did not always know when she was silent. + +When the gentlemen rose to go away, Mrs Bennet was mindful of her +intended civility, and they were invited and engaged to dine at +Longbourn in a few days' time. + +"You are quite a visit in my debt, Mr Bingley," she added; "for when +you went to town last winter, you promised to take a family dinner with +us as soon as you returned. I have not forgot, you see; and I assure you +I was very much disappointed that you did not come back and keep your +engagement." + +Bingley looked a little silly at this reflection, and said something of +his concern at having been prevented by business. They then went away. + +Mrs Bennet had been strongly inclined to ask them to stay and dine +there that day; but, though she always kept a very good table, she did +not think anything less than two courses could be good enough for a man +on whom she had such anxious designs, or satisfy the appetite and pride +of one who had ten thousand a year. + +CHAPTER LIV. + +As soon as they were gone, Elizabeth walked out to recover her spirits; +or, in other words, to dwell without interruption on those subjects +which must deaden them more. Mr Darcy's behaviour astonished and vexed +her. + +"Why, if he came only to be silent, grave, and indifferent," said she, +"did he come at all?" + +She could settle it in no way that gave her pleasure. + +"He could be still amiable, still pleasing to my uncle and aunt, when he +was in town; and why not to me? If he fears me, why come hither? If he +no longer cares for me, why silent? Teasing, teasing man! I will think +no more about him." + +Her resolution was for a short time involuntarily kept by the approach +of her sister, who joined her with a cheerful look which showed her +better satisfied with their visitors than Elizabeth. + +"Now," said she, "that this first meeting is over, I feel perfectly +easy. I know my own strength, and I shall never be embarrassed again by +his coming. I am glad he dines here on Tuesday. It will then be publicly +seen, that on both sides we meet only as common and indifferent +acquaintance." + +"Yes, very indifferent, indeed," said Elizabeth, laughingly. "Oh, Jane! +take care." + +"My dear Lizzy, you cannot think me so weak as to be in danger now." + +"I think you are in very great danger of making him as much in love with +you as ever." + +They did not see the gentlemen again till Tuesday; and Mrs Bennet, in +the meanwhile, was giving way to all the happy schemes which the +good-humour and common politeness of Bingley, in half an hour's visit, +had revived. + +On Tuesday there was a large party assembled at Longbourn; and the two +who were most anxiously expected, to the credit of their punctuality as +sportsmen, were in very good time. When they repaired to the +dining-room, Elizabeth eagerly watched to see whether Bingley would take +the place which, in all their former parties, had belonged to him, by +her sister. Her prudent mother, occupied by the same ideas, forbore to +invite him to sit by herself. On entering the room, he seemed to +hesitate; but Jane happened to look round, and happened to smile: it was +decided. He placed himself by her. + +Elizabeth, with a triumphant sensation, looked towards his friend. He +bore it with noble indifference; and she would have imagined that +Bingley had received his sanction to be happy, had she not seen his eyes +likewise turned towards Mr Darcy, with an expression of half-laughing +alarm. + +His behaviour to her sister was such during dinnertime as showed an +admiration of her, which, though more guarded than formerly, persuaded +Elizabeth, that, if left wholly to himself, Jane's happiness, and his +own, would be speedily secured. Though she dared not depend upon the +consequence, she yet received pleasure from observing his behaviour. It +gave her all the animation that her spirits could boast; for she was in +no cheerful humour. Mr Darcy was almost as far from her as the table +could divide them. He was on one side of her mother. She knew how little +such a situation would give pleasure to either, or make either appear to +advantage. She was not near enough to hear any of their discourse; but +she could see how seldom they spoke to each other, and how formal and +cold was their manner whenever they did. Her mother's ungraciousness +made the sense of what they owed him more painful to Elizabeth's mind; +and she would, at times, have given anything to be privileged to tell +him, that his kindness was neither unknown nor unfelt by the whole of +the family. + +She was in hopes that the evening would afford some opportunity of +bringing them together; that the whole of the visit would not pass away +without enabling them to enter into something more of conversation, +than the mere ceremonious salutation attending his entrance. Anxious and +uneasy, the period which passed in the drawing-room before the gentlemen +came, was wearisome and dull to a degree that almost made her uncivil. +She looked forward to their entrance as the point on which all her +chance of pleasure for the evening must depend. + +"If he does not come to me, _then_," said she, "I shall give him up for +ever." + +The gentlemen came; and she thought he looked as if he would have +answered her hopes; but, alas! the ladies had crowded round the table, +where Miss Bennet was making tea, and Elizabeth pouring out the coffee, +in so close a confederacy, that there was not a single vacancy near her +which would admit of a chair. And on the gentlemen's approaching, one of +the girls moved closer to her than ever, and said, in a whisper,-- + +"The men shan't come and part us, I am determined. We want none of them; +do we?" + +Darcy had walked away to another part of the room. She followed him with +her eyes, envied everyone to whom he spoke, had scarcely patience enough +to help anybody to coffee, and then was enraged against herself for +being so silly! + +"A man who has once been refused! How could I ever be foolish enough to +expect a renewal of his love? Is there one among the sex who would not +protest against such a weakness as a second proposal to the same woman? +There is no indignity so abhorrent to their feelings." + +She was a little revived, however, by his bringing back his coffee-cup +himself; and she seized the opportunity of saying,-- + +"Is your sister at Pemberley still?" + +"Yes; she will remain there till Christmas." + +"And quite alone? Have all her friends left her?" + +"Mrs Annesley is with her. The others have been gone on to Scarborough +these three weeks." + +She could think of nothing more to say; but if he wished to converse +with her, he might have better success. He stood by her, however, for +some minutes, in silence; and, at last, on the young lady's whispering +to Elizabeth again, he walked away. + +When the tea things were removed, and the card tables placed, the ladies +all rose; and Elizabeth was then hoping to be soon joined by him, when +all her views were overthrown, by seeing him fall a victim to her +mother's rapacity for whist players, and in a few moments after seated +with the rest of the party. She now lost every expectation of pleasure. +They were confined for the evening at different tables; and she had +nothing to hope, but that his eyes were so often turned towards her side +of the room, as to make him play as unsuccessfully as herself. + +Mrs Bennet had designed to keep the two Netherfield gentlemen to +supper; but their carriage was, unluckily, ordered before any of the +others, and she had no opportunity of detaining them. + +"Well, girls," said she, as soon as they were left to themselves, "what +say you to the day? I think everything has passed off uncommonly well, I +assure you. The dinner was as well dressed as any I ever saw. The +venison was roasted to a turn--and everybody said, they never saw so fat +a haunch. The soup was fifty times better than what we had at the +Lucases' last week; and even Mr Darcy acknowledged that the partridges +were remarkably well done; and I suppose he has two or three French +cooks at least. And, my dear Jane, I never saw you look in greater +beauty. Mrs Long said so too, for I asked her whether you did not. And +what do you think she said besides? 'Ah! Mrs Bennet, we shall have her +at Netherfield at last!' She did, indeed. I do think Mrs Long is as +good a creature as ever lived--and her nieces are very pretty behaved +girls, and not at all handsome: I like them prodigiously." + +Mrs Bennet, in short, was in very great spirits: she had seen enough of +Bingley's behaviour to Jane to be convinced that she would get him at +last; and her expectations of advantage to her family, when in a happy +humour, were so far beyond reason, that she was quite disappointed at +not seeing him there again the next day, to make his proposals. + +"It has been a very agreeable day," said Miss Bennet to Elizabeth. "The +party seemed so well selected, so suitable one with the other. I hope we +may often meet again." + +Elizabeth smiled. + +"Lizzy, you must not do so. You must not suspect me. It mortifies me. I +assure you that I have now learnt to enjoy his conversation as an +agreeable and sensible young man without having a wish beyond it. I am +perfectly satisfied, from what his manners now are, that he never had +any design of engaging my affection. It is only that he is blessed with +greater sweetness of address, and a stronger desire of generally +pleasing, than any other man." + +"You are very cruel," said her sister, "you will not let me smile, and +are provoking me to it every moment." + +"How hard it is in some cases to be believed! And how impossible in +others! But why should you wish to persuade me that I feel more than I +acknowledge?" + +"That is a question which I hardly know how to answer. We all love to +instruct, though we can teach only what is not worth knowing. Forgive +me; and if you persist in indifference, do not make _me_ your +confidante." + +CHAPTER LV. + +A few days after this visit, Mr Bingley called again, and alone. His +friend had left him that morning for London, but was to return home in +ten days' time. He sat with them above an hour, and was in remarkably +good spirits. Mrs Bennet invited him to dine with them; but, with many +expressions of concern, he confessed himself engaged elsewhere. + +"Next time you call," said she, "I hope we shall be more lucky." + +He should be particularly happy at any time, etc., etc.; and if she +would give him leave, would take an early opportunity of waiting on +them. + +"Can you come to-morrow?" + +Yes, he had no engagement at all for to-morrow; and her invitation was +accepted with alacrity. + +He came, and in such very good time, that the ladies were none of them +dressed. In ran Mrs Bennet to her daughters' room, in her +dressing-gown, and with her hair half finished, crying out,-- + +"My dear Jane, make haste and hurry down. He is come--Mr Bingley is +come. He is, indeed. Make haste, make haste. Here, Sarah, come to Miss +Bennet this moment, and help her on with her gown. Never mind Miss +Lizzy's hair." + +"We will be down as soon as we can," said Jane; "but I dare say Kitty is +forwarder than either of us, for she went upstairs half an hour ago." + +"Oh! hang Kitty! what has she to do with it? Come, be quick, be quick! +where is your sash, my dear?" + +But when her mother was gone, Jane would not be prevailed on to go down +without one of her sisters. + +The same anxiety to get them by themselves was visible again in the +evening. After tea, Mr Bennet retired to the library, as was his +custom, and Mary went upstairs to her instrument. Two obstacles of the +five being thus removed, Mrs Bennet sat looking and winking at +Elizabeth and Catherine for a considerable time, without making any +impression on them. Elizabeth would not observe her; and when at last +Kitty did, she very innocently said, "What is the matter, mamma? What do +you keep winking at me for? What am I to do?" + +"Nothing, child, nothing. I did not wink at you." She then sat still +five minutes longer; but unable to waste such a precious occasion, she +suddenly got up, and saying to Kitty,-- + +"Come here, my love, I want to speak to you," took her out of the room. +Jane instantly gave a look at Elizabeth which spoke her distress at such +premeditation, and her entreaty that _she_ would not give in to it. In a +few minutes, Mrs Bennet half opened the door and called out,-- + +"Lizzy, my dear, I want to speak with you." + +Elizabeth was forced to go. + +"We may as well leave them by themselves, you know," said her mother as +soon as she was in the hall. "Kitty and I are going upstairs to sit in +my dressing-room." + +Elizabeth made no attempt to reason with her mother, but remained +quietly in the hall till she and Kitty were out of sight, then returned +into the drawing-room. + +Mrs Bennet's schemes for this day were ineffectual. Bingley was +everything that was charming, except the professed lover of her +daughter. His ease and cheerfulness rendered him a most agreeable +addition to their evening party; and he bore with the ill-judged +officiousness of the mother, and heard all her silly remarks with a +forbearance and command of countenance particularly grateful to the +daughter. + +He scarcely needed an invitation to stay supper; and before he went away +an engagement was formed, chiefly through his own and Mrs Bennet's +means, for his coming next morning to shoot with her husband. + +After this day, Jane said no more of her indifference. Not a word passed +between the sisters concerning Bingley; but Elizabeth went to bed in the +happy belief that all must speedily be concluded, unless Mr Darcy +returned within the stated time. Seriously, however, she felt tolerably +persuaded that all this must have taken place with that gentleman's +concurrence. + +Bingley was punctual to his appointment; and he and Mr Bennet spent the +morning together, as had been agreed on. The latter was much more +agreeable than his companion expected. There was nothing of presumption +or folly in Bingley that could provoke his ridicule, or disgust him into +silence; and he was more communicative, and less eccentric, than the +other had ever seen him. Bingley of course returned with him to dinner; +and in the evening Mrs Bennet's invention was again at work to get +everybody away from him and her daughter. Elizabeth, who had a letter to +write, went into the breakfast-room for that purpose soon after tea; for +as the others were all going to sit down to cards, she could not be +wanted to counteract her mother's schemes. + +But on her returning to the drawing-room, when her letter was finished, +she saw, to her infinite surprise, there was reason to fear that her +mother had been too ingenious for her. On opening the door, she +perceived her sister and Bingley standing together over the hearth, as +if engaged in earnest conversation; and had this led to no suspicion, +the faces of both, as they hastily turned round and moved away from each +other, would have told it all. _Their_ situation was awkward enough; but +_hers_ she thought was still worse. Not a syllable was uttered by +either; and Elizabeth was on the point of going away again, when +Bingley, who as well as the other had sat down, suddenly rose, and, +whispering a few words to her sister, ran out of the room. + +Jane could have no reserves from Elizabeth, where confidence would give +pleasure; and, instantly embracing her, acknowledged, with the liveliest +emotion, that she was the happiest creature in the world. + +"'Tis too much!" she added, "by far too much. I do not deserve it. Oh, +why is not everybody as happy?" + +Elizabeth's congratulations were given with a sincerity, a warmth, a +delight, which words could but poorly express. Every sentence of +kindness was a fresh source of happiness to Jane. But she would not +allow herself to stay with her sister, or say half that remained to be +said, for the present. + +"I must go instantly to my mother," she cried. "I would not on any +account trifle with her affectionate solicitude, or allow her to hear it +from anyone but myself. He is gone to my father already. Oh, Lizzy, to +know that what I have to relate will give such pleasure to all my dear +family! how shall I bear so much happiness?" + +She then hastened away to her mother, who had purposely broken up the +card-party, and was sitting upstairs with Kitty. + +Elizabeth, who was left by herself, now smiled at the rapidity and ease +with which an affair was finally settled, that had given them so many +previous months of suspense and vexation. + +"And this," said she, "is the end of all his friend's anxious +circumspection! of all his sister's falsehood and contrivance! the +happiest, wisest, and most reasonable end!" + +In a few minutes she was joined by Bingley, whose conference with her +father had been short and to the purpose. + +"Where is your sister?" said he hastily, as he opened the door. + +"With my mother upstairs. She will be down in a moment, I dare say." + +He then shut the door, and, coming up to her, claimed the good wishes +and affection of a sister. Elizabeth honestly and heartily expressed her +delight in the prospect of their relationship. They shook hands with +great cordiality; and then, till her sister came down, she had to listen +to all he had to say of his own happiness, and of Jane's perfections; +and in spite of his being a lover, Elizabeth really believed all his +expectations of felicity to be rationally founded, because they had for +basis the excellent understanding and super-excellent disposition of +Jane, and a general similarity of feeling and taste between her and +himself. + +It was an evening of no common delight to them all; the satisfaction of +Miss Bennet's mind gave such a glow of sweet animation to her face, as +made her look handsomer than ever. Kitty simpered and smiled, and hoped +her turn was coming soon. Mrs Bennet could not give her consent, or +speak her approbation in terms warm enough to satisfy her feelings, +though she talked to Bingley of nothing else, for half an hour; and when +Mr Bennet joined them at supper, his voice and manner plainly showed +how really happy he was. + +Not a word, however, passed his lips in allusion to it, till their +visitor took his leave for the night; but as soon as he was gone, he +turned to his daughter and said,-- + +"Jane, I congratulate you. You will be a very happy woman." + +Jane went to him instantly, kissed him, and thanked him for his +goodness. + +"You are a good girl," he replied, "and I have great pleasure in +thinking you will be so happily settled. I have not a doubt of your +doing very well together. Your tempers are by no means unlike. You are +each of you so complying, that nothing will ever be resolved on; so +easy, that every servant will cheat you; and so generous, that you will +always exceed your income." + +"I hope not so. Imprudence or thoughtlessness in money matters would be +unpardonable in _me_." + +"Exceed their income! My dear Mr Bennet," cried his wife, "what are you +talking of? Why, he has four or five thousand a year, and very likely +more." Then addressing her daughter, "Oh, my dear, dear Jane, I am so +happy! I am sure I shan't get a wink of sleep all night. I knew how it +would be. I always said it must be so, at last. I was sure you could not +be so beautiful for nothing! I remember, as soon as ever I saw him, when +he first came into Hertfordshire last year, I thought how likely it was +that you should come together. Oh, he is the handsomest young man that +ever was seen!" + +Wickham, Lydia, were all forgotten. Jane was beyond competition her +favourite child. At that moment she cared for no other. Her younger +sisters soon began to make interest with her for objects of happiness +which she might in future be able to dispense. + +Mary petitioned for the use of the library at Netherfield; and Kitty +begged very hard for a few balls there every winter. + +Bingley, from this time, was of course a daily visitor at Longbourn; +coming frequently before breakfast, and always remaining till after +supper; unless when some barbarous neighbour, who could not be enough +detested, had given him an invitation to dinner, which he thought +himself obliged to accept. + +Elizabeth had now but little time for conversation with her sister; for +while he was present Jane had no attention to bestow on anyone else: but +she found herself considerably useful to both of them, in those hours of +separation that must sometimes occur. In the absence of Jane, he always +attached himself to Elizabeth for the pleasure of talking of her; and +when Bingley was gone, Jane constantly sought the same means of relief. + +"He has made me so happy," said she, one evening, "by telling me that he +was totally ignorant of my being in town last spring! I had not believed +it possible." + +"I suspected as much," replied Elizabeth. "But how did he account for +it?" + +"It must have been his sisters' doing. They were certainly no friends to +his acquaintance with me, which I cannot wonder at, since he might have +chosen so much more advantageously in many respects. But when they see, +as I trust they will, that their brother is happy with me, they will +learn to be contented, and we shall be on good terms again: though we +can never be what we once were to each other." + +"That is the most unforgiving speech," said Elizabeth, "that I ever +heard you utter. Good girl! It would vex me, indeed, to see you again +the dupe of Miss Bingley's pretended regard." + +"Would you believe it, Lizzy, that when he went to town last November he +really loved me, and nothing but a persuasion of _my_ being indifferent +would have prevented his coming down again?" + +"He made a little mistake, to be sure; but it is to the credit of his +modesty." + +This naturally introduced a panegyric from Jane on his diffidence, and +the little value he put on his own good qualities. + +Elizabeth was pleased to find that he had not betrayed the interference +of his friend; for, though Jane had the most generous and forgiving +heart in the world, she knew it was a circumstance which must prejudice +her against him. + +"I am certainly the most fortunate creature that ever existed!" cried +Jane. "Oh, Lizzy, why am I thus singled from my family, and blessed +above them all? If I could but see you as happy! If there were but such +another man for you!" + +"If you were to give me forty such men I never could be so happy as you. +Till I have your disposition, your goodness, I never can have your +happiness. No, no, let me shift for myself; and, perhaps, if I have very +good luck, I may meet with another Mr Collins in time." + +The situation of affairs in the Longbourn family could not be long a +secret. Mrs Bennet was privileged to whisper it to Mrs Philips, and +she ventured, without any permission, to do the same by all her +neighbours in Meryton. + +The Bennets were speedily pronounced to be the luckiest family in the +world; though only a few weeks before, when Lydia had first run away, +they had been generally proved to be marked out for misfortune. + +CHAPTER LVI. + +One morning, about a week after Bingley's engagement with Jane had been +formed, as he and the females of the family were sitting together in the +dining-room, their attention was suddenly drawn to the window by the +sound of a carriage; and they perceived a chaise and four driving up the +lawn. It was too early in the morning for visitors; and besides, the +equipage did not answer to that of any of their neighbours. The horses +were post; and neither the carriage, nor the livery of the servant who +preceded it, were familiar to them. As it was certain, however, that +somebody was coming, Bingley instantly prevailed on Miss Bennet to avoid +the confinement of such an intrusion, and walk away with him into the +shrubbery. They both set off; and the conjectures of the remaining three +continued, though with little satisfaction, till the door was thrown +open, and their visitor entered. It was Lady Catherine de Bourgh. + +They were of course all intending to be surprised: but their +astonishment was beyond their expectation; and on the part of Mrs +Bennet and Kitty, though she was perfectly unknown to them, even +inferior to what Elizabeth felt. + +She entered the room with an air more than usually ungracious, made no +other reply to Elizabeth's salutation than a slight inclination of the +head, and sat down without saying a word. Elizabeth had mentioned her +name to her mother on her Ladyship's entrance, though no request of +introduction had been made. + +Mrs Bennet, all amazement, though flattered by having a guest of such +high importance, received her with the utmost politeness. After sitting +for a moment in silence, she said, very stiffly, to Elizabeth,-- + +"I hope you are well, Miss Bennet. That lady, I suppose, is your +mother?" + +Elizabeth replied very concisely that she was. + +"And _that_, I suppose, is one of your sisters?" + +"Yes, madam," said Mrs Bennet, delighted to speak to a Lady Catherine. +"She is my youngest girl but one. My youngest of all is lately married, +and my eldest is somewhere about the ground, walking with a young man, +who, I believe, will soon become a part of the family." + +"You have a very small park here," returned Lady Catherine, after a +short silence. + +"It is nothing in comparison of Rosings, my Lady, I dare say; but, I +assure you, it is much larger than Sir William Lucas's." + +"This must be a most inconvenient sitting-room for the evening in +summer: the windows are full west." + +Mrs Bennet assured her that they never sat there after dinner; and then +added,-- + +"May I take the liberty of asking your Ladyship whether you left Mr and +Mrs Collins well?" + +"Yes, very well. I saw them the night before last." + +Elizabeth now expected that she would produce a letter for her from +Charlotte, as it seemed the only probable motive for her calling. But no +letter appeared, and she was completely puzzled. + +Mrs Bennet, with great civility, begged her Ladyship to take some +refreshment: but Lady Catherine very resolutely, and not very politely, +declined eating anything; and then, rising up, said to Elizabeth,-- + +"Miss Bennet, there seemed to be a prettyish kind of a little wilderness +on one side of your lawn. I should be glad to take a turn in it, if you +will favour me with your company." + +"Go, my dear," cried her mother, "and show her Ladyship about the +different walks. I think she will be pleased with the hermitage." + +Elizabeth obeyed; and, running into her own room for her parasol, +attended her noble guest downstairs. As they passed through the hall, +Lady Catherine opened the doors into the dining-parlour and +drawing-room, and pronouncing them, after a short survey, to be +decent-looking rooms, walked on. + +Her carriage remained at the door, and Elizabeth saw that her +waiting-woman was in it. They proceeded in silence along the gravel walk +that led to the copse; Elizabeth was determined to make no effort for +conversation with a woman who was now more than usually insolent and +disagreeable. + +"How could I ever think her like her nephew?" said she, as she looked in +her face. + +As soon as they entered the copse, Lady Catherine began in the following +manner:-- + +"You can be at no loss, Miss Bennet, to understand the reason of my +journey hither. Your own heart, your own conscience, must tell you why I +come." + +Elizabeth looked with unaffected astonishment. + +"Indeed, you are mistaken, madam; I have not been at all able to account +for the honour of seeing you here." + +"Miss Bennet," replied her Ladyship, in an angry tone, "you ought to +know that I am not to be trifled with. But however insincere _you_ may +choose to be, you shall not find _me_ so. My character has ever been +celebrated for its sincerity and frankness; and in a cause of such +moment as this, I shall certainly not depart from it. A report of a most +alarming nature reached me two days ago. I was told, that not only your +sister was on the point of being most advantageously married, but that +_you_--that Miss Elizabeth Bennet would, in all likelihood, be soon +afterwards united to my nephew--my own nephew, Mr Darcy. Though I +_know_ it must be a scandalous falsehood, though I would not injure him +so much as to suppose the truth of it possible, I instantly resolved on +setting off for this place, that I might make my sentiments known to +you." + +"If you believed it impossible to be true," said Elizabeth, colouring +with astonishment and disdain, "I wonder you took the trouble of coming +so far. What could your Ladyship propose by it?" + +"At once to insist upon having such a report universally contradicted." + +"Your coming to Longbourn, to see me and my family," said Elizabeth +coolly, "will be rather a confirmation of it--if, indeed, such a report +is in existence." + +"If! do you then pretend to be ignorant of it? Has it not been +industriously circulated by yourselves? Do you not know that such a +report is spread abroad?" + +"I never heard that it was." + +"And can you likewise declare, that there is no _foundation_ for it?" + +"I do not pretend to possess equal frankness with your Ladyship. _You_ +may ask questions which _I_ shall not choose to answer." + +"This is not to be borne. Miss Bennet, I insist on being satisfied. Has +he, has my nephew, made you an offer of marriage?" + +"Your Ladyship has declared it to be impossible." + +"It ought to be so; it must be so, while he retains the use of his +reason. But _your_ arts and allurements may, in a moment of infatuation, +have made him forget what he owes to himself and to all his family. You +may have drawn him in." + +"If I have, I shall be the last person to confess it." + +"Miss Bennet, do you know who I am? I have not been accustomed to such +language as this. I am almost the nearest relation he has in the world, +and am entitled to know all his dearest concerns." + +"But you are not entitled to know _mine_; nor will such behaviour as +this ever induce me to be explicit." + +"Let me be rightly understood. This match, to which you have the +presumption to aspire, can never take place. No, never. Mr Darcy is +engaged to _my daughter_. Now, what have you to say?" + +"Only this,--that if he is so, you can have no reason to suppose he will +make an offer to me." + +Lady Catherine hesitated for a moment, and then replied,-- + +"The engagement between them is of a peculiar kind. From their infancy, +they have been intended for each other. It was the favourite wish of +_his_ mother, as well as of hers. While in their cradles we planned the +union; and now, at the moment when the wishes of both sisters would be +accomplished, is their marriage to be prevented by a young woman of +inferior birth, of no importance in the world, and wholly unallied to +the family? Do you pay no regard to the wishes of his friends--to his +tacit engagement with Miss de Bourgh? Are you lost to every feeling of +propriety and delicacy? Have you not heard me say, that from his +earliest hours he was destined for his cousin?" + +"Yes; and I had heard it before. But what is that to me? If there is no +other objection to my marrying your nephew, I shall certainly not be +kept from it by knowing that his mother and aunt wished him to marry +Miss de Bourgh. You both did as much as you could in planning the +marriage. Its completion depended on others. If Mr Darcy is neither by +honour nor inclination confined to his cousin, why is not he to make +another choice? And if I am that choice, why may not I accept him?" + +"Because honour, decorum, prudence--nay, interest--forbid it. Yes, Miss +Bennet, interest; for do not expect to be noticed by his family or +friends, if you wilfully act against the inclinations of all. You will +be censured, slighted, and despised, by everyone connected with him. +Your alliance will be a disgrace; your name will never even be mentioned +by any of us." + +"These are heavy misfortunes," replied Elizabeth. "But the wife of Mr +Darcy must have such extraordinary sources of happiness necessarily +attached to her situation, that she could, upon the whole, have no cause +to repine." + +"Obstinate, headstrong girl! I am ashamed of you! Is this your gratitude +for my attentions to you last spring? Is nothing due to me on that +score? Let us sit down. You are to understand, Miss Bennet, that I came +here with the determined resolution of carrying my purpose; nor will I +be dissuaded from it. I have not been used to submit to any person's +whims. I have not been in the habit of brooking disappointment." + +"_That_ will make your Ladyship's situation at present more pitiable; +but it will have no effect on _me_." + +"I will not be interrupted! Hear me in silence. My daughter and my +nephew are formed for each other. They are descended, on the maternal +side, from the same noble line; and, on the father's, from respectable, +honourable, and ancient, though untitled, families. Their fortune on +both sides is splendid. They are destined for each other by the voice of +every member of their respective houses; and what is to divide +them?--the upstart pretensions of a young woman without family, +connections, or fortune! Is this to be endured? But it must not, shall +not be! If you were sensible of your own good, you would not wish to +quit the sphere in which you have been brought up." + +"In marrying your nephew, I should not consider myself as quitting that +sphere. He is a gentleman; I am a gentleman's daughter; so far we are +equal." + +"True. You _are_ a gentleman's daughter. But what was your mother? Who +are your uncles and aunts? Do not imagine me ignorant of their +condition." + +"Whatever my connections may be," said Elizabeth, "if your nephew does +not object to them, they can be nothing to _you_." + +"Tell me, once for all, are you engaged to him?" + +Though Elizabeth would not, for the mere purpose of obliging Lady +Catherine, have answered this question, she could not but say, after a +moment's deliberation,-- + +"I am not." + +Lady Catherine seemed pleased. + +"And will you promise me never to enter into such an engagement?" + +"I will make no promise of the kind." + +"Miss Bennet, I am shocked and astonished. I expected to find a more +reasonable young woman. But do not deceive yourself into a belief that I +will ever recede. I shall not go away till you have given me the +assurance I require." + +"And I certainly _never_ shall give it. I am not to be intimidated into +anything so wholly unreasonable. Your Ladyship wants Mr Darcy to marry +your daughter; but would my giving you the wished-for promise make +_their_ marriage at all more probable? Supposing him to be attached to +me, would _my_ refusing to accept his hand make him wish to bestow it on +his cousin? Allow me to say, Lady Catherine, that the arguments with +which you have supported this extraordinary application have been as +frivolous as the application was ill-judged. You have widely mistaken my +character, if you think I can be worked on by such persuasions as these. +How far your nephew might approve of your interference in _his_ affairs, +I cannot tell; but you have certainly no right to concern yourself in +mine. I must beg, therefore, to be importuned no further on the +subject." + +"Not so hasty, if you please. I have by no means done. To all the +objections I have already urged I have still another to add. I am no +stranger to the particulars of your youngest sister's infamous +elopement. I know it all; that the young man's marrying her was a +patched-up business, at the expense of your father and uncle. And is +_such_ a girl to be my nephew's sister? Is _her_ husband, who is the son +of his late father's steward, to be his brother? Heaven and earth!--of +what are you thinking? Are the shades of Pemberley to be thus polluted?" + +"You can _now_ have nothing further to say," she resentfully answered. +"You have insulted me, in every possible method. I must beg to return to +the house." + +And she rose as she spoke. Lady Catherine rose also, and they turned +back. Her Ladyship was highly incensed. + +"You have no regard, then, for the honour and credit of my nephew! +Unfeeling, selfish girl! Do you not consider that a connection with you +must disgrace him in the eyes of everybody?" + +"Lady Catherine, I have nothing further to say. You know my sentiments." + +"You are then resolved to have him?" + +"I have said no such thing. I am only resolved to act in that manner, +which will, in my own opinion, constitute my happiness, without +reference to _you_, or to any person so wholly unconnected with me." + +"It is well. You refuse, then, to oblige me. You refuse to obey the +claims of duty, honour, and gratitude. You are determined to ruin him in +the opinion of all his friends, and make him the contempt of the world." + +"Neither duty, nor honour, nor gratitude," replied Elizabeth, "has any +possible claim on me, in the present instance. No principle of either +would be violated by my marriage with Mr Darcy. And with regard to the +resentment of his family, or the indignation of the world, if the former +_were_ excited by his marrying me, it would not give me one moment's +concern--and the world in general would have too much sense to join in +the scorn." + +"And this is your real opinion! This is your final resolve! Very well. I +shall now know how to act. Do not imagine, Miss Bennet, that your +ambition will ever be gratified. I came to try you. I hoped to find you +reasonable; but depend upon it I will carry my point." + +In this manner Lady Catherine talked on till they were at the door of +the carriage, when, turning hastily round, she added,-- + +"I take no leave of you, Miss Bennet. I send no compliments to your +mother. You deserve no such attention. I am most seriously displeased." + +Elizabeth made no answer; and without attempting to persuade her +Ladyship to return into the house, walked quietly into it herself. She +heard the carriage drive away as she proceeded upstairs. Her mother +impatiently met her at the door of her dressing-room, to ask why Lady +Catherine would not come in again and rest herself. + +"She did not choose it," said her daughter; "she would go." + +"She is a very fine-looking woman! and her calling here was prodigiously +civil! for she only came, I suppose, to tell us the Collinses were well. +She is on her road somewhere, I dare say; and so, passing through +Meryton, thought she might as well call on you. I suppose she had +nothing particular to say to you, Lizzy?" + +Elizabeth was forced to give in to a little falsehood here; for to +acknowledge the substance of their conversation was impossible. + +CHAPTER LVII. + +The discomposure of spirits which this extraordinary visit threw +Elizabeth into could not be easily overcome; nor could she for many +hours learn to think of it less than incessantly. Lady Catherine, it +appeared, had actually taken the trouble of this journey from Rosings +for the sole purpose of breaking off her supposed engagement with Mr +Darcy. It was a rational scheme, to be sure! but from what the report of +their engagement could originate, Elizabeth was at a loss to imagine; +till she recollected that _his_ being the intimate friend of Bingley, +and _her_ being the sister of Jane, was enough, at a time when the +expectation of one wedding made everybody eager for another, to supply +the idea. She had not herself forgotten to feel that the marriage of her +sister must bring them more frequently together. And her neighbours at +Lucas Lodge, therefore, (for through their communication with the +Collinses, the report, she concluded, had reached Lady Catherine,) had +only set _that_ down as almost certain and immediate which _she_ had +looked forward to as possible at some future time. + +In revolving Lady Catherine's expressions, however, she could not help +feeling some uneasiness as to the possible consequence of her persisting +in this interference. From what she had said of her resolution to +prevent the marriage, it occurred to Elizabeth that she must meditate an +application to her nephew; and how he might take a similar +representation of the evils attached to a connection with her she dared +not pronounce. She knew not the exact degree of his affection for his +aunt, or his dependence on her judgment, but it was natural to suppose +that he thought much higher of her Ladyship than _she_ could do; and it +was certain, that in enumerating the miseries of a marriage with _one_ +whose immediate connections were so unequal to his own, his aunt would +address him on his weakest side. With his notions of dignity, he would +probably feel that the arguments, which to Elizabeth had appeared weak +and ridiculous, contained much good sense and solid reasoning. + +If he had been wavering before, as to what he should do, which had often +seemed likely, the advice and entreaty of so near a relation might +settle every doubt, and determine him at once to be as happy as dignity +unblemished could make him. In that case he would return no more. Lady +Catherine might see him in her way through town; and his engagement to +Bingley of coming again to Netherfield must give way. + +"If, therefore, an excuse for not keeping his promise should come to his +friend within a few days," she added, "I shall know how to understand +it. I shall then give over every expectation, every wish of his +constancy. If he is satisfied with only regretting me, when he might +have obtained my affections and hand, I shall soon cease to regret him +at all." + +The surprise of the rest of the family, on hearing who their visitor had +been, was very great: but they obligingly satisfied it with the same +kind of supposition which had appeased Mrs Bennet's curiosity; and +Elizabeth was spared from much teasing on the subject. + +The next morning, as she was going down stairs, she was met by her +father, who came out of his library with a letter in his hand. + +"Lizzy," said he, "I was going to look for you: come into my room." + +She followed him thither; and her curiosity to know what he had to tell +her was heightened by the supposition of its being in some manner +connected with the letter he held. It suddenly struck her that it might +be from Lady Catherine, and she anticipated with dismay all the +consequent explanations. + +She followed her father to the fireplace, and they both sat down. He +then said,-- + +"I have received a letter this morning that has astonished me +exceedingly. As it principally concerns yourself, you ought to know its +contents. I did not know before that I had _two_ daughters on the brink +of matrimony. Let me congratulate you on a very important conquest." + +The colour now rushed into Elizabeth's cheeks in the instantaneous +conviction of its being a letter from the nephew, instead of the aunt; +and she was undetermined whether most to be pleased that he explained +himself at all, or offended that his letter was not rather addressed to +herself, when her father continued,-- + +"You look conscious. Young ladies have great penetration in such matters +as these; but I think I may defy even _your_ sagacity to discover the +name of your admirer. This letter is from Mr Collins." + +"From Mr Collins! and what can _he_ have to say?" + +"Something very much to the purpose, of course. He begins with +congratulations on the approaching nuptials of my eldest daughter, of +which, it seems, he has been told by some of the good-natured, gossiping +Lucases. I shall not sport with your impatience by reading what he says +on that point. What relates to yourself is as follows:--'Having thus +offered you the sincere congratulations of Mrs Collins and myself on +this happy event, let me now add a short hint on the subject of another, +of which we have been advertised by the same authority. Your daughter +Elizabeth, it is presumed, will not long bear the name of Bennet, after +her eldest sister has resigned it; and the chosen partner of her fate +may be reasonably looked up to as one of the most illustrious personages +in this land.' Can you possibly guess, Lizzy, who is meant by this? +'This young gentleman is blessed, in a peculiar way, with everything the +heart of mortal can most desire,--splendid property, noble kindred, and +extensive patronage. Yet, in spite of all these temptations, let me warn +my cousin Elizabeth, and yourself, of what evils you may incur by a +precipitate closure with this gentleman's proposals, which, of course, +you will be inclined to take immediate advantage of.' Have you any idea, +Lizzy, who this gentleman is? But now it comes out. 'My motive for +cautioning you is as follows:--We have reason to imagine that his aunt, +Lady Catherine de Bourgh, does not look on the match with a friendly +eye.' _Mr Darcy_, you see, is the man! Now, Lizzy, I think I _have_ +surprised you. Could he, or the Lucases, have pitched on any man, within +the circle of our acquaintance, whose name would have given the lie more +effectually to what they related? Mr Darcy, who never looks at any +woman but to see a blemish, and who probably never looked at _you_ in +his life! It is admirable!" + +Elizabeth tried to join in her father's pleasantry, but could only force +one most reluctant smile. Never had his wit been directed in a manner so +little agreeable to her. + +"Are you not diverted?" + +"Oh, yes. Pray read on." + +"'After mentioning the likelihood of this marriage to her Ladyship last +night, she immediately, with her usual condescension, expressed what she +felt on the occasion; when it became apparent, that, on the score of +some family objections on the part of my cousin, she would never give +her consent to what she termed so disgraceful a match. I thought it my +duty to give the speediest intelligence of this to my cousin, that she +and her noble admirer may be aware of what they are about, and not run +hastily into a marriage which has not been properly sanctioned.' Mr +Collins, moreover, adds, 'I am truly rejoiced that my cousin Lydia's sad +business has been so well hushed up, and am only concerned that their +living together before the marriage took place should be so generally +known. I must not, however, neglect the duties of my station, or refrain +from declaring my amazement, at hearing that you received the young +couple into your house as soon as they were married. It was an +encouragement of vice; and had I been the rector of Longbourn, I should +very strenuously have opposed it. You ought certainly to forgive them as +a Christian, but never to admit them in your sight, or allow their +names to be mentioned in your hearing.' _That_ is his notion of +Christian forgiveness! The rest of his letter is only about his dear +Charlotte's situation, and his expectation of a young olive-branch. But, +Lizzy, you look as if you did not enjoy it. You are not going to be +_missish_, I hope, and pretend to be affronted at an idle report. For +what do we live, but to make sport for our neighbours, and laugh at them +in our turn?" + +"Oh," cried Elizabeth, "I am exceedingly diverted. But it is so +strange!" + +"Yes, _that_ is what makes it amusing. Had they fixed on any other man +it would have been nothing; but _his_ perfect indifference and _your_ +pointed dislike make it so delightfully absurd! Much as I abominate +writing, I would not give up Mr Collins's correspondence for any +consideration. Nay, when I read a letter of his, I cannot help giving +him the preference even over Wickham, much as I value the impudence and +hypocrisy of my son-in-law. And pray, Lizzy, what said Lady Catherine +about this report? Did she call to refuse her consent?" + +To this question his daughter replied only with a laugh; and as it had +been asked without the least suspicion, she was not distressed by his +repeating it. Elizabeth had never been more at a loss to make her +feelings appear what they were not. It was necessary to laugh when she +would rather have cried. Her father had most cruelly mortified her by +what he said of Mr Darcy's indifference; and she could do nothing but +wonder at such a want of penetration, or fear that, perhaps, instead of +his seeing too _little_, she might have fancied too _much_. + +CHAPTER LVIII. + +Instead of receiving any such letter of excuse from his friend, as +Elizabeth half expected Mr Bingley to do, he was able to bring Darcy +with him to Longbourn before many days had passed after Lady Catherine's +visit. The gentlemen arrived early; and, before Mrs Bennet had time to +tell him of their having seen his aunt, of which her daughter sat in +momentary dread, Bingley, who wanted to be alone with Jane, proposed +their all walking out. It was agreed to. Mrs Bennet was not in the +habit of walking, Mary could never spare time, but the remaining five +set off together. Bingley and Jane, however, soon allowed the others to +outstrip them. They lagged behind, while Elizabeth, Kitty, and Darcy +were to entertain each other. Very little was said by either; Kitty was +too much afraid of him to talk; Elizabeth was secretly forming a +desperate resolution; and, perhaps, he might be doing the same. + +They walked towards the Lucases', because Kitty wished to call upon +Maria; and as Elizabeth saw no occasion for making it a general concern, +when Kitty left them she went boldly on with him alone. Now was the +moment for her resolution to be executed; and while her courage was +high, she immediately said,-- + +"Mr Darcy, I am a very selfish creature, and for the sake of giving +relief to my own feelings care not how much I may be wounding yours. I +can no longer help thanking you for your unexampled kindness to my poor +sister. Ever since I have known it I have been most anxious to +acknowledge to you how gratefully I feel it. Were it known to the rest +of my family I should not have merely my own gratitude to express." + +"I am sorry, exceedingly sorry," replied Darcy, in a tone of surprise +and emotion, "that you have ever been informed of what may, in a +mistaken light, have given you uneasiness. I did not think Mrs Gardiner +was so little to be trusted." + +"You must not blame my aunt. Lydia's thoughtlessness first betrayed to +me that you had been concerned in the matter; and, of course, I could +not rest till I knew the particulars. Let me thank you again and again, +in the name of all my family, for that generous compassion which induced +you to take so much trouble, and bear so many mortifications, for the +sake of discovering them." + +"If you _will_ thank me," he replied, "let it be for yourself alone. +That the wish of giving happiness to you might add force to the other +inducements which led me on, I shall not attempt to deny. But your +_family_ owe me nothing. Much as I respect them, I believe I thought +only of _you_." + +Elizabeth was too much embarrassed to say a word. After a short pause, +her companion added, "You are too generous to trifle with me. If your +feelings are still what they were last April, tell me so at once. _My_ +affections and wishes are unchanged; but one word from you will silence +me on this subject for ever." + +Elizabeth, feeling all the more than common awkwardness and anxiety of +his situation, now forced herself to speak; and immediately, though not +very fluently, gave him to understand that her sentiments had undergone +so material a change since the period to which he alluded, as to make +her receive with gratitude and pleasure his present assurances. The +happiness which this reply produced was such as he had probably never +felt before; and he expressed himself on the occasion as sensibly and as +warmly as a man violently in love can be supposed to do. Had Elizabeth +been able to encounter his eyes, she might have seen how well the +expression of heartfelt delight diffused over his face became him: but +though she could not look she could listen; and he told her of feelings +which, in proving of what importance she was to him, made his affection +every moment more valuable. + +They walked on without knowing in what direction. There was too much to +be thought, and felt, and said, for attention to any other objects. She +soon learnt that they were indebted for their present good understanding +to the efforts of his aunt, who _did_ call on him in her return through +London, and there relate her journey to Longbourn, its motive, and the +substance of her conversation with Elizabeth; dwelling emphatically on +every expression of the latter, which, in her Ladyship's apprehension, +peculiarly denoted her perverseness and assurance, in the belief that +such a relation must assist her endeavours to obtain that promise from +her nephew which _she_ had refused to give. But, unluckily for her +Ladyship, its effect had been exactly contrariwise. + +"It taught me to hope," said he, "as I had scarcely ever allowed myself +to hope before. I knew enough of your disposition to be certain, that +had you been absolutely, irrevocably decided against me, you would have +acknowledged it to Lady Catherine frankly and openly." + +Elizabeth coloured and laughed as she replied, "Yes, you know enough of +my _frankness_ to believe me capable of _that_. After abusing you so +abominably to your face, I could have no scruple in abusing you to all +your relations." + +"What did you say of me that I did not deserve? For though your +accusations were ill-founded, formed on mistaken premises, my behaviour +to you at the time had merited the severest reproof. It was +unpardonable. I cannot think of it without abhorrence." + +"We will not quarrel for the greater share of blame annexed to that +evening," said Elizabeth. "The conduct of neither, if strictly +examined, will be irreproachable; but since then we have both, I hope, +improved in civility." + +"I cannot be so easily reconciled to myself. The recollection of what I +then said, of my conduct, my manners, my expressions during the whole of +it, is now, and has been many months, inexpressibly painful to me. Your +reproof, so well applied, I shall never forget: 'Had you behaved in a +more gentlemanlike manner.' Those were your words. You know not, you can +scarcely conceive, how they have tortured me; though it was some time, I +confess, before I was reasonable enough to allow their justice." + +"I was certainly very far from expecting them to make so strong an +impression. I had not the smallest idea of their being ever felt in such +a way." + +"I can easily believe it. You thought me then devoid of every proper +feeling, I am sure you did. The turn of your countenance I shall never +forget, as you said that I could not have addressed you in any possible +way that would induce you to accept me." + +"Oh, do not repeat what I then said. These recollections will not do at +all. I assure you that I have long been most heartily ashamed of it." + +Darcy mentioned his letter. "Did it," said he,--"did it _soon_ make you +think better of me? Did you, on reading it, give any credit to its +contents?" + +She explained what its effects on her had been, and how gradually all +her former prejudices had been removed. + +"I knew," said he, "that what I wrote must give you pain, but it was +necessary. I hope you have destroyed the letter. There was one part, +especially the opening of it, which I should dread your having the power +of reading again. I can remember some expressions which might justly +make you hate me." + +"The letter shall certainly be burnt, if you believe it essential to the +preservation of my regard; but, though we have both reason to think my +opinions not entirely unalterable, they are not, I hope, quite so easily +changed as that implies." + +"When I wrote that letter," replied Darcy, "I believed myself perfectly +calm and cool; but I am since convinced that it was written in a +dreadful bitterness of spirit." + +"The letter, perhaps, began in bitterness, but it did not end so. The +adieu is charity itself. But think no more of the letter. The feelings +of the person who wrote and the person who received it are now so widely +different from what they were then, that every unpleasant circumstance +attending it ought to be forgotten. You must learn some of my +philosophy. Think only of the past as its remembrance gives you +pleasure." + +"I cannot give you credit for any philosophy of the kind. _Your_ +retrospections must be so totally void of reproach, that the contentment +arising from them is not of philosophy, but, what is much better, of +ignorance. But with _me_, it is not so. Painful recollections will +intrude, which cannot, which ought not to be repelled. I have been a +selfish being all my life, in practice, though not in principle. As a +child I was taught what was _right_, but I was not taught to correct my +temper. I was given good principles, but left to follow them in pride +and conceit. Unfortunately an only son (for many years an only _child_), +I was spoiled by my parents, who, though good themselves, (my father +particularly, all that was benevolent and amiable,) allowed, encouraged, +almost taught me to be selfish and overbearing, to care for none beyond +my own family circle, to think meanly of all the rest of the world, to +_wish_ at least to think meanly of their sense and worth compared with +my own. Such I was, from eight to eight-and-twenty; and such I might +still have been but for you, dearest, loveliest Elizabeth! What do I not +owe you! You taught me a lesson, hard indeed at first, but most +advantageous. By you, I was properly humbled. I came to you without a +doubt of my reception. You showed me how insufficient were all my +pretensions to please a woman worthy of being pleased." + +"Had you then persuaded yourself that I should?" + +"Indeed I had. What will you think of my vanity? I believed you to be +wishing, expecting my addresses." + +"My manners must have been in fault, but not intentionally, I assure +you. I never meant to deceive you, but my spirits might often lead me +wrong. How you must have hated me after _that_ evening!" + +"Hate you! I was angry, perhaps, at first, but my anger soon began to +take a proper direction." + +"I am almost afraid of asking what you thought of me when we met at +Pemberley. You blamed me for coming?" + +"No, indeed, I felt nothing but surprise." + +"Your surprise could not be greater than _mine_ in being noticed by you. +My conscience told me that I deserved no extraordinary politeness, and I +confess that I did not expect to receive _more_ than my due." + +"My object _then_," replied Darcy, "was to show you, by every civility +in my power, that I was not so mean as to resent the past; and I hoped +to obtain your forgiveness, to lessen your ill opinion, by letting you +see that your reproofs had been attended to. How soon any other wishes +introduced themselves, I can hardly tell, but I believe in about half +an hour after I had seen you." + +He then told her of Georgiana's delight in her acquaintance, and of her +disappointment at its sudden interruption; which naturally leading to +the cause of that interruption, she soon learnt that his resolution of +following her from Derbyshire in quest of her sister had been formed +before he quitted the inn, and that his gravity and thoughtfulness there +had arisen from no other struggles than what such a purpose must +comprehend. + +She expressed her gratitude again, but it was too painful a subject to +each to be dwelt on farther. + +After walking several miles in a leisurely manner, and too busy to know +anything about it, they found at last, on examining their watches, that +it was time to be at home. + +"What could have become of Mr Bingley and Jane?" was a wonder which +introduced the discussion of _their_ affairs. Darcy was delighted with +their engagement; his friend had given him the earliest information of +it. + +"I must ask whether you were surprised?" said Elizabeth. + +"Not at all. When I went away, I felt that it would soon happen." + +"That is to say, you had given your permission. I guessed as much." And +though he exclaimed at the term, she found that it had been pretty much +the case. + +"On the evening before my going to London," said he, "I made a +confession to him, which I believe I ought to have made long ago. I told +him of all that had occurred to make my former interference in his +affairs absurd and impertinent. His surprise was great. He had never had +the slightest suspicion. I told him, moreover, that I believed myself +mistaken in supposing, as I had done, that your sister was indifferent +to him; and as I could easily perceive that his attachment to her was +unabated, I felt no doubt of their happiness together." + +Elizabeth could not help smiling at his easy manner of directing his +friend. + +"Did you speak from your own observation," said she, "when you told him +that my sister loved him, or merely from my information last spring?" + +"From the former. I had narrowly observed her, during the two visits +which I had lately made her here; and I was convinced of her affection." + +"And your assurance of it, I suppose, carried immediate conviction to +him." + +"It did. Bingley is most unaffectedly modest. His diffidence had +prevented his depending on his own judgment in so anxious a case, but +his reliance on mine made everything easy. I was obliged to confess one +thing, which for a time, and not unjustly, offended him. I could not +allow myself to conceal that your sister had been in town three months +last winter, that I had known it, and purposely kept it from him. He was +angry. But his anger, I am persuaded, lasted no longer than he remained +in any doubt of your sister's sentiments. He has heartily forgiven me +now." + +Elizabeth longed to observe that Mr Bingley had been a most delightful +friend; so easily guided that his worth was invaluable; but she checked +herself. She remembered that he had yet to learn to be laughed at, and +it was rather too early to begin. In anticipating the happiness of +Bingley, which of course was to be inferior only to his own, he +continued the conversation till they reached the house. In the hall they +parted. + +CHAPTER LIX. + +"My dear Lizzy, where can you have been walking to?" was a question +which Elizabeth received from Jane as soon as she entered the room, and +from all the others when they sat down to table. She had only to say in +reply, that they had wandered about till she was beyond her own +knowledge. She coloured as she spoke; but neither that, nor anything +else, awakened a suspicion of the truth. + +The evening passed quietly, unmarked by anything extraordinary. The +acknowledged lovers talked and laughed; the unacknowledged were silent. +Darcy was not of a disposition in which happiness overflows in mirth; +and Elizabeth, agitated and confused, rather _knew_ that she was happy +than _felt_ herself to be so; for, besides the immediate embarrassment, +there were other evils before her. She anticipated what would be felt in +the family when her situation became known: she was aware that no one +liked him but Jane; and even feared that with the others it was a +_dislike_ which not all his fortune and consequence might do away. + +At night she opened her heart to Jane. Though suspicion was very far +from Miss Bennet's general habits, she was absolutely incredulous here. + +"You are joking, Lizzy. This cannot be! Engaged to Mr Darcy! No, no, +you shall not deceive me: I know it to be impossible." + +"This is a wretched beginning, indeed! My sole dependence was on you; +and I am sure nobody else will believe me, if you do not. Yet, indeed, I +am in earnest. I speak nothing but the truth. He still loves me, and we +are engaged." + +Jane looked at her doubtingly. "Oh, Lizzy! it cannot be. I know how much +you dislike him." + +"You know nothing of the matter. _That_ is all to be forgot. Perhaps I +did not always love him so well as I do now; but in such cases as these +a good memory is unpardonable. This is the last time I shall ever +remember it myself." + +Miss Bennet still looked all amazement. Elizabeth again, and more +seriously, assured her of its truth. + +"Good heaven! can it be really so? Yet now I must believe you," cried +Jane. "My dear, dear Lizzy, I would, I do congratulate you; but are you +certain--forgive the question--are you quite certain that you can be +happy with him?" + +"There can be no doubt of that. It is settled between us already that we +are to be the happiest couple in the world. But are you pleased, Jane? +Shall you like to have such a brother?" + +"Very, very much. Nothing could give either Bingley or myself more +delight. But we considered it, we talked of it as impossible. And do you +really love him quite well enough? Oh, Lizzy! do anything rather than +marry without affection. Are you quite sure that you feel what you ought +to do?" + +"Oh, yes! You will only think I feel _more_ than I ought to do when I +tell you all." + +"What do you mean?" + +"Why, I must confess that I love him better than I do Bingley. I am +afraid you will be angry." + +"My dearest sister, now be, _be_ serious. I want to talk very seriously. +Let me know everything that I am to know without delay. Will you tell me +how long you have loved him?" + +"It has been coming on so gradually, that I hardly know when it began; +but I believe I must date it from my first seeing his beautiful grounds +at Pemberley." + +Another entreaty that she would be serious, however, produced the +desired effect; and she soon satisfied Jane by her solemn assurances of +attachment. When convinced on that article, Miss Bennet had nothing +further to wish. + +"Now I am quite happy," said she, "for you will be as happy as myself. I +always had a value for him. Were it for nothing but his love of you, I +must always have esteemed him; but now, as Bingley's friend and your +husband, there can be only Bingley and yourself more dear to me. But, +Lizzy, you have been very sly, very reserved with me. How little did you +tell me of what passed at Pemberley and Lambton! I owe all that I know +of it to another, not to you." + +Elizabeth told her the motives of her secrecy. She had been unwilling to +mention Bingley; and the unsettled state of her own feelings had made +her equally avoid the name of his friend: but now she would no longer +conceal from her his share in Lydia's marriage. All was acknowledged, +and half the night spent in conversation. + +"Good gracious!" cried Mrs Bennet, as she stood at a window the next +morning, "if that disagreeable Mr Darcy is not coming here again with +our dear Bingley! What can he mean by being so tiresome as to be always +coming here? I had no notion but he would go a-shooting, or something or +other, and not disturb us with his company. What shall we do with him? +Lizzy, you must walk out with him again, that he may not be in Bingley's +way." + +Elizabeth could hardly help laughing at so convenient a proposal; yet +was really vexed that her mother should be always giving him such an +epithet. + +As soon as they entered, Bingley looked at her so expressively, and +shook hands with such warmth, as left no doubt of his good information; +and he soon afterwards said aloud, "Mrs Bennet, have you no more lanes +hereabouts in which Lizzy may lose her way again to-day?" + +"I advise Mr Darcy, and Lizzy, and Kitty," said Mrs Bennet, "to walk +to Oakham Mount this morning. It is a nice long walk, and Mr Darcy has +never seen the view." + +"It may do very well for the others," replied Mr Bingley; "but I am +sure it will be too much for Kitty. Won't it, Kitty?" + +Kitty owned that she had rather stay at home. Darcy professed a great +curiosity to see the view from the Mount, and Elizabeth silently +consented. As she went upstairs to get ready, Mrs Bennet followed her, +saying,-- + +"I am quite sorry, Lizzy, that you should be forced to have that +disagreeable man all to yourself; but I hope you will not mind it. It is +all for Jane's sake, you know; and there is no occasion for talking to +him except just now and then; so do not put yourself to inconvenience." + +During their walk, it was resolved that Mr Bennet's consent should be +asked in the course of the evening: Elizabeth reserved to herself the +application for her mother's. She could not determine how her mother +would take it; sometimes doubting whether all his wealth and grandeur +would be enough to overcome her abhorrence of the man; but whether she +were violently set against the match, or violently delighted with it, it +was certain that her manner would be equally ill adapted to do credit to +her sense; and she could no more bear that Mr Darcy should hear the +first raptures of her joy, than the first vehemence of her +disapprobation. + +In the evening, soon after Mr Bennet withdrew to the library, she saw +Mr Darcy rise also and follow him, and her agitation on seeing it was +extreme. She did not fear her father's opposition, but he was going to +be made unhappy, and that it should be through her means; that _she_, +his favourite child, should be distressing him by her choice, should be +filling him with fears and regrets in disposing of her, was a wretched +reflection, and she sat in misery till Mr Darcy appeared again, when, +looking at him, she was a little relieved by his smile. In a few minutes +he approached the table where she was sitting with Kitty; and, while +pretending to admire her work, said in a whisper, "Go to your father; he +wants you in the library." She was gone directly. + +Her father was walking about the room, looking grave and anxious. +"Lizzy," said he, "what are you doing? Are you out of your senses to be +accepting this man? Have not you always hated him?" + +How earnestly did she then wish that her former opinions had been more +reasonable, her expressions more moderate! It would have spared her from +explanations and professions which it was exceedingly awkward to give; +but they were now necessary, and she assured him, with some confusion, +of her attachment to Mr Darcy. + +"Or, in other words, you are determined to have him. He is rich, to be +sure, and you may have more fine clothes and fine carriages than Jane. +But will they make you happy?" + +"Have you any other objection," said Elizabeth, "than your belief of my +indifference?" + +"None at all. We all know him to be a proud, unpleasant sort of man; but +this would be nothing if you really liked him." + +"I do, I do like him," she replied, with tears in her eyes; "I love him. +Indeed he has no improper pride. He is perfectly amiable. You do not +know what he really is; then pray do not pain me by speaking of him in +such terms." + +"Lizzy," said her father, "I have given him my consent. He is the kind +of man, indeed, to whom I should never dare refuse anything, which he +condescended to ask. I now give it to _you_, if you are resolved on +having him. But let me advise you to think better of it. I know your +disposition, Lizzy. I know that you could be neither happy nor +respectable, unless you truly esteemed your husband, unless you looked +up to him as a superior. Your lively talents would place you in the +greatest danger in an unequal marriage. You could scarcely escape +discredit and misery. My child, let me not have the grief of seeing +_you_ unable to respect your partner in life. You know not what you are +about." + +Elizabeth, still more affected, was earnest and solemn in her reply; +and, at length, by repeated assurances that Mr Darcy was really the +object of her choice, by explaining the gradual change which her +estimation of him had undergone, relating her absolute certainty that +his affection was not the work of a day, but had stood the test of many +months' suspense, and enumerating with energy all his good qualities, +she did conquer her father's incredulity, and reconcile him to the +match. + +"Well, my dear," said he, when she ceased speaking, "I have no more to +say. If this be the case, he deserves you. I could not have parted with +you, my Lizzy, to anyone less worthy." + +To complete the favourable impression, she then told him what Mr Darcy +had voluntarily done for Lydia. He heard her with astonishment. + +"This is an evening of wonders, indeed! And so, Darcy did everything; +made up the match, gave the money, paid the fellow's debts, and got him +his commission! So much the better. It will save me a world of trouble +and economy. Had it been your uncle's doing, I must and _would_ have +paid him; but these violent young lovers carry everything their own +way. I shall offer to pay him to-morrow, he will rant and storm about +his love for you, and there will be an end of the matter." + +He then recollected her embarrassment a few days before on his reading +Mr Collins's letter; and after laughing at her some time, allowed her +at last to go, saying, as she quitted the room, "If any young men come +for Mary or Kitty, send them in, for I am quite at leisure." + +Elizabeth's mind was now relieved from a very heavy weight; and, after +half an hour's quiet reflection in her own room, she was able to join +the others with tolerable composure. Everything was too recent for +gaiety, but the evening passed tranquilly away; there was no longer +anything material to be dreaded, and the comfort of ease and familiarity +would come in time. + +When her mother went up to her dressing-room at night, she followed her, +and made the important communication. Its effect was most extraordinary; +for, on first hearing it, Mrs Bennet sat quite still, and unable to +utter a syllable. Nor was it under many, many minutes, that she could +comprehend what she heard, though not in general backward to credit what +was for the advantage of her family, or that came in the shape of a +lover to any of them. She began at length to recover, to fidget about in +her chair, get up, sit down again, wonder, and bless herself. + +"Good gracious! Lord bless me! only think! dear me! Mr Darcy! Who would +have thought it? And is it really true? Oh, my sweetest Lizzy! how rich +and how great you will be! What pin-money, what jewels, what carriages +you will have! Jane's is nothing to it--nothing at all. I am so +pleased--so happy. Such a charming man! so handsome! so tall! Oh, my +dear Lizzy! pray apologize for my having disliked him so much before. I +hope he will overlook it. Dear, dear Lizzy. A house in town! Everything +that is charming! Three daughters married! Ten thousand a year! Oh, +Lord! what will become of me? I shall go distracted." + +This was enough to prove that her approbation need not be doubted; and +Elizabeth, rejoicing that such an effusion was heard only by herself, +soon went away. But before she had been three minutes in her own room, +her mother followed her. + +"My dearest child," she cried, "I can think of nothing else. Ten +thousand a year, and very likely more! 'Tis as good as a lord! And a +special licence--you must and shall be married by a special licence. +But, my dearest love, tell me what dish Mr Darcy is particularly fond +of, that I may have it to-morrow." + +This was a sad omen of what her mother's behaviour to the gentleman +himself might be; and Elizabeth found that, though in the certain +possession of his warmest affection, and secure of her relations' +consent, there was still something to be wished for. But the morrow +passed off much better than she expected; for Mrs Bennet luckily stood +in such awe of her intended son-in-law, that she ventured not to speak +to him, unless it was in her power to offer him any attention, or mark +her deference for his opinion. + +Elizabeth had the satisfaction of seeing her father taking pains to get +acquainted with him; and Mr Bennet soon assured her that he was rising +every hour in his esteem. + +"I admire all my three sons-in-law highly," said he. "Wickham, perhaps, +is my favourite; but I think I shall like _your_ husband quite as well +as Jane's." + +CHAPTER LX. + +Elizabeth's spirits soon rising to playfulness again, she wanted Mr +Darcy to account for his having ever fallen in love with her. "How could +you begin?" said she. "I can comprehend your going on charmingly, when +you had once made a beginning; but what could set you off in the first +place?" + +"I cannot fix on the hour, or the spot, or the look, or the words, which +laid the foundation. It is too long ago. I was in the middle before I +knew that I _had_ begun." + +"My beauty you had early withstood, and as for my manners--my behaviour +to _you_ was at least always bordering on the uncivil, and I never spoke +to you without rather wishing to give you pain than not. Now, be +sincere; did you admire me for my impertinence?" + +"For the liveliness of your mind I did." + +"You may as well call it impertinence at once. It was very little less. +The fact is, that you were sick of civility, of deference, of officious +attention. You were disgusted with the women who were always speaking, +and looking, and thinking for _your_ approbation alone. I roused and +interested you, because I was so unlike _them_. Had you not been really +amiable you would have hated me for it: but in spite of the pains you +took to disguise yourself, your feelings were always noble and just; and +in your heart you thoroughly despised the persons who so assiduously +courted you. There--I have saved you the trouble of accounting for it; +and really, all things considered, I begin to think it perfectly +reasonable. To be sure you know no actual good of me--but nobody thinks +of _that_ when they fall in love." + +"Was there no good in your affectionate behaviour to Jane, while she was +ill at Netherfield?" + +"Dearest Jane! who could have done less for her? But make a virtue of it +by all means. My good qualities are under your protection, and you are +to exaggerate them as much as possible; and, in return, it belongs to me +to find occasions for teasing and quarrelling with you as often as may +be; and I shall begin directly, by asking you what made you so unwilling +to come to the point at last? What made you so shy of me, when you +first called, and afterwards dined here? Why, especially, when you +called, did you look as if you did not care about me?" + +"Because you were grave and silent, and gave me no encouragement." + +"But I was embarrassed." + +"And so was I." + +"You might have talked to me more when you came to dinner." + +"A man who had felt less might." + +"How unlucky that you should have a reasonable answer to give, and that +I should be so reasonable as to admit it! But I wonder how long you +_would_ have gone on, if you had been left to yourself. I wonder when +you _would_ have spoken if I had not asked you! My resolution of +thanking you for your kindness to Lydia had certainly great effect. _Too +much_, I am afraid; for what becomes of the moral, if our comfort +springs from a breach of promise, for I ought not to have mentioned the +subject? This will never do." + +"You need not distress yourself. The moral will be perfectly fair. Lady +Catherine's unjustifiable endeavours to separate us were the means of +removing all my doubts. I am not indebted for my present happiness to +your eager desire of expressing your gratitude. I was not in a humour to +wait for an opening of yours. My aunt's intelligence had given me hope, +and I was determined at once to know everything." + +"Lady Catherine has been of infinite use, which ought to make her happy, +for she loves to be of use. But tell me, what did you come down to +Netherfield for? Was it merely to ride to Longbourn and be embarrassed? +or had you intended any more serious consequences?" + +"My real purpose was to see _you_, and to judge, if I could, whether I +might ever hope to make you love me. My avowed one, or what I avowed to +myself, was to see whether your sister was still partial to Bingley, and +if she were, to make the confession to him which I have since made." + +"Shall you ever have courage to announce to Lady Catherine what is to +befall her?" + +"I am more likely to want time than courage, Elizabeth. But it ought to +be done; and if you will give me a sheet of paper it shall be done +directly." + +"And if I had not a letter to write myself, I might sit by you, and +admire the evenness of your writing, as another young lady once did. But +I have an aunt, too, who must not be longer neglected." + +From an unwillingness to confess how much her intimacy with Mr Darcy +had been overrated, Elizabeth had never yet answered Mrs Gardiner's +long letter; but now, having _that_ to communicate which she knew would +be most welcome, she was almost ashamed to find that her uncle and aunt +had already lost three days of happiness, and immediately wrote as +follows:-- + +"I would have thanked you before, my dear aunt, as I ought to have done, +for your long, kind, satisfactory detail of particulars; but, to say the +truth, I was too cross to write. You supposed more than really existed. +But _now_ suppose as much as you choose; give a loose to your fancy, +indulge your imagination in every possible flight which the subject will +afford, and unless you believe me actually married, you cannot greatly +err. You must write again very soon, and praise him a great deal more +than you did in your last. I thank you again and again, for not going to +the Lakes. How could I be so silly as to wish it! Your idea of the +ponies is delightful. We will go round the park every day. I am the +happiest creature in the world. Perhaps other people have said so +before, but no one with such justice. I am happier even than Jane; she +only smiles, I laugh. Mr Darcy sends you all the love in the world that +can be spared from me. You are all to come to Pemberley at Christmas. +Yours," etc. + +Mr Darcy's letter to Lady Catherine was in a different style, and still +different from either was what Mr Bennet sent to Mr Collins, in return +for his last. + + /* "Dear Sir, */ + + "I must trouble you once more for congratulations. Elizabeth will + soon be the wife of Mr Darcy. Console Lady Catherine as well as + you can. But, if I were you, I would stand by the nephew. He has + more to give. + +"Yours sincerely," etc. + +Miss Bingley's congratulations to her brother on his approaching +marriage were all that was affectionate and insincere. She wrote even to +Jane on the occasion, to express her delight, and repeat all her former +professions of regard. Jane was not deceived, but she was affected; and +though feeling no reliance on her, could not help writing her a much +kinder answer than she knew was deserved. + +The joy which Miss Darcy expressed on receiving similar information was +as sincere as her brother's in sending it. Four sides of paper were +insufficient to contain all her delight, and all her earnest desire of +being loved by her sister. + +Before any answer could arrive from Mr Collins, or any congratulations +to Elizabeth from his wife, the Longbourn family heard that the +Collinses were come themselves to Lucas Lodge. The reason of this +sudden removal was soon evident. Lady Catherine had been rendered so +exceedingly angry by the contents of her nephew's letter, that +Charlotte, really rejoicing in the match, was anxious to get away till +the storm was blown over. At such a moment, the arrival of her friend +was a sincere pleasure to Elizabeth, though in the course of their +meetings she must sometimes think the pleasure dearly bought, when she +saw Mr Darcy exposed to all the parading and obsequious civility of her +husband. He bore it, however, with admirable calmness. He could even +listen to Sir William Lucas, when he complimented him on carrying away +the brightest jewel of the country, and expressed his hopes of their all +meeting frequently at St. James's, with very decent composure. If he did +shrug his shoulders, it was not till Sir William was out of sight. + +Mrs Philips's vulgarity was another, and, perhaps, a greater tax on his +forbearance; and though Mrs Philips, as well as her sister, stood in +too much awe of him to speak with the familiarity which Bingley's +good-humour encouraged; yet, whenever she _did_ speak, she must be +vulgar. Nor was her respect for him, though it made her more quiet, at +all likely to make her more elegant. Elizabeth did all she could to +shield him from the frequent notice of either, and was ever anxious to +keep him to herself, and to those of her family with whom he might +converse without mortification; and though the uncomfortable feelings +arising from all this took from the season of courtship much of its +pleasure, it added to the hope of the future; and she looked forward +with delight to the time when they should be removed from society so +little pleasing to either, to all the comfort and elegance of their +family party at Pemberley. + +CHAPTER LXI. + +Happy for all her maternal feelings was the day on which Mrs Bennet got +rid of her two most deserving daughters. With what delighted pride she +afterwards visited Mrs Bingley, and talked of Mrs Darcy, may be +guessed. I wish I could say, for the sake of her family, that the +accomplishment of her earnest desire in the establishment of so many of +her children produced so happy an effect as to make her a sensible, +amiable, well-informed woman for the rest of her life; though, perhaps, +it was lucky for her husband, who might not have relished domestic +felicity in so unusual a form, that she still was occasionally nervous +and invariably silly. + +Mr Bennet missed his second daughter exceedingly; his affection for her +drew him oftener from home than anything else could do. He delighted in +going to Pemberley, especially when he was least expected. + +Mr Bingley and Jane remained at Netherfield only a twelvemonth. So near +a vicinity to her mother and Meryton relations was not desirable even to +_his_ easy temper, or _her_ affectionate heart. The darling wish of his +sisters was then gratified: he bought an estate in a neighbouring county +to Derbyshire; and Jane and Elizabeth, in addition to every other source +of happiness, were within thirty miles of each other. + +Kitty, to her very material advantage, spent the chief of her time with +her two elder sisters. In society so superior to what she had generally +known, her improvement was great. She was not of so ungovernable a +temper as Lydia; and, removed from the influence of Lydia's example, she +became, by proper attention and management, less irritable, less +ignorant, and less insipid. From the further disadvantage of Lydia's +society she was of course carefully kept; and though Mrs Wickham +frequently invited her to come and stay with her, with the promise of +balls and young men, her father would never consent to her going. + +Mary was the only daughter who remained at home; and she was necessarily +drawn from the pursuit of accomplishments by Mrs Bennet's being quite +unable to sit alone. Mary was obliged to mix more with the world, but +she could still moralize over every morning visit; and as she was no +longer mortified by comparisons between her sisters' beauty and her own, +it was suspected by her father that she submitted to the change without +much reluctance. + +As for Wickham and Lydia, their characters suffered no revolution from +the marriage of her sisters. He bore with philosophy the conviction that +Elizabeth must now become acquainted with whatever of his ingratitude +and falsehood had before been unknown to her; and, in spite of +everything, was not wholly without hope that Darcy might yet be +prevailed on to make his fortune. The congratulatory letter which +Elizabeth received from Lydia on her marriage explained to her that, by +his wife at least, if not by himself, such a hope was cherished. The +letter was to this effect:-- + + /* "My dear Lizzy, */ + + "I wish you joy. If you love Mr Darcy half so well as I do my dear + Wickham, you must be very happy. It is a great comfort to have you + so rich; and when you have nothing else to do, I hope you will + think of us. I am sure Wickham would like a place at court very + much; and I do not think we shall have quite money enough to live + upon without some help. Any place would do of about three or four + hundred a year; but, however, do not speak to Mr Darcy about it, + if you had rather not. + +"Yours," etc. + +As it happened that Elizabeth had much rather not, she endeavoured in +her answer to put an end to every entreaty and expectation of the kind. +Such relief, however, as it was in her power to afford, by the practice +of what might be called economy in her own private expenses, she +frequently sent them. It had always been evident to her that such an +income as theirs, under the direction of two persons so extravagant in +their wants, and heedless of the future, must be very insufficient to +their support; and whenever they changed their quarters, either Jane or +herself were sure of being applied to for some little assistance towards +discharging their bills. Their manner of living, even when the +restoration of peace dismissed them to a home, was unsettled in the +extreme. They were always moving from place to place in quest of a +cheap situation, and always spending more than they ought. His affection +for her soon sunk into indifference: hers lasted a little longer; and, +in spite of her youth and her manners, she retained all the claims to +reputation which her marriage had given her. Though Darcy could never +receive _him_ at Pemberley, yet, for Elizabeth's sake, he assisted him +further in his profession. Lydia was occasionally a visitor there, when +her husband was gone to enjoy himself in London or Bath; and with the +Bingleys they both of them frequently stayed so long, that even +Bingley's good-humour was overcome, and he proceeded so far as to _talk_ +of giving them a hint to be gone. + +Miss Bingley was very deeply mortified by Darcy's marriage; but as she +thought it advisable to retain the right of visiting at Pemberley, she +dropped all her resentment; was fonder than ever of Georgiana, almost as +attentive to Darcy as heretofore, and paid off every arrear of civility +to Elizabeth. + +Pemberley was now Georgiana's home; and the attachment of the sisters +was exactly what Darcy had hoped to see. They were able to love each +other, even as well as they intended. Georgiana had the highest opinion +in the world of Elizabeth; though at first she often listened with an +astonishment bordering on alarm at her lively, sportive manner of +talking to her brother. He, who had always inspired in herself a respect +which almost overcame her affection, she now saw the object of open +pleasantry. Her mind received knowledge which had never before fallen in +her way. By Elizabeth's instructions she began to comprehend that a +woman may take liberties with her husband, which a brother will not +always allow in a sister more than ten years younger than himself. + +Lady Catherine was extremely indignant on the marriage of her nephew; +and as she gave way to all the genuine frankness of her character, in +her reply to the letter which announced its arrangement, she sent him +language so very abusive, especially of Elizabeth, that for some time +all intercourse was at an end. But at length, by Elizabeth's persuasion, +he was prevailed on to overlook the offence, and seek a reconciliation; +and, after a little further resistance on the part of his aunt, her +resentment gave way, either to her affection for him, or her curiosity +to see how his wife conducted herself; and she condescended to wait on +them at Pemberley, in spite of that pollution which its woods had +received, not merely from the presence of such a mistress, but the +visits of her uncle and aunt from the city. + +With the Gardiners they were always on the most intimate terms. Darcy, +as well as Elizabeth, really loved them; and they were both ever +sensible of the warmest gratitude towards the persons who, by bringing +her into Derbyshire, had been the means of uniting them. diff --git a/2.markov-chains/tale-of-two-cities.txt b/2.markov-chains/tale-of-two-cities.txt new file mode 100644 index 0000000..bdd4391 --- /dev/null +++ b/2.markov-chains/tale-of-two-cities.txt @@ -0,0 +1,15900 @@ +A TALE OF TWO CITIES + +A STORY OF THE FRENCH REVOLUTION + +By Charles Dickens + + +CONTENTS + + + Book the First--Recalled to Life + + CHAPTER I The Period + CHAPTER II The Mail + CHAPTER III The Night Shadows + CHAPTER IV The Preparation + CHAPTER V The Wine-shop + CHAPTER VI The Shoemaker + + + Book the Second--the Golden Thread + + CHAPTER I Five Years Later + CHAPTER II A Sight + CHAPTER III A Disappointment + CHAPTER IV Congratulatory + CHAPTER V The Jackal + CHAPTER VI Hundreds of People + CHAPTER VII Monseigneur in Town + CHAPTER VIII Monseigneur in the Country + CHAPTER IX The Gorgon's Head + CHAPTER X Two Promises + CHAPTER XI A Companion Picture + CHAPTER XII The Fellow of Delicacy + CHAPTER XIII The Fellow of no Delicacy + CHAPTER XIV The Honest Tradesman + CHAPTER XV Knitting + CHAPTER XVI Still Knitting + CHAPTER XVII One Night + CHAPTER XVIII Nine Days + CHAPTER XIX An Opinion + CHAPTER XX A Plea + CHAPTER XXI Echoing Footsteps + CHAPTER XXII The Sea Still Rises + CHAPTER XXIII Fire Rises + CHAPTER XXIV Drawn to the Loadstone Rock + + + Book the Third--the Track of a Storm + + CHAPTER I In Secret + CHAPTER II The Grindstone + CHAPTER III The Shadow + CHAPTER IV Calm in Storm + CHAPTER V The Wood-sawyer + CHAPTER VI Triumph + CHAPTER VII A Knock at the Door + CHAPTER VIII A Hand at Cards + CHAPTER IX The Game Made + CHAPTER X The Substance of the Shadow + CHAPTER XI Dusk + CHAPTER XII Darkness + CHAPTER XIII Fifty-two + CHAPTER XIV The Knitting Done + CHAPTER XV The Footsteps Die Out For Ever + + + + + +Book the First--Recalled to Life + + + + +CHAPTER I. +The Period + + +It was the best of times, it was the worst of times, it was the age of +wisdom, it was the age of foolishness, it was the epoch of belief, it +was the epoch of incredulity, it was the season of Light, it was the +season of Darkness, it was the spring of hope, it was the winter of +despair, we had everything before us, we had nothing before us, we were +all going direct to Heaven, we were all going direct the other way--in +short, the period was so far like the present period, that some of its +noisiest authorities insisted on its being received, for good or for +evil, in the superlative degree of comparison only. + +There were a king with a large jaw and a queen with a plain face, on the +throne of England; there were a king with a large jaw and a queen with +a fair face, on the throne of France. In both countries it was clearer +than crystal to the lords of the State preserves of loaves and fishes, +that things in general were settled for ever. + +It was the year of Our Lord one thousand seven hundred and seventy-five. +Spiritual revelations were conceded to England at that favoured period, +as at this. Mrs Southcott had recently attained her five-and-twentieth +blessed birthday, of whom a prophetic private in the Life Guards had +heralded the sublime appearance by announcing that arrangements were +made for the swallowing up of London and Westminster. Even the Cock-lane +ghost had been laid only a round dozen of years, after rapping out its +messages, as the spirits of this very year last past (supernaturally +deficient in originality) rapped out theirs. Mere messages in the +earthly order of events had lately come to the English Crown and People, +from a congress of British subjects in America: which, strange +to relate, have proved more important to the human race than any +communications yet received through any of the chickens of the Cock-lane +brood. + +France, less favoured on the whole as to matters spiritual than her +sister of the shield and trident, rolled with exceeding smoothness down +hill, making paper money and spending it. Under the guidance of her +Christian pastors, she entertained herself, besides, with such humane +achievements as sentencing a youth to have his hands cut off, his tongue +torn out with pincers, and his body burned alive, because he had not +kneeled down in the rain to do honour to a dirty procession of monks +which passed within his view, at a distance of some fifty or sixty +yards. It is likely enough that, rooted in the woods of France and +Norway, there were growing trees, when that sufferer was put to death, +already marked by the Woodman, Fate, to come down and be sawn into +boards, to make a certain movable framework with a sack and a knife in +it, terrible in history. It is likely enough that in the rough outhouses +of some tillers of the heavy lands adjacent to Paris, there were +sheltered from the weather that very day, rude carts, bespattered with +rustic mire, snuffed about by pigs, and roosted in by poultry, which +the Farmer, Death, had already set apart to be his tumbrils of +the Revolution. But that Woodman and that Farmer, though they work +unceasingly, work silently, and no one heard them as they went about +with muffled tread: the rather, forasmuch as to entertain any suspicion +that they were awake, was to be atheistical and traitorous. + +In England, there was scarcely an amount of order and protection to +justify much national boasting. Daring burglaries by armed men, and +highway robberies, took place in the capital itself every night; +families were publicly cautioned not to go out of town without removing +their furniture to upholsterers' warehouses for security; the highwayman +in the dark was a City tradesman in the light, and, being recognised and +challenged by his fellow-tradesman whom he stopped in his character of +"the Captain," gallantly shot him through the head and rode away; the +mail was waylaid by seven robbers, and the guard shot three dead, and +then got shot dead himself by the other four, "in consequence of the +failure of his ammunition:" after which the mail was robbed in peace; +that magnificent potentate, the Lord Mayor of London, was made to stand +and deliver on Turnham Green, by one highwayman, who despoiled the +illustrious creature in sight of all his retinue; prisoners in London +gaols fought battles with their turnkeys, and the majesty of the law +fired blunderbusses in among them, loaded with rounds of shot and ball; +thieves snipped off diamond crosses from the necks of noble lords at +Court drawing-rooms; musketeers went into St. Giles's, to search +for contraband goods, and the mob fired on the musketeers, and the +musketeers fired on the mob, and nobody thought any of these occurrences +much out of the common way. In the midst of them, the hangman, ever busy +and ever worse than useless, was in constant requisition; now, stringing +up long rows of miscellaneous criminals; now, hanging a housebreaker on +Saturday who had been taken on Tuesday; now, burning people in the +hand at Newgate by the dozen, and now burning pamphlets at the door of +Westminster Hall; to-day, taking the life of an atrocious murderer, +and to-morrow of a wretched pilferer who had robbed a farmer's boy of +sixpence. + +All these things, and a thousand like them, came to pass in and close +upon the dear old year one thousand seven hundred and seventy-five. +Environed by them, while the Woodman and the Farmer worked unheeded, +those two of the large jaws, and those other two of the plain and the +fair faces, trod with stir enough, and carried their divine rights +with a high hand. Thus did the year one thousand seven hundred +and seventy-five conduct their Greatnesses, and myriads of small +creatures--the creatures of this chronicle among the rest--along the +roads that lay before them. + + + + +CHAPTER II. +The Mail + + +It was the Dover road that lay, on a Friday night late in November, +before the first of the persons with whom this history has business. +The Dover road lay, as to him, beyond the Dover mail, as it lumbered up +Shooter's Hill. He walked up hill in the mire by the side of the mail, +as the rest of the passengers did; not because they had the least relish +for walking exercise, under the circumstances, but because the hill, +and the harness, and the mud, and the mail, were all so heavy, that the +horses had three times already come to a stop, besides once drawing the +coach across the road, with the mutinous intent of taking it back +to Blackheath. Reins and whip and coachman and guard, however, in +combination, had read that article of war which forbade a purpose +otherwise strongly in favour of the argument, that some brute animals +are endued with Reason; and the team had capitulated and returned to +their duty. + +With drooping heads and tremulous tails, they mashed their way through +the thick mud, floundering and stumbling between whiles, as if they were +falling to pieces at the larger joints. As often as the driver rested +them and brought them to a stand, with a wary "Wo-ho! so-ho-then!" the +near leader violently shook his head and everything upon it--like an +unusually emphatic horse, denying that the coach could be got up the +hill. Whenever the leader made this rattle, the passenger started, as a +nervous passenger might, and was disturbed in mind. + +There was a steaming mist in all the hollows, and it had roamed in its +forlornness up the hill, like an evil spirit, seeking rest and finding +none. A clammy and intensely cold mist, it made its slow way through the +air in ripples that visibly followed and overspread one another, as the +waves of an unwholesome sea might do. It was dense enough to shut out +everything from the light of the coach-lamps but these its own workings, +and a few yards of road; and the reek of the labouring horses steamed +into it, as if they had made it all. + +Two other passengers, besides the one, were plodding up the hill by the +side of the mail. All three were wrapped to the cheekbones and over the +ears, and wore jack-boots. Not one of the three could have said, from +anything he saw, what either of the other two was like; and each was +hidden under almost as many wrappers from the eyes of the mind, as from +the eyes of the body, of his two companions. In those days, travellers +were very shy of being confidential on a short notice, for anybody on +the road might be a robber or in league with robbers. As to the latter, +when every posting-house and ale-house could produce somebody in +"the Captain's" pay, ranging from the landlord to the lowest stable +non-descript, it was the likeliest thing upon the cards. So the guard +of the Dover mail thought to himself, that Friday night in November, one +thousand seven hundred and seventy-five, lumbering up Shooter's Hill, as +he stood on his own particular perch behind the mail, beating his feet, +and keeping an eye and a hand on the arm-chest before him, where a +loaded blunderbuss lay at the top of six or eight loaded horse-pistols, +deposited on a substratum of cutlass. + +The Dover mail was in its usual genial position that the guard suspected +the passengers, the passengers suspected one another and the guard, they +all suspected everybody else, and the coachman was sure of nothing but +the horses; as to which cattle he could with a clear conscience have +taken his oath on the two Testaments that they were not fit for the +journey. + +"Wo-ho!" said the coachman. "So, then! One more pull and you're at the +top and be damned to you, for I have had trouble enough to get you to +it!--Joe!" + +"Halloa!" the guard replied. + +"What o'clock do you make it, Joe?" + +"Ten minutes, good, past eleven." + +"My blood!" ejaculated the vexed coachman, "and not atop of Shooter's +yet! Tst! Yah! Get on with you!" + +The emphatic horse, cut short by the whip in a most decided negative, +made a decided scramble for it, and the three other horses followed +suit. Once more, the Dover mail struggled on, with the jack-boots of its +passengers squashing along by its side. They had stopped when the coach +stopped, and they kept close company with it. If any one of the three +had had the hardihood to propose to another to walk on a little ahead +into the mist and darkness, he would have put himself in a fair way of +getting shot instantly as a highwayman. + +The last burst carried the mail to the summit of the hill. The horses +stopped to breathe again, and the guard got down to skid the wheel for +the descent, and open the coach-door to let the passengers in. + +"Tst! Joe!" cried the coachman in a warning voice, looking down from his +box. + +"What do you say, Tom?" + +They both listened. + +"I say a horse at a canter coming up, Joe." + +"_I_ say a horse at a gallop, Tom," returned the guard, leaving his hold +of the door, and mounting nimbly to his place. "Gentlemen! In the king's +name, all of you!" + +With this hurried adjuration, he cocked his blunderbuss, and stood on +the offensive. + +The passenger booked by this history, was on the coach-step, getting in; +the two other passengers were close behind him, and about to follow. He +remained on the step, half in the coach and half out of; they remained +in the road below him. They all looked from the coachman to the guard, +and from the guard to the coachman, and listened. The coachman looked +back and the guard looked back, and even the emphatic leader pricked up +his ears and looked back, without contradicting. + +The stillness consequent on the cessation of the rumbling and labouring +of the coach, added to the stillness of the night, made it very quiet +indeed. The panting of the horses communicated a tremulous motion to +the coach, as if it were in a state of agitation. The hearts of the +passengers beat loud enough perhaps to be heard; but at any rate, the +quiet pause was audibly expressive of people out of breath, and holding +the breath, and having the pulses quickened by expectation. + +The sound of a horse at a gallop came fast and furiously up the hill. + +"So-ho!" the guard sang out, as loud as he could roar. "Yo there! Stand! +I shall fire!" + +The pace was suddenly checked, and, with much splashing and floundering, +a man's voice called from the mist, "Is that the Dover mail?" + +"Never you mind what it is!" the guard retorted. "What are you?" + +"_Is_ that the Dover mail?" + +"Why do you want to know?" + +"I want a passenger, if it is." + +"What passenger?" + +"Mr Jarvis Lorry." + +Our booked passenger showed in a moment that it was his name. The guard, +the coachman, and the two other passengers eyed him distrustfully. + +"Keep where you are," the guard called to the voice in the mist, +"because, if I should make a mistake, it could never be set right in +your lifetime. Gentleman of the name of Lorry answer straight." + +"What is the matter?" asked the passenger, then, with mildly quavering +speech. "Who wants me? Is it Jerry?" + +("I don't like Jerry's voice, if it is Jerry," growled the guard to +himself. "He's hoarser than suits me, is Jerry.") + +"Yes, Mr Lorry." + +"What is the matter?" + +"A despatch sent after you from over yonder. T. and Co." + +"I know this messenger, guard," said Mr Lorry, getting down into the +road--assisted from behind more swiftly than politely by the other two +passengers, who immediately scrambled into the coach, shut the door, and +pulled up the window. "He may come close; there's nothing wrong." + +"I hope there ain't, but I can't make so 'Nation sure of that," said the +guard, in gruff soliloquy. "Hallo you!" + +"Well! And hallo you!" said Jerry, more hoarsely than before. + +"Come on at a footpace! d'ye mind me? And if you've got holsters to that +saddle o' yourn, don't let me see your hand go nigh 'em. For I'm a devil +at a quick mistake, and when I make one it takes the form of Lead. So +now let's look at you." + +The figures of a horse and rider came slowly through the eddying mist, +and came to the side of the mail, where the passenger stood. The rider +stooped, and, casting up his eyes at the guard, handed the passenger +a small folded paper. The rider's horse was blown, and both horse and +rider were covered with mud, from the hoofs of the horse to the hat of +the man. + +"Guard!" said the passenger, in a tone of quiet business confidence. + +The watchful guard, with his right hand at the stock of his raised +blunderbuss, his left at the barrel, and his eye on the horseman, +answered curtly, "Sir." + +"There is nothing to apprehend. I belong to Tellson's Bank. You must +know Tellson's Bank in London. I am going to Paris on business. A crown +to drink. I may read this?" + +"If so be as you're quick, sir." + +He opened it in the light of the coach-lamp on that side, and +read--first to himself and then aloud: "'Wait at Dover for Mam'selle.' +It's not long, you see, guard. Jerry, say that my answer was, RECALLED +TO LIFE." + +Jerry started in his saddle. "That's a Blazing strange answer, too," + said he, at his hoarsest. + +"Take that message back, and they will know that I received this, as +well as if I wrote. Make the best of your way. Good night." + +With those words the passenger opened the coach-door and got in; not at +all assisted by his fellow-passengers, who had expeditiously secreted +their watches and purses in their boots, and were now making a general +pretence of being asleep. With no more definite purpose than to escape +the hazard of originating any other kind of action. + +The coach lumbered on again, with heavier wreaths of mist closing round +it as it began the descent. The guard soon replaced his blunderbuss +in his arm-chest, and, having looked to the rest of its contents, and +having looked to the supplementary pistols that he wore in his belt, +looked to a smaller chest beneath his seat, in which there were a +few smith's tools, a couple of torches, and a tinder-box. For he was +furnished with that completeness that if the coach-lamps had been blown +and stormed out, which did occasionally happen, he had only to shut +himself up inside, keep the flint and steel sparks well off the straw, +and get a light with tolerable safety and ease (if he were lucky) in +five minutes. + +"Tom!" softly over the coach roof. + +"Hallo, Joe." + +"Did you hear the message?" + +"I did, Joe." + +"What did you make of it, Tom?" + +"Nothing at all, Joe." + +"That's a coincidence, too," the guard mused, "for I made the same of it +myself." + +Jerry, left alone in the mist and darkness, dismounted meanwhile, not +only to ease his spent horse, but to wipe the mud from his face, and +shake the wet out of his hat-brim, which might be capable of +holding about half a gallon. After standing with the bridle over his +heavily-splashed arm, until the wheels of the mail were no longer within +hearing and the night was quite still again, he turned to walk down the +hill. + +"After that there gallop from Temple Bar, old lady, I won't trust your +fore-legs till I get you on the level," said this hoarse messenger, +glancing at his mare. "'Recalled to life.' That's a Blazing strange +message. Much of that wouldn't do for you, Jerry! I say, Jerry! You'd +be in a Blazing bad way, if recalling to life was to come into fashion, +Jerry!" + + + + +CHAPTER III. +The Night Shadows + + +A wonderful fact to reflect upon, that every human creature is +constituted to be that profound secret and mystery to every other. A +solemn consideration, when I enter a great city by night, that every +one of those darkly clustered houses encloses its own secret; that every +room in every one of them encloses its own secret; that every beating +heart in the hundreds of thousands of breasts there, is, in some of +its imaginings, a secret to the heart nearest it! Something of the +awfulness, even of Death itself, is referable to this. No more can I +turn the leaves of this dear book that I loved, and vainly hope in time +to read it all. No more can I look into the depths of this unfathomable +water, wherein, as momentary lights glanced into it, I have had glimpses +of buried treasure and other things submerged. It was appointed that the +book should shut with a spring, for ever and for ever, when I had read +but a page. It was appointed that the water should be locked in an +eternal frost, when the light was playing on its surface, and I stood +in ignorance on the shore. My friend is dead, my neighbour is dead, +my love, the darling of my soul, is dead; it is the inexorable +consolidation and perpetuation of the secret that was always in that +individuality, and which I shall carry in mine to my life's end. In +any of the burial-places of this city through which I pass, is there +a sleeper more inscrutable than its busy inhabitants are, in their +innermost personality, to me, or than I am to them? + +As to this, his natural and not to be alienated inheritance, the +messenger on horseback had exactly the same possessions as the King, the +first Minister of State, or the richest merchant in London. So with the +three passengers shut up in the narrow compass of one lumbering old mail +coach; they were mysteries to one another, as complete as if each had +been in his own coach and six, or his own coach and sixty, with the +breadth of a county between him and the next. + +The messenger rode back at an easy trot, stopping pretty often at +ale-houses by the way to drink, but evincing a tendency to keep his +own counsel, and to keep his hat cocked over his eyes. He had eyes that +assorted very well with that decoration, being of a surface black, with +no depth in the colour or form, and much too near together--as if they +were afraid of being found out in something, singly, if they kept too +far apart. They had a sinister expression, under an old cocked-hat like +a three-cornered spittoon, and over a great muffler for the chin and +throat, which descended nearly to the wearer's knees. When he stopped +for drink, he moved this muffler with his left hand, only while he +poured his liquor in with his right; as soon as that was done, he +muffled again. + +"No, Jerry, no!" said the messenger, harping on one theme as he rode. +"It wouldn't do for you, Jerry. Jerry, you honest tradesman, it wouldn't +suit _your_ line of business! Recalled--! Bust me if I don't think he'd +been a drinking!" + +His message perplexed his mind to that degree that he was fain, several +times, to take off his hat to scratch his head. Except on the crown, +which was raggedly bald, he had stiff, black hair, standing jaggedly all +over it, and growing down hill almost to his broad, blunt nose. It was +so like Smith's work, so much more like the top of a strongly spiked +wall than a head of hair, that the best of players at leap-frog might +have declined him, as the most dangerous man in the world to go over. + +While he trotted back with the message he was to deliver to the night +watchman in his box at the door of Tellson's Bank, by Temple Bar, who +was to deliver it to greater authorities within, the shadows of the +night took such shapes to him as arose out of the message, and took such +shapes to the mare as arose out of _her_ private topics of uneasiness. +They seemed to be numerous, for she shied at every shadow on the road. + +What time, the mail-coach lumbered, jolted, rattled, and bumped upon +its tedious way, with its three fellow-inscrutables inside. To whom, +likewise, the shadows of the night revealed themselves, in the forms +their dozing eyes and wandering thoughts suggested. + +Tellson's Bank had a run upon it in the mail. As the bank +passenger--with an arm drawn through the leathern strap, which did what +lay in it to keep him from pounding against the next passenger, +and driving him into his corner, whenever the coach got a special +jolt--nodded in his place, with half-shut eyes, the little +coach-windows, and the coach-lamp dimly gleaming through them, and the +bulky bundle of opposite passenger, became the bank, and did a great +stroke of business. The rattle of the harness was the chink of money, +and more drafts were honoured in five minutes than even Tellson's, with +all its foreign and home connection, ever paid in thrice the time. Then +the strong-rooms underground, at Tellson's, with such of their valuable +stores and secrets as were known to the passenger (and it was not a +little that he knew about them), opened before him, and he went in among +them with the great keys and the feebly-burning candle, and found them +safe, and strong, and sound, and still, just as he had last seen them. + +But, though the bank was almost always with him, and though the coach +(in a confused way, like the presence of pain under an opiate) was +always with him, there was another current of impression that never +ceased to run, all through the night. He was on his way to dig some one +out of a grave. + +Now, which of the multitude of faces that showed themselves before him +was the true face of the buried person, the shadows of the night did +not indicate; but they were all the faces of a man of five-and-forty by +years, and they differed principally in the passions they expressed, +and in the ghastliness of their worn and wasted state. Pride, contempt, +defiance, stubbornness, submission, lamentation, succeeded one another; +so did varieties of sunken cheek, cadaverous colour, emaciated hands +and figures. But the face was in the main one face, and every head was +prematurely white. A hundred times the dozing passenger inquired of this +spectre: + +"Buried how long?" + +The answer was always the same: "Almost eighteen years." + +"You had abandoned all hope of being dug out?" + +"Long ago." + +"You know that you are recalled to life?" + +"They tell me so." + +"I hope you care to live?" + +"I can't say." + +"Shall I show her to you? Will you come and see her?" + +The answers to this question were various and contradictory. Sometimes +the broken reply was, "Wait! It would kill me if I saw her too soon." + Sometimes, it was given in a tender rain of tears, and then it was, +"Take me to her." Sometimes it was staring and bewildered, and then it +was, "I don't know her. I don't understand." + +After such imaginary discourse, the passenger in his fancy would dig, +and dig, dig--now with a spade, now with a great key, now with his +hands--to dig this wretched creature out. Got out at last, with earth +hanging about his face and hair, he would suddenly fan away to dust. The +passenger would then start to himself, and lower the window, to get the +reality of mist and rain on his cheek. + +Yet even when his eyes were opened on the mist and rain, on the moving +patch of light from the lamps, and the hedge at the roadside retreating +by jerks, the night shadows outside the coach would fall into the train +of the night shadows within. The real Banking-house by Temple Bar, the +real business of the past day, the real strong rooms, the real express +sent after him, and the real message returned, would all be there. Out +of the midst of them, the ghostly face would rise, and he would accost +it again. + +"Buried how long?" + +"Almost eighteen years." + +"I hope you care to live?" + +"I can't say." + +Dig--dig--dig--until an impatient movement from one of the two +passengers would admonish him to pull up the window, draw his arm +securely through the leathern strap, and speculate upon the two +slumbering forms, until his mind lost its hold of them, and they again +slid away into the bank and the grave. + +"Buried how long?" + +"Almost eighteen years." + +"You had abandoned all hope of being dug out?" + +"Long ago." + +The words were still in his hearing as just spoken--distinctly in +his hearing as ever spoken words had been in his life--when the weary +passenger started to the consciousness of daylight, and found that the +shadows of the night were gone. + +He lowered the window, and looked out at the rising sun. There was a +ridge of ploughed land, with a plough upon it where it had been left +last night when the horses were unyoked; beyond, a quiet coppice-wood, +in which many leaves of burning red and golden yellow still remained +upon the trees. Though the earth was cold and wet, the sky was clear, +and the sun rose bright, placid, and beautiful. + +"Eighteen years!" said the passenger, looking at the sun. "Gracious +Creator of day! To be buried alive for eighteen years!" + + + + +CHAPTER IV. +The Preparation + + +When the mail got successfully to Dover, in the course of the forenoon, +the head drawer at the Royal George Hotel opened the coach-door as his +custom was. He did it with some flourish of ceremony, for a mail journey +from London in winter was an achievement to congratulate an adventurous +traveller upon. + +By that time, there was only one adventurous traveller left be +congratulated: for the two others had been set down at their respective +roadside destinations. The mildewy inside of the coach, with its damp +and dirty straw, its disagreeable smell, and its obscurity, was rather +like a larger dog-kennel. Mr Lorry, the passenger, shaking himself out +of it in chains of straw, a tangle of shaggy wrapper, flapping hat, and +muddy legs, was rather like a larger sort of dog. + +"There will be a packet to Calais, tomorrow, drawer?" + +"Yes, sir, if the weather holds and the wind sets tolerable fair. The +tide will serve pretty nicely at about two in the afternoon, sir. Bed, +sir?" + +"I shall not go to bed till night; but I want a bedroom, and a barber." + +"And then breakfast, sir? Yes, sir. That way, sir, if you please. +Show Concord! Gentleman's valise and hot water to Concord. Pull off +gentleman's boots in Concord. (You will find a fine sea-coal fire, sir.) +Fetch barber to Concord. Stir about there, now, for Concord!" + +The Concord bed-chamber being always assigned to a passenger by the +mail, and passengers by the mail being always heavily wrapped up from +head to foot, the room had the odd interest for the establishment of the +Royal George, that although but one kind of man was seen to go into it, +all kinds and varieties of men came out of it. Consequently, another +drawer, and two porters, and several maids and the landlady, were all +loitering by accident at various points of the road between the Concord +and the coffee-room, when a gentleman of sixty, formally dressed in a +brown suit of clothes, pretty well worn, but very well kept, with large +square cuffs and large flaps to the pockets, passed along on his way to +his breakfast. + +The coffee-room had no other occupant, that forenoon, than the gentleman +in brown. His breakfast-table was drawn before the fire, and as he sat, +with its light shining on him, waiting for the meal, he sat so still, +that he might have been sitting for his portrait. + +Very orderly and methodical he looked, with a hand on each knee, and a +loud watch ticking a sonorous sermon under his flapped waist-coat, +as though it pitted its gravity and longevity against the levity and +evanescence of the brisk fire. He had a good leg, and was a little vain +of it, for his brown stockings fitted sleek and close, and were of a +fine texture; his shoes and buckles, too, though plain, were trim. He +wore an odd little sleek crisp flaxen wig, setting very close to his +head: which wig, it is to be presumed, was made of hair, but which +looked far more as though it were spun from filaments of silk or glass. +His linen, though not of a fineness in accordance with his stockings, +was as white as the tops of the waves that broke upon the neighbouring +beach, or the specks of sail that glinted in the sunlight far at sea. A +face habitually suppressed and quieted, was still lighted up under the +quaint wig by a pair of moist bright eyes that it must have cost +their owner, in years gone by, some pains to drill to the composed and +reserved expression of Tellson's Bank. He had a healthy colour in his +cheeks, and his face, though lined, bore few traces of anxiety. +But, perhaps the confidential bachelor clerks in Tellson's Bank were +principally occupied with the cares of other people; and perhaps +second-hand cares, like second-hand clothes, come easily off and on. + +Completing his resemblance to a man who was sitting for his portrait, +Mr Lorry dropped off to sleep. The arrival of his breakfast roused him, +and he said to the drawer, as he moved his chair to it: + +"I wish accommodation prepared for a young lady who may come here at any +time to-day. She may ask for Mr Jarvis Lorry, or she may only ask for a +gentleman from Tellson's Bank. Please to let me know." + +"Yes, sir. Tellson's Bank in London, sir?" + +"Yes." + +"Yes, sir. We have oftentimes the honour to entertain your gentlemen in +their travelling backwards and forwards betwixt London and Paris, sir. A +vast deal of travelling, sir, in Tellson and Company's House." + +"Yes. We are quite a French House, as well as an English one." + +"Yes, sir. Not much in the habit of such travelling yourself, I think, +sir?" + +"Not of late years. It is fifteen years since we--since I--came last +from France." + +"Indeed, sir? That was before my time here, sir. Before our people's +time here, sir. The George was in other hands at that time, sir." + +"I believe so." + +"But I would hold a pretty wager, sir, that a House like Tellson and +Company was flourishing, a matter of fifty, not to speak of fifteen +years ago?" + +"You might treble that, and say a hundred and fifty, yet not be far from +the truth." + +"Indeed, sir!" + +Rounding his mouth and both his eyes, as he stepped backward from the +table, the waiter shifted his napkin from his right arm to his left, +dropped into a comfortable attitude, and stood surveying the guest while +he ate and drank, as from an observatory or watchtower. According to the +immemorial usage of waiters in all ages. + +When Mr Lorry had finished his breakfast, he went out for a stroll on +the beach. The little narrow, crooked town of Dover hid itself away +from the beach, and ran its head into the chalk cliffs, like a marine +ostrich. The beach was a desert of heaps of sea and stones tumbling +wildly about, and the sea did what it liked, and what it liked was +destruction. It thundered at the town, and thundered at the cliffs, and +brought the coast down, madly. The air among the houses was of so strong +a piscatory flavour that one might have supposed sick fish went up to be +dipped in it, as sick people went down to be dipped in the sea. A little +fishing was done in the port, and a quantity of strolling about by +night, and looking seaward: particularly at those times when the tide +made, and was near flood. Small tradesmen, who did no business whatever, +sometimes unaccountably realised large fortunes, and it was remarkable +that nobody in the neighbourhood could endure a lamplighter. + +As the day declined into the afternoon, and the air, which had been +at intervals clear enough to allow the French coast to be seen, became +again charged with mist and vapour, Mr Lorry's thoughts seemed to cloud +too. When it was dark, and he sat before the coffee-room fire, awaiting +his dinner as he had awaited his breakfast, his mind was busily digging, +digging, digging, in the live red coals. + +A bottle of good claret after dinner does a digger in the red coals no +harm, otherwise than as it has a tendency to throw him out of work. +Mr Lorry had been idle a long time, and had just poured out his last +glassful of wine with as complete an appearance of satisfaction as is +ever to be found in an elderly gentleman of a fresh complexion who has +got to the end of a bottle, when a rattling of wheels came up the narrow +street, and rumbled into the inn-yard. + +He set down his glass untouched. "This is Mam'selle!" said he. + +In a very few minutes the waiter came in to announce that Miss Manette +had arrived from London, and would be happy to see the gentleman from +Tellson's. + +"So soon?" + +Miss Manette had taken some refreshment on the road, and required none +then, and was extremely anxious to see the gentleman from Tellson's +immediately, if it suited his pleasure and convenience. + +The gentleman from Tellson's had nothing left for it but to empty his +glass with an air of stolid desperation, settle his odd little flaxen +wig at the ears, and follow the waiter to Miss Manette's apartment. +It was a large, dark room, furnished in a funereal manner with black +horsehair, and loaded with heavy dark tables. These had been oiled and +oiled, until the two tall candles on the table in the middle of the room +were gloomily reflected on every leaf; as if _they_ were buried, in deep +graves of black mahogany, and no light to speak of could be expected +from them until they were dug out. + +The obscurity was so difficult to penetrate that Mr Lorry, picking his +way over the well-worn Turkey carpet, supposed Miss Manette to be, for +the moment, in some adjacent room, until, having got past the two tall +candles, he saw standing to receive him by the table between them and +the fire, a young lady of not more than seventeen, in a riding-cloak, +and still holding her straw travelling-hat by its ribbon in her hand. As +his eyes rested on a short, slight, pretty figure, a quantity of golden +hair, a pair of blue eyes that met his own with an inquiring look, and +a forehead with a singular capacity (remembering how young and smooth +it was), of rifting and knitting itself into an expression that was +not quite one of perplexity, or wonder, or alarm, or merely of a bright +fixed attention, though it included all the four expressions--as his +eyes rested on these things, a sudden vivid likeness passed before him, +of a child whom he had held in his arms on the passage across that very +Channel, one cold time, when the hail drifted heavily and the sea ran +high. The likeness passed away, like a breath along the surface of +the gaunt pier-glass behind her, on the frame of which, a hospital +procession of negro cupids, several headless and all cripples, were +offering black baskets of Dead Sea fruit to black divinities of the +feminine gender--and he made his formal bow to Miss Manette. + +"Pray take a seat, sir." In a very clear and pleasant young voice; a +little foreign in its accent, but a very little indeed. + +"I kiss your hand, miss," said Mr Lorry, with the manners of an earlier +date, as he made his formal bow again, and took his seat. + +"I received a letter from the Bank, sir, yesterday, informing me that +some intelligence--or discovery--" + +"The word is not material, miss; either word will do." + +"--respecting the small property of my poor father, whom I never saw--so +long dead--" + +Mr Lorry moved in his chair, and cast a troubled look towards the +hospital procession of negro cupids. As if _they_ had any help for +anybody in their absurd baskets! + +"--rendered it necessary that I should go to Paris, there to communicate +with a gentleman of the Bank, so good as to be despatched to Paris for +the purpose." + +"Myself." + +"As I was prepared to hear, sir." + +She curtseyed to him (young ladies made curtseys in those days), with a +pretty desire to convey to him that she felt how much older and wiser he +was than she. He made her another bow. + +"I replied to the Bank, sir, that as it was considered necessary, by +those who know, and who are so kind as to advise me, that I should go to +France, and that as I am an orphan and have no friend who could go with +me, I should esteem it highly if I might be permitted to place myself, +during the journey, under that worthy gentleman's protection. The +gentleman had left London, but I think a messenger was sent after him to +beg the favour of his waiting for me here." + +"I was happy," said Mr Lorry, "to be entrusted with the charge. I shall +be more happy to execute it." + +"Sir, I thank you indeed. I thank you very gratefully. It was told me +by the Bank that the gentleman would explain to me the details of the +business, and that I must prepare myself to find them of a surprising +nature. I have done my best to prepare myself, and I naturally have a +strong and eager interest to know what they are." + +"Naturally," said Mr Lorry. "Yes--I--" + +After a pause, he added, again settling the crisp flaxen wig at the +ears, "It is very difficult to begin." + +He did not begin, but, in his indecision, met her glance. The young +forehead lifted itself into that singular expression--but it was pretty +and characteristic, besides being singular--and she raised her hand, +as if with an involuntary action she caught at, or stayed some passing +shadow. + +"Are you quite a stranger to me, sir?" + +"Am I not?" Mr Lorry opened his hands, and extended them outwards with +an argumentative smile. + +Between the eyebrows and just over the little feminine nose, the line of +which was as delicate and fine as it was possible to be, the expression +deepened itself as she took her seat thoughtfully in the chair by which +she had hitherto remained standing. He watched her as she mused, and the +moment she raised her eyes again, went on: + +"In your adopted country, I presume, I cannot do better than address you +as a young English lady, Miss Manette?" + +"If you please, sir." + +"Miss Manette, I am a man of business. I have a business charge to +acquit myself of. In your reception of it, don't heed me any more than +if I was a speaking machine--truly, I am not much else. I will, with +your leave, relate to you, miss, the story of one of our customers." + +"Story!" + +He seemed wilfully to mistake the word she had repeated, when he added, +in a hurry, "Yes, customers; in the banking business we usually call +our connection our customers. He was a French gentleman; a scientific +gentleman; a man of great acquirements--a Doctor." + +"Not of Beauvais?" + +"Why, yes, of Beauvais. Like Monsieur Manette, your father, the +gentleman was of Beauvais. Like Monsieur Manette, your father, the +gentleman was of repute in Paris. I had the honour of knowing him there. +Our relations were business relations, but confidential. I was at that +time in our French House, and had been--oh! twenty years." + +"At that time--I may ask, at what time, sir?" + +"I speak, miss, of twenty years ago. He married--an English lady--and +I was one of the trustees. His affairs, like the affairs of many other +French gentlemen and French families, were entirely in Tellson's hands. +In a similar way I am, or I have been, trustee of one kind or other for +scores of our customers. These are mere business relations, miss; +there is no friendship in them, no particular interest, nothing like +sentiment. I have passed from one to another, in the course of my +business life, just as I pass from one of our customers to another in +the course of my business day; in short, I have no feelings; I am a mere +machine. To go on--" + +"But this is my father's story, sir; and I begin to think"--the +curiously roughened forehead was very intent upon him--"that when I was +left an orphan through my mother's surviving my father only two years, +it was you who brought me to England. I am almost sure it was you." + +Mr Lorry took the hesitating little hand that confidingly advanced +to take his, and he put it with some ceremony to his lips. He then +conducted the young lady straightway to her chair again, and, holding +the chair-back with his left hand, and using his right by turns to rub +his chin, pull his wig at the ears, or point what he said, stood looking +down into her face while she sat looking up into his. + +"Miss Manette, it _was_ I. And you will see how truly I spoke of myself +just now, in saying I had no feelings, and that all the relations I hold +with my fellow-creatures are mere business relations, when you reflect +that I have never seen you since. No; you have been the ward of +Tellson's House since, and I have been busy with the other business of +Tellson's House since. Feelings! I have no time for them, no chance +of them. I pass my whole life, miss, in turning an immense pecuniary +Mangle." + +After this odd description of his daily routine of employment, Mr Lorry +flattened his flaxen wig upon his head with both hands (which was most +unnecessary, for nothing could be flatter than its shining surface was +before), and resumed his former attitude. + +"So far, miss (as you have remarked), this is the story of your +regretted father. Now comes the difference. If your father had not died +when he did--Don't be frightened! How you start!" + +She did, indeed, start. And she caught his wrist with both her hands. + +"Pray," said Mr Lorry, in a soothing tone, bringing his left hand from +the back of the chair to lay it on the supplicatory fingers that clasped +him in so violent a tremble: "pray control your agitation--a matter of +business. As I was saying--" + +Her look so discomposed him that he stopped, wandered, and began anew: + +"As I was saying; if Monsieur Manette had not died; if he had suddenly +and silently disappeared; if he had been spirited away; if it had not +been difficult to guess to what dreadful place, though no art could +trace him; if he had an enemy in some compatriot who could exercise a +privilege that I in my own time have known the boldest people afraid +to speak of in a whisper, across the water there; for instance, the +privilege of filling up blank forms for the consignment of any one +to the oblivion of a prison for any length of time; if his wife had +implored the king, the queen, the court, the clergy, for any tidings of +him, and all quite in vain;--then the history of your father would have +been the history of this unfortunate gentleman, the Doctor of Beauvais." + +"I entreat you to tell me more, sir." + +"I will. I am going to. You can bear it?" + +"I can bear anything but the uncertainty you leave me in at this +moment." + +"You speak collectedly, and you--_are_ collected. That's good!" (Though +his manner was less satisfied than his words.) "A matter of business. +Regard it as a matter of business--business that must be done. Now +if this doctor's wife, though a lady of great courage and spirit, +had suffered so intensely from this cause before her little child was +born--" + +"The little child was a daughter, sir." + +"A daughter. A-a-matter of business--don't be distressed. Miss, if the +poor lady had suffered so intensely before her little child was born, +that she came to the determination of sparing the poor child the +inheritance of any part of the agony she had known the pains of, by +rearing her in the belief that her father was dead--No, don't kneel! In +Heaven's name why should you kneel to me!" + +"For the truth. O dear, good, compassionate sir, for the truth!" + +"A--a matter of business. You confuse me, and how can I transact +business if I am confused? Let us be clear-headed. If you could kindly +mention now, for instance, what nine times ninepence are, or how many +shillings in twenty guineas, it would be so encouraging. I should be so +much more at my ease about your state of mind." + +Without directly answering to this appeal, she sat so still when he had +very gently raised her, and the hands that had not ceased to clasp +his wrists were so much more steady than they had been, that she +communicated some reassurance to Mr Jarvis Lorry. + +"That's right, that's right. Courage! Business! You have business before +you; useful business. Miss Manette, your mother took this course with +you. And when she died--I believe broken-hearted--having never slackened +her unavailing search for your father, she left you, at two years old, +to grow to be blooming, beautiful, and happy, without the dark cloud +upon you of living in uncertainty whether your father soon wore his +heart out in prison, or wasted there through many lingering years." + +As he said the words he looked down, with an admiring pity, on the +flowing golden hair; as if he pictured to himself that it might have +been already tinged with grey. + +"You know that your parents had no great possession, and that what +they had was secured to your mother and to you. There has been no new +discovery, of money, or of any other property; but--" + +He felt his wrist held closer, and he stopped. The expression in the +forehead, which had so particularly attracted his notice, and which was +now immovable, had deepened into one of pain and horror. + +"But he has been--been found. He is alive. Greatly changed, it is too +probable; almost a wreck, it is possible; though we will hope the best. +Still, alive. Your father has been taken to the house of an old servant +in Paris, and we are going there: I, to identify him if I can: you, to +restore him to life, love, duty, rest, comfort." + +A shiver ran through her frame, and from it through his. She said, in a +low, distinct, awe-stricken voice, as if she were saying it in a dream, + +"I am going to see his Ghost! It will be his Ghost--not him!" + +Mr Lorry quietly chafed the hands that held his arm. "There, there, +there! See now, see now! The best and the worst are known to you, now. +You are well on your way to the poor wronged gentleman, and, with a fair +sea voyage, and a fair land journey, you will be soon at his dear side." + +She repeated in the same tone, sunk to a whisper, "I have been free, I +have been happy, yet his Ghost has never haunted me!" + +"Only one thing more," said Mr Lorry, laying stress upon it as a +wholesome means of enforcing her attention: "he has been found under +another name; his own, long forgotten or long concealed. It would be +worse than useless now to inquire which; worse than useless to seek to +know whether he has been for years overlooked, or always designedly +held prisoner. It would be worse than useless now to make any inquiries, +because it would be dangerous. Better not to mention the subject, +anywhere or in any way, and to remove him--for a while at all +events--out of France. Even I, safe as an Englishman, and even +Tellson's, important as they are to French credit, avoid all naming of +the matter. I carry about me, not a scrap of writing openly referring +to it. This is a secret service altogether. My credentials, entries, +and memoranda, are all comprehended in the one line, 'Recalled to Life;' +which may mean anything. But what is the matter! She doesn't notice a +word! Miss Manette!" + +Perfectly still and silent, and not even fallen back in her chair, she +sat under his hand, utterly insensible; with her eyes open and fixed +upon him, and with that last expression looking as if it were carved or +branded into her forehead. So close was her hold upon his arm, that he +feared to detach himself lest he should hurt her; therefore he called +out loudly for assistance without moving. + +A wild-looking woman, whom even in his agitation, Mr Lorry observed to +be all of a red colour, and to have red hair, and to be dressed in some +extraordinary tight-fitting fashion, and to have on her head a most +wonderful bonnet like a Grenadier wooden measure, and good measure too, +or a great Stilton cheese, came running into the room in advance of the +inn servants, and soon settled the question of his detachment from the +poor young lady, by laying a brawny hand upon his chest, and sending him +flying back against the nearest wall. + +("I really think this must be a man!" was Mr Lorry's breathless +reflection, simultaneously with his coming against the wall.) + +"Why, look at you all!" bawled this figure, addressing the inn servants. +"Why don't you go and fetch things, instead of standing there staring +at me? I am not so much to look at, am I? Why don't you go and fetch +things? I'll let you know, if you don't bring smelling-salts, cold +water, and vinegar, quick, I will." + +There was an immediate dispersal for these restoratives, and she +softly laid the patient on a sofa, and tended her with great skill and +gentleness: calling her "my precious!" and "my bird!" and spreading her +golden hair aside over her shoulders with great pride and care. + +"And you in brown!" she said, indignantly turning to Mr Lorry; +"couldn't you tell her what you had to tell her, without frightening her +to death? Look at her, with her pretty pale face and her cold hands. Do +you call _that_ being a Banker?" + +Mr Lorry was so exceedingly disconcerted by a question so hard to +answer, that he could only look on, at a distance, with much feebler +sympathy and humility, while the strong woman, having banished the inn +servants under the mysterious penalty of "letting them know" something +not mentioned if they stayed there, staring, recovered her charge by a +regular series of gradations, and coaxed her to lay her drooping head +upon her shoulder. + +"I hope she will do well now," said Mr Lorry. + +"No thanks to you in brown, if she does. My darling pretty!" + +"I hope," said Mr Lorry, after another pause of feeble sympathy and +humility, "that you accompany Miss Manette to France?" + +"A likely thing, too!" replied the strong woman. "If it was ever +intended that I should go across salt water, do you suppose Providence +would have cast my lot in an island?" + +This being another question hard to answer, Mr Jarvis Lorry withdrew to +consider it. + + + + +CHAPTER V. +The Wine-shop + + +A large cask of wine had been dropped and broken, in the street. The +accident had happened in getting it out of a cart; the cask had tumbled +out with a run, the hoops had burst, and it lay on the stones just +outside the door of the wine-shop, shattered like a walnut-shell. + +All the people within reach had suspended their business, or their +idleness, to run to the spot and drink the wine. The rough, irregular +stones of the street, pointing every way, and designed, one might have +thought, expressly to lame all living creatures that approached them, +had dammed it into little pools; these were surrounded, each by its own +jostling group or crowd, according to its size. Some men kneeled down, +made scoops of their two hands joined, and sipped, or tried to help +women, who bent over their shoulders, to sip, before the wine had all +run out between their fingers. Others, men and women, dipped in +the puddles with little mugs of mutilated earthenware, or even with +handkerchiefs from women's heads, which were squeezed dry into infants' +mouths; others made small mud-embankments, to stem the wine as it ran; +others, directed by lookers-on up at high windows, darted here and +there, to cut off little streams of wine that started away in new +directions; others devoted themselves to the sodden and lee-dyed +pieces of the cask, licking, and even champing the moister wine-rotted +fragments with eager relish. There was no drainage to carry off the +wine, and not only did it all get taken up, but so much mud got taken up +along with it, that there might have been a scavenger in the street, +if anybody acquainted with it could have believed in such a miraculous +presence. + +A shrill sound of laughter and of amused voices--voices of men, women, +and children--resounded in the street while this wine game lasted. There +was little roughness in the sport, and much playfulness. There was a +special companionship in it, an observable inclination on the part +of every one to join some other one, which led, especially among the +luckier or lighter-hearted, to frolicsome embraces, drinking of healths, +shaking of hands, and even joining of hands and dancing, a dozen +together. When the wine was gone, and the places where it had been +most abundant were raked into a gridiron-pattern by fingers, these +demonstrations ceased, as suddenly as they had broken out. The man who +had left his saw sticking in the firewood he was cutting, set it in +motion again; the women who had left on a door-step the little pot of +hot ashes, at which she had been trying to soften the pain in her own +starved fingers and toes, or in those of her child, returned to it; men +with bare arms, matted locks, and cadaverous faces, who had emerged into +the winter light from cellars, moved away, to descend again; and a gloom +gathered on the scene that appeared more natural to it than sunshine. + +The wine was red wine, and had stained the ground of the narrow street +in the suburb of Saint Antoine, in Paris, where it was spilled. It had +stained many hands, too, and many faces, and many naked feet, and many +wooden shoes. The hands of the man who sawed the wood, left red marks +on the billets; and the forehead of the woman who nursed her baby, was +stained with the stain of the old rag she wound about her head again. +Those who had been greedy with the staves of the cask, had acquired a +tigerish smear about the mouth; and one tall joker so besmirched, his +head more out of a long squalid bag of a nightcap than in it, scrawled +upon a wall with his finger dipped in muddy wine-lees--BLOOD. + +The time was to come, when that wine too would be spilled on the +street-stones, and when the stain of it would be red upon many there. + +And now that the cloud settled on Saint Antoine, which a momentary +gleam had driven from his sacred countenance, the darkness of it was +heavy--cold, dirt, sickness, ignorance, and want, were the lords in +waiting on the saintly presence--nobles of great power all of them; +but, most especially the last. Samples of a people that had undergone a +terrible grinding and regrinding in the mill, and certainly not in the +fabulous mill which ground old people young, shivered at every corner, +passed in and out at every doorway, looked from every window, fluttered +in every vestige of a garment that the wind shook. The mill which +had worked them down, was the mill that grinds young people old; the +children had ancient faces and grave voices; and upon them, and upon the +grown faces, and ploughed into every furrow of age and coming up afresh, +was the sigh, Hunger. It was prevalent everywhere. Hunger was pushed out +of the tall houses, in the wretched clothing that hung upon poles and +lines; Hunger was patched into them with straw and rag and wood and +paper; Hunger was repeated in every fragment of the small modicum of +firewood that the man sawed off; Hunger stared down from the smokeless +chimneys, and started up from the filthy street that had no offal, +among its refuse, of anything to eat. Hunger was the inscription on the +baker's shelves, written in every small loaf of his scanty stock of +bad bread; at the sausage-shop, in every dead-dog preparation that +was offered for sale. Hunger rattled its dry bones among the roasting +chestnuts in the turned cylinder; Hunger was shred into atomics in every +farthing porringer of husky chips of potato, fried with some reluctant +drops of oil. + +Its abiding place was in all things fitted to it. A narrow winding +street, full of offence and stench, with other narrow winding streets +diverging, all peopled by rags and nightcaps, and all smelling of rags +and nightcaps, and all visible things with a brooding look upon them +that looked ill. In the hunted air of the people there was yet some +wild-beast thought of the possibility of turning at bay. Depressed and +slinking though they were, eyes of fire were not wanting among them; nor +compressed lips, white with what they suppressed; nor foreheads knitted +into the likeness of the gallows-rope they mused about enduring, or +inflicting. The trade signs (and they were almost as many as the shops) +were, all, grim illustrations of Want. The butcher and the porkman +painted up, only the leanest scrags of meat; the baker, the coarsest of +meagre loaves. The people rudely pictured as drinking in the wine-shops, +croaked over their scanty measures of thin wine and beer, and were +gloweringly confidential together. Nothing was represented in a +flourishing condition, save tools and weapons; but, the cutler's knives +and axes were sharp and bright, the smith's hammers were heavy, and the +gunmaker's stock was murderous. The crippling stones of the pavement, +with their many little reservoirs of mud and water, had no footways, but +broke off abruptly at the doors. The kennel, to make amends, ran down +the middle of the street--when it ran at all: which was only after heavy +rains, and then it ran, by many eccentric fits, into the houses. Across +the streets, at wide intervals, one clumsy lamp was slung by a rope and +pulley; at night, when the lamplighter had let these down, and lighted, +and hoisted them again, a feeble grove of dim wicks swung in a sickly +manner overhead, as if they were at sea. Indeed they were at sea, and +the ship and crew were in peril of tempest. + +For, the time was to come, when the gaunt scarecrows of that region +should have watched the lamplighter, in their idleness and hunger, so +long, as to conceive the idea of improving on his method, and hauling +up men by those ropes and pulleys, to flare upon the darkness of their +condition. But, the time was not come yet; and every wind that blew over +France shook the rags of the scarecrows in vain, for the birds, fine of +song and feather, took no warning. + +The wine-shop was a corner shop, better than most others in its +appearance and degree, and the master of the wine-shop had stood outside +it, in a yellow waistcoat and green breeches, looking on at the struggle +for the lost wine. "It's not my affair," said he, with a final shrug +of the shoulders. "The people from the market did it. Let them bring +another." + +There, his eyes happening to catch the tall joker writing up his joke, +he called to him across the way: + +"Say, then, my Gaspard, what do you do there?" + +The fellow pointed to his joke with immense significance, as is often +the way with his tribe. It missed its mark, and completely failed, as is +often the way with his tribe too. + +"What now? Are you a subject for the mad hospital?" said the wine-shop +keeper, crossing the road, and obliterating the jest with a handful of +mud, picked up for the purpose, and smeared over it. "Why do you write +in the public streets? Is there--tell me thou--is there no other place +to write such words in?" + +In his expostulation he dropped his cleaner hand (perhaps accidentally, +perhaps not) upon the joker's heart. The joker rapped it with his +own, took a nimble spring upward, and came down in a fantastic dancing +attitude, with one of his stained shoes jerked off his foot into his +hand, and held out. A joker of an extremely, not to say wolfishly +practical character, he looked, under those circumstances. + +"Put it on, put it on," said the other. "Call wine, wine; and finish +there." With that advice, he wiped his soiled hand upon the joker's +dress, such as it was--quite deliberately, as having dirtied the hand on +his account; and then recrossed the road and entered the wine-shop. + +This wine-shop keeper was a bull-necked, martial-looking man of thirty, +and he should have been of a hot temperament, for, although it was a +bitter day, he wore no coat, but carried one slung over his shoulder. +His shirt-sleeves were rolled up, too, and his brown arms were bare to +the elbows. Neither did he wear anything more on his head than his own +crisply-curling short dark hair. He was a dark man altogether, with good +eyes and a good bold breadth between them. Good-humoured looking on +the whole, but implacable-looking, too; evidently a man of a strong +resolution and a set purpose; a man not desirable to be met, rushing +down a narrow pass with a gulf on either side, for nothing would turn +the man. + +Madame Defarge, his wife, sat in the shop behind the counter as he +came in. Madame Defarge was a stout woman of about his own age, with +a watchful eye that seldom seemed to look at anything, a large hand +heavily ringed, a steady face, strong features, and great composure of +manner. There was a character about Madame Defarge, from which one might +have predicated that she did not often make mistakes against herself +in any of the reckonings over which she presided. Madame Defarge being +sensitive to cold, was wrapped in fur, and had a quantity of bright +shawl twined about her head, though not to the concealment of her large +earrings. Her knitting was before her, but she had laid it down to pick +her teeth with a toothpick. Thus engaged, with her right elbow supported +by her left hand, Madame Defarge said nothing when her lord came in, but +coughed just one grain of cough. This, in combination with the lifting +of her darkly defined eyebrows over her toothpick by the breadth of a +line, suggested to her husband that he would do well to look round the +shop among the customers, for any new customer who had dropped in while +he stepped over the way. + +The wine-shop keeper accordingly rolled his eyes about, until they +rested upon an elderly gentleman and a young lady, who were seated in +a corner. Other company were there: two playing cards, two playing +dominoes, three standing by the counter lengthening out a short supply +of wine. As he passed behind the counter, he took notice that the +elderly gentleman said in a look to the young lady, "This is our man." + +"What the devil do _you_ do in that galley there?" said Monsieur Defarge +to himself; "I don't know you." + +But, he feigned not to notice the two strangers, and fell into discourse +with the triumvirate of customers who were drinking at the counter. + +"How goes it, Jacques?" said one of these three to Monsieur Defarge. "Is +all the spilt wine swallowed?" + +"Every drop, Jacques," answered Monsieur Defarge. + +When this interchange of Christian name was effected, Madame Defarge, +picking her teeth with her toothpick, coughed another grain of cough, +and raised her eyebrows by the breadth of another line. + +"It is not often," said the second of the three, addressing Monsieur +Defarge, "that many of these miserable beasts know the taste of wine, or +of anything but black bread and death. Is it not so, Jacques?" + +"It is so, Jacques," Monsieur Defarge returned. + +At this second interchange of the Christian name, Madame Defarge, still +using her toothpick with profound composure, coughed another grain of +cough, and raised her eyebrows by the breadth of another line. + +The last of the three now said his say, as he put down his empty +drinking vessel and smacked his lips. + +"Ah! So much the worse! A bitter taste it is that such poor cattle +always have in their mouths, and hard lives they live, Jacques. Am I +right, Jacques?" + +"You are right, Jacques," was the response of Monsieur Defarge. + +This third interchange of the Christian name was completed at the moment +when Madame Defarge put her toothpick by, kept her eyebrows up, and +slightly rustled in her seat. + +"Hold then! True!" muttered her husband. "Gentlemen--my wife!" + +The three customers pulled off their hats to Madame Defarge, with three +flourishes. She acknowledged their homage by bending her head, and +giving them a quick look. Then she glanced in a casual manner round the +wine-shop, took up her knitting with great apparent calmness and repose +of spirit, and became absorbed in it. + +"Gentlemen," said her husband, who had kept his bright eye observantly +upon her, "good day. The chamber, furnished bachelor-fashion, that you +wished to see, and were inquiring for when I stepped out, is on the +fifth floor. The doorway of the staircase gives on the little courtyard +close to the left here," pointing with his hand, "near to the window of +my establishment. But, now that I remember, one of you has already been +there, and can show the way. Gentlemen, adieu!" + +They paid for their wine, and left the place. The eyes of Monsieur +Defarge were studying his wife at her knitting when the elderly +gentleman advanced from his corner, and begged the favour of a word. + +"Willingly, sir," said Monsieur Defarge, and quietly stepped with him to +the door. + +Their conference was very short, but very decided. Almost at the first +word, Monsieur Defarge started and became deeply attentive. It had +not lasted a minute, when he nodded and went out. The gentleman then +beckoned to the young lady, and they, too, went out. Madame Defarge +knitted with nimble fingers and steady eyebrows, and saw nothing. + +Mr Jarvis Lorry and Miss Manette, emerging from the wine-shop thus, +joined Monsieur Defarge in the doorway to which he had directed his own +company just before. It opened from a stinking little black courtyard, +and was the general public entrance to a great pile of houses, inhabited +by a great number of people. In the gloomy tile-paved entry to the +gloomy tile-paved staircase, Monsieur Defarge bent down on one knee +to the child of his old master, and put her hand to his lips. It was +a gentle action, but not at all gently done; a very remarkable +transformation had come over him in a few seconds. He had no good-humour +in his face, nor any openness of aspect left, but had become a secret, +angry, dangerous man. + +"It is very high; it is a little difficult. Better to begin slowly." + Thus, Monsieur Defarge, in a stern voice, to Mr Lorry, as they began +ascending the stairs. + +"Is he alone?" the latter whispered. + +"Alone! God help him, who should be with him!" said the other, in the +same low voice. + +"Is he always alone, then?" + +"Yes." + +"Of his own desire?" + +"Of his own necessity. As he was, when I first saw him after they +found me and demanded to know if I would take him, and, at my peril be +discreet--as he was then, so he is now." + +"He is greatly changed?" + +"Changed!" + +The keeper of the wine-shop stopped to strike the wall with his hand, +and mutter a tremendous curse. No direct answer could have been half so +forcible. Mr Lorry's spirits grew heavier and heavier, as he and his +two companions ascended higher and higher. + +Such a staircase, with its accessories, in the older and more crowded +parts of Paris, would be bad enough now; but, at that time, it was vile +indeed to unaccustomed and unhardened senses. Every little habitation +within the great foul nest of one high building--that is to say, +the room or rooms within every door that opened on the general +staircase--left its own heap of refuse on its own landing, besides +flinging other refuse from its own windows. The uncontrollable and +hopeless mass of decomposition so engendered, would have polluted +the air, even if poverty and deprivation had not loaded it with their +intangible impurities; the two bad sources combined made it almost +insupportable. Through such an atmosphere, by a steep dark shaft of dirt +and poison, the way lay. Yielding to his own disturbance of mind, and to +his young companion's agitation, which became greater every instant, Mr +Jarvis Lorry twice stopped to rest. Each of these stoppages was made +at a doleful grating, by which any languishing good airs that were left +uncorrupted, seemed to escape, and all spoilt and sickly vapours seemed +to crawl in. Through the rusted bars, tastes, rather than glimpses, were +caught of the jumbled neighbourhood; and nothing within range, nearer +or lower than the summits of the two great towers of Notre-Dame, had any +promise on it of healthy life or wholesome aspirations. + +At last, the top of the staircase was gained, and they stopped for the +third time. There was yet an upper staircase, of a steeper inclination +and of contracted dimensions, to be ascended, before the garret story +was reached. The keeper of the wine-shop, always going a little in +advance, and always going on the side which Mr Lorry took, as though he +dreaded to be asked any question by the young lady, turned himself about +here, and, carefully feeling in the pockets of the coat he carried over +his shoulder, took out a key. + +"The door is locked then, my friend?" said Mr Lorry, surprised. + +"Ay. Yes," was the grim reply of Monsieur Defarge. + +"You think it necessary to keep the unfortunate gentleman so retired?" + +"I think it necessary to turn the key." Monsieur Defarge whispered it +closer in his ear, and frowned heavily. + +"Why?" + +"Why! Because he has lived so long, locked up, that he would be +frightened--rave--tear himself to pieces--die--come to I know not what +harm--if his door was left open." + +"Is it possible!" exclaimed Mr Lorry. + +"Is it possible!" repeated Defarge, bitterly. "Yes. And a beautiful +world we live in, when it _is_ possible, and when many other such things +are possible, and not only possible, but done--done, see you!--under +that sky there, every day. Long live the Devil. Let us go on." + +This dialogue had been held in so very low a whisper, that not a word +of it had reached the young lady's ears. But, by this time she trembled +under such strong emotion, and her face expressed such deep anxiety, +and, above all, such dread and terror, that Mr Lorry felt it incumbent +on him to speak a word or two of reassurance. + +"Courage, dear miss! Courage! Business! The worst will be over in a +moment; it is but passing the room-door, and the worst is over. Then, +all the good you bring to him, all the relief, all the happiness you +bring to him, begin. Let our good friend here, assist you on that side. +That's well, friend Defarge. Come, now. Business, business!" + +They went up slowly and softly. The staircase was short, and they were +soon at the top. There, as it had an abrupt turn in it, they came all at +once in sight of three men, whose heads were bent down close together at +the side of a door, and who were intently looking into the room to which +the door belonged, through some chinks or holes in the wall. On hearing +footsteps close at hand, these three turned, and rose, and showed +themselves to be the three of one name who had been drinking in the +wine-shop. + +"I forgot them in the surprise of your visit," explained Monsieur +Defarge. "Leave us, good boys; we have business here." + +The three glided by, and went silently down. + +There appearing to be no other door on that floor, and the keeper of +the wine-shop going straight to this one when they were left alone, Mr +Lorry asked him in a whisper, with a little anger: + +"Do you make a show of Monsieur Manette?" + +"I show him, in the way you have seen, to a chosen few." + +"Is that well?" + +"_I_ think it is well." + +"Who are the few? How do you choose them?" + +"I choose them as real men, of my name--Jacques is my name--to whom the +sight is likely to do good. Enough; you are English; that is another +thing. Stay there, if you please, a little moment." + +With an admonitory gesture to keep them back, he stooped, and looked in +through the crevice in the wall. Soon raising his head again, he struck +twice or thrice upon the door--evidently with no other object than to +make a noise there. With the same intention, he drew the key across it, +three or four times, before he put it clumsily into the lock, and turned +it as heavily as he could. + +The door slowly opened inward under his hand, and he looked into the +room and said something. A faint voice answered something. Little more +than a single syllable could have been spoken on either side. + +He looked back over his shoulder, and beckoned them to enter. Mr Lorry +got his arm securely round the daughter's waist, and held her; for he +felt that she was sinking. + +"A-a-a-business, business!" he urged, with a moisture that was not of +business shining on his cheek. "Come in, come in!" + +"I am afraid of it," she answered, shuddering. + +"Of it? What?" + +"I mean of him. Of my father." + +Rendered in a manner desperate, by her state and by the beckoning of +their conductor, he drew over his neck the arm that shook upon his +shoulder, lifted her a little, and hurried her into the room. He sat her +down just within the door, and held her, clinging to him. + +Defarge drew out the key, closed the door, locked it on the inside, +took out the key again, and held it in his hand. All this he did, +methodically, and with as loud and harsh an accompaniment of noise as he +could make. Finally, he walked across the room with a measured tread to +where the window was. He stopped there, and faced round. + +The garret, built to be a depository for firewood and the like, was dim +and dark: for, the window of dormer shape, was in truth a door in the +roof, with a little crane over it for the hoisting up of stores from +the street: unglazed, and closing up the middle in two pieces, like any +other door of French construction. To exclude the cold, one half of this +door was fast closed, and the other was opened but a very little way. +Such a scanty portion of light was admitted through these means, that it +was difficult, on first coming in, to see anything; and long habit +alone could have slowly formed in any one, the ability to do any work +requiring nicety in such obscurity. Yet, work of that kind was being +done in the garret; for, with his back towards the door, and his face +towards the window where the keeper of the wine-shop stood looking at +him, a white-haired man sat on a low bench, stooping forward and very +busy, making shoes. + + + + +CHAPTER VI. +The Shoemaker + + +"Good day!" said Monsieur Defarge, looking down at the white head that +bent low over the shoemaking. + +It was raised for a moment, and a very faint voice responded to the +salutation, as if it were at a distance: + +"Good day!" + +"You are still hard at work, I see?" + +After a long silence, the head was lifted for another moment, and the +voice replied, "Yes--I am working." This time, a pair of haggard eyes +had looked at the questioner, before the face had dropped again. + +The faintness of the voice was pitiable and dreadful. It was not the +faintness of physical weakness, though confinement and hard fare no +doubt had their part in it. Its deplorable peculiarity was, that it was +the faintness of solitude and disuse. It was like the last feeble echo +of a sound made long and long ago. So entirely had it lost the life and +resonance of the human voice, that it affected the senses like a once +beautiful colour faded away into a poor weak stain. So sunken and +suppressed it was, that it was like a voice underground. So expressive +it was, of a hopeless and lost creature, that a famished traveller, +wearied out by lonely wandering in a wilderness, would have remembered +home and friends in such a tone before lying down to die. + +Some minutes of silent work had passed: and the haggard eyes had looked +up again: not with any interest or curiosity, but with a dull mechanical +perception, beforehand, that the spot where the only visitor they were +aware of had stood, was not yet empty. + +"I want," said Defarge, who had not removed his gaze from the shoemaker, +"to let in a little more light here. You can bear a little more?" + +The shoemaker stopped his work; looked with a vacant air of listening, +at the floor on one side of him; then similarly, at the floor on the +other side of him; then, upward at the speaker. + +"What did you say?" + +"You can bear a little more light?" + +"I must bear it, if you let it in." (Laying the palest shadow of a +stress upon the second word.) + +The opened half-door was opened a little further, and secured at that +angle for the time. A broad ray of light fell into the garret, and +showed the workman with an unfinished shoe upon his lap, pausing in his +labour. His few common tools and various scraps of leather were at his +feet and on his bench. He had a white beard, raggedly cut, but not very +long, a hollow face, and exceedingly bright eyes. The hollowness and +thinness of his face would have caused them to look large, under his yet +dark eyebrows and his confused white hair, though they had been really +otherwise; but, they were naturally large, and looked unnaturally so. +His yellow rags of shirt lay open at the throat, and showed his body +to be withered and worn. He, and his old canvas frock, and his loose +stockings, and all his poor tatters of clothes, had, in a long seclusion +from direct light and air, faded down to such a dull uniformity of +parchment-yellow, that it would have been hard to say which was which. + +He had put up a hand between his eyes and the light, and the very bones +of it seemed transparent. So he sat, with a steadfastly vacant gaze, +pausing in his work. He never looked at the figure before him, without +first looking down on this side of himself, then on that, as if he had +lost the habit of associating place with sound; he never spoke, without +first wandering in this manner, and forgetting to speak. + +"Are you going to finish that pair of shoes to-day?" asked Defarge, +motioning to Mr Lorry to come forward. + +"What did you say?" + +"Do you mean to finish that pair of shoes to-day?" + +"I can't say that I mean to. I suppose so. I don't know." + +But, the question reminded him of his work, and he bent over it again. + +Mr Lorry came silently forward, leaving the daughter by the door. When +he had stood, for a minute or two, by the side of Defarge, the shoemaker +looked up. He showed no surprise at seeing another figure, but the +unsteady fingers of one of his hands strayed to his lips as he looked at +it (his lips and his nails were of the same pale lead-colour), and then +the hand dropped to his work, and he once more bent over the shoe. The +look and the action had occupied but an instant. + +"You have a visitor, you see," said Monsieur Defarge. + +"What did you say?" + +"Here is a visitor." + +The shoemaker looked up as before, but without removing a hand from his +work. + +"Come!" said Defarge. "Here is monsieur, who knows a well-made shoe when +he sees one. Show him that shoe you are working at. Take it, monsieur." + +Mr Lorry took it in his hand. + +"Tell monsieur what kind of shoe it is, and the maker's name." + +There was a longer pause than usual, before the shoemaker replied: + +"I forget what it was you asked me. What did you say?" + +"I said, couldn't you describe the kind of shoe, for monsieur's +information?" + +"It is a lady's shoe. It is a young lady's walking-shoe. It is in the +present mode. I never saw the mode. I have had a pattern in my hand." He +glanced at the shoe with some little passing touch of pride. + +"And the maker's name?" said Defarge. + +Now that he had no work to hold, he laid the knuckles of the right hand +in the hollow of the left, and then the knuckles of the left hand in the +hollow of the right, and then passed a hand across his bearded chin, and +so on in regular changes, without a moment's intermission. The task of +recalling him from the vagrancy into which he always sank when he +had spoken, was like recalling some very weak person from a swoon, or +endeavouring, in the hope of some disclosure, to stay the spirit of a +fast-dying man. + +"Did you ask me for my name?" + +"Assuredly I did." + +"One Hundred and Five, North Tower." + +"Is that all?" + +"One Hundred and Five, North Tower." + +With a weary sound that was not a sigh, nor a groan, he bent to work +again, until the silence was again broken. + +"You are not a shoemaker by trade?" said Mr Lorry, looking steadfastly +at him. + +His haggard eyes turned to Defarge as if he would have transferred the +question to him: but as no help came from that quarter, they turned back +on the questioner when they had sought the ground. + +"I am not a shoemaker by trade? No, I was not a shoemaker by trade. I-I +learnt it here. I taught myself. I asked leave to--" + +He lapsed away, even for minutes, ringing those measured changes on his +hands the whole time. His eyes came slowly back, at last, to the face +from which they had wandered; when they rested on it, he started, and +resumed, in the manner of a sleeper that moment awake, reverting to a +subject of last night. + +"I asked leave to teach myself, and I got it with much difficulty after +a long while, and I have made shoes ever since." + +As he held out his hand for the shoe that had been taken from him, Mr +Lorry said, still looking steadfastly in his face: + +"Monsieur Manette, do you remember nothing of me?" + +The shoe dropped to the ground, and he sat looking fixedly at the +questioner. + +"Monsieur Manette"; Mr Lorry laid his hand upon Defarge's arm; "do you +remember nothing of this man? Look at him. Look at me. Is there no old +banker, no old business, no old servant, no old time, rising in your +mind, Monsieur Manette?" + +As the captive of many years sat looking fixedly, by turns, at Mr +Lorry and at Defarge, some long obliterated marks of an actively intent +intelligence in the middle of the forehead, gradually forced themselves +through the black mist that had fallen on him. They were overclouded +again, they were fainter, they were gone; but they had been there. And +so exactly was the expression repeated on the fair young face of her who +had crept along the wall to a point where she could see him, and where +she now stood looking at him, with hands which at first had been only +raised in frightened compassion, if not even to keep him off and +shut out the sight of him, but which were now extending towards him, +trembling with eagerness to lay the spectral face upon her warm young +breast, and love it back to life and hope--so exactly was the expression +repeated (though in stronger characters) on her fair young face, that it +looked as though it had passed like a moving light, from him to her. + +Darkness had fallen on him in its place. He looked at the two, less and +less attentively, and his eyes in gloomy abstraction sought the ground +and looked about him in the old way. Finally, with a deep long sigh, he +took the shoe up, and resumed his work. + +"Have you recognised him, monsieur?" asked Defarge in a whisper. + +"Yes; for a moment. At first I thought it quite hopeless, but I have +unquestionably seen, for a single moment, the face that I once knew so +well. Hush! Let us draw further back. Hush!" + +She had moved from the wall of the garret, very near to the bench on +which he sat. There was something awful in his unconsciousness of the +figure that could have put out its hand and touched him as he stooped +over his labour. + +Not a word was spoken, not a sound was made. She stood, like a spirit, +beside him, and he bent over his work. + +It happened, at length, that he had occasion to change the instrument +in his hand, for his shoemaker's knife. It lay on that side of him +which was not the side on which she stood. He had taken it up, and was +stooping to work again, when his eyes caught the skirt of her dress. He +raised them, and saw her face. The two spectators started forward, +but she stayed them with a motion of her hand. She had no fear of his +striking at her with the knife, though they had. + +He stared at her with a fearful look, and after a while his lips began +to form some words, though no sound proceeded from them. By degrees, in +the pauses of his quick and laboured breathing, he was heard to say: + +"What is this?" + +With the tears streaming down her face, she put her two hands to her +lips, and kissed them to him; then clasped them on her breast, as if she +laid his ruined head there. + +"You are not the gaoler's daughter?" + +She sighed "No." + +"Who are you?" + +Not yet trusting the tones of her voice, she sat down on the bench +beside him. He recoiled, but she laid her hand upon his arm. A strange +thrill struck him when she did so, and visibly passed over his frame; he +laid the knife down softly, as he sat staring at her. + +Her golden hair, which she wore in long curls, had been hurriedly pushed +aside, and fell down over her neck. Advancing his hand by little and +little, he took it up and looked at it. In the midst of the action +he went astray, and, with another deep sigh, fell to work at his +shoemaking. + +But not for long. Releasing his arm, she laid her hand upon his +shoulder. After looking doubtfully at it, two or three times, as if to +be sure that it was really there, he laid down his work, put his hand +to his neck, and took off a blackened string with a scrap of folded rag +attached to it. He opened this, carefully, on his knee, and it contained +a very little quantity of hair: not more than one or two long golden +hairs, which he had, in some old day, wound off upon his finger. + +He took her hair into his hand again, and looked closely at it. "It is +the same. How can it be! When was it! How was it!" + +As the concentrated expression returned to his forehead, he seemed to +become conscious that it was in hers too. He turned her full to the +light, and looked at her. + +"She had laid her head upon my shoulder, that night when I was summoned +out--she had a fear of my going, though I had none--and when I was +brought to the North Tower they found these upon my sleeve. 'You will +leave me them? They can never help me to escape in the body, though they +may in the spirit.' Those were the words I said. I remember them very +well." + +He formed this speech with his lips many times before he could utter it. +But when he did find spoken words for it, they came to him coherently, +though slowly. + +"How was this?--_Was it you_?" + +Once more, the two spectators started, as he turned upon her with a +frightful suddenness. But she sat perfectly still in his grasp, and only +said, in a low voice, "I entreat you, good gentlemen, do not come near +us, do not speak, do not move!" + +"Hark!" he exclaimed. "Whose voice was that?" + +His hands released her as he uttered this cry, and went up to his white +hair, which they tore in a frenzy. It died out, as everything but his +shoemaking did die out of him, and he refolded his little packet and +tried to secure it in his breast; but he still looked at her, and +gloomily shook his head. + +"No, no, no; you are too young, too blooming. It can't be. See what the +prisoner is. These are not the hands she knew, this is not the face +she knew, this is not a voice she ever heard. No, no. She was--and He +was--before the slow years of the North Tower--ages ago. What is your +name, my gentle angel?" + +Hailing his softened tone and manner, his daughter fell upon her knees +before him, with her appealing hands upon his breast. + +"O, sir, at another time you shall know my name, and who my mother was, +and who my father, and how I never knew their hard, hard history. But I +cannot tell you at this time, and I cannot tell you here. All that I may +tell you, here and now, is, that I pray to you to touch me and to bless +me. Kiss me, kiss me! O my dear, my dear!" + +His cold white head mingled with her radiant hair, which warmed and +lighted it as though it were the light of Freedom shining on him. + +"If you hear in my voice--I don't know that it is so, but I hope it +is--if you hear in my voice any resemblance to a voice that once was +sweet music in your ears, weep for it, weep for it! If you touch, in +touching my hair, anything that recalls a beloved head that lay on your +breast when you were young and free, weep for it, weep for it! If, when +I hint to you of a Home that is before us, where I will be true to you +with all my duty and with all my faithful service, I bring back the +remembrance of a Home long desolate, while your poor heart pined away, +weep for it, weep for it!" + +She held him closer round the neck, and rocked him on her breast like a +child. + +"If, when I tell you, dearest dear, that your agony is over, and that I +have come here to take you from it, and that we go to England to be at +peace and at rest, I cause you to think of your useful life laid waste, +and of our native France so wicked to you, weep for it, weep for it! And +if, when I shall tell you of my name, and of my father who is living, +and of my mother who is dead, you learn that I have to kneel to my +honoured father, and implore his pardon for having never for his sake +striven all day and lain awake and wept all night, because the love of +my poor mother hid his torture from me, weep for it, weep for it! Weep +for her, then, and for me! Good gentlemen, thank God! I feel his sacred +tears upon my face, and his sobs strike against my heart. O, see! Thank +God for us, thank God!" + +He had sunk in her arms, and his face dropped on her breast: a sight so +touching, yet so terrible in the tremendous wrong and suffering which +had gone before it, that the two beholders covered their faces. + +When the quiet of the garret had been long undisturbed, and his heaving +breast and shaken form had long yielded to the calm that must follow all +storms--emblem to humanity, of the rest and silence into which the storm +called Life must hush at last--they came forward to raise the father and +daughter from the ground. He had gradually dropped to the floor, and lay +there in a lethargy, worn out. She had nestled down with him, that his +head might lie upon her arm; and her hair drooping over him curtained +him from the light. + +"If, without disturbing him," she said, raising her hand to Mr Lorry as +he stooped over them, after repeated blowings of his nose, "all could be +arranged for our leaving Paris at once, so that, from the very door, he +could be taken away--" + +"But, consider. Is he fit for the journey?" asked Mr Lorry. + +"More fit for that, I think, than to remain in this city, so dreadful to +him." + +"It is true," said Defarge, who was kneeling to look on and hear. "More +than that; Monsieur Manette is, for all reasons, best out of France. +Say, shall I hire a carriage and post-horses?" + +"That's business," said Mr Lorry, resuming on the shortest notice his +methodical manners; "and if business is to be done, I had better do it." + +"Then be so kind," urged Miss Manette, "as to leave us here. You see how +composed he has become, and you cannot be afraid to leave him with me +now. Why should you be? If you will lock the door to secure us from +interruption, I do not doubt that you will find him, when you come back, +as quiet as you leave him. In any case, I will take care of him until +you return, and then we will remove him straight." + +Both Mr Lorry and Defarge were rather disinclined to this course, and +in favour of one of them remaining. But, as there were not only carriage +and horses to be seen to, but travelling papers; and as time pressed, +for the day was drawing to an end, it came at last to their hastily +dividing the business that was necessary to be done, and hurrying away +to do it. + +Then, as the darkness closed in, the daughter laid her head down on the +hard ground close at the father's side, and watched him. The darkness +deepened and deepened, and they both lay quiet, until a light gleamed +through the chinks in the wall. + +Mr Lorry and Monsieur Defarge had made all ready for the journey, and +had brought with them, besides travelling cloaks and wrappers, bread and +meat, wine, and hot coffee. Monsieur Defarge put this provender, and the +lamp he carried, on the shoemaker's bench (there was nothing else in the +garret but a pallet bed), and he and Mr Lorry roused the captive, and +assisted him to his feet. + +No human intelligence could have read the mysteries of his mind, in +the scared blank wonder of his face. Whether he knew what had happened, +whether he recollected what they had said to him, whether he knew that +he was free, were questions which no sagacity could have solved. They +tried speaking to him; but, he was so confused, and so very slow to +answer, that they took fright at his bewilderment, and agreed for +the time to tamper with him no more. He had a wild, lost manner of +occasionally clasping his head in his hands, that had not been seen +in him before; yet, he had some pleasure in the mere sound of his +daughter's voice, and invariably turned to it when she spoke. + +In the submissive way of one long accustomed to obey under coercion, he +ate and drank what they gave him to eat and drink, and put on the cloak +and other wrappings, that they gave him to wear. He readily responded to +his daughter's drawing her arm through his, and took--and kept--her hand +in both his own. + +They began to descend; Monsieur Defarge going first with the lamp, Mr +Lorry closing the little procession. They had not traversed many steps +of the long main staircase when he stopped, and stared at the roof and +round at the walls. + +"You remember the place, my father? You remember coming up here?" + +"What did you say?" + +But, before she could repeat the question, he murmured an answer as if +she had repeated it. + +"Remember? No, I don't remember. It was so very long ago." + +That he had no recollection whatever of his having been brought from his +prison to that house, was apparent to them. They heard him mutter, +"One Hundred and Five, North Tower;" and when he looked about him, it +evidently was for the strong fortress-walls which had long encompassed +him. On their reaching the courtyard he instinctively altered his +tread, as being in expectation of a drawbridge; and when there was +no drawbridge, and he saw the carriage waiting in the open street, he +dropped his daughter's hand and clasped his head again. + +No crowd was about the door; no people were discernible at any of the +many windows; not even a chance passerby was in the street. An unnatural +silence and desertion reigned there. Only one soul was to be seen, and +that was Madame Defarge--who leaned against the door-post, knitting, and +saw nothing. + +The prisoner had got into a coach, and his daughter had followed +him, when Mr Lorry's feet were arrested on the step by his asking, +miserably, for his shoemaking tools and the unfinished shoes. Madame +Defarge immediately called to her husband that she would get them, and +went, knitting, out of the lamplight, through the courtyard. She quickly +brought them down and handed them in;--and immediately afterwards leaned +against the door-post, knitting, and saw nothing. + +Defarge got upon the box, and gave the word "To the Barrier!" The +postilion cracked his whip, and they clattered away under the feeble +over-swinging lamps. + +Under the over-swinging lamps--swinging ever brighter in the better +streets, and ever dimmer in the worse--and by lighted shops, gay crowds, +illuminated coffee-houses, and theatre-doors, to one of the city +gates. Soldiers with lanterns, at the guard-house there. "Your papers, +travellers!" "See here then, Monsieur the Officer," said Defarge, +getting down, and taking him gravely apart, "these are the papers of +monsieur inside, with the white head. They were consigned to me, with +him, at the--" He dropped his voice, there was a flutter among the +military lanterns, and one of them being handed into the coach by an arm +in uniform, the eyes connected with the arm looked, not an every day +or an every night look, at monsieur with the white head. "It is well. +Forward!" from the uniform. "Adieu!" from Defarge. And so, under a short +grove of feebler and feebler over-swinging lamps, out under the great +grove of stars. + +Beneath that arch of unmoved and eternal lights; some, so remote from +this little earth that the learned tell us it is doubtful whether their +rays have even yet discovered it, as a point in space where anything +is suffered or done: the shadows of the night were broad and black. +All through the cold and restless interval, until dawn, they once more +whispered in the ears of Mr Jarvis Lorry--sitting opposite the buried +man who had been dug out, and wondering what subtle powers were for ever +lost to him, and what were capable of restoration--the old inquiry: + +"I hope you care to be recalled to life?" + +And the old answer: + +"I can't say." + + +The end of the first book. + + + + +Book the Second--the Golden Thread + + + + +CHAPTER I. +Five Years Later + + +Tellson's Bank by Temple Bar was an old-fashioned place, even in the +year one thousand seven hundred and eighty. It was very small, very +dark, very ugly, very incommodious. It was an old-fashioned place, +moreover, in the moral attribute that the partners in the House were +proud of its smallness, proud of its darkness, proud of its ugliness, +proud of its incommodiousness. They were even boastful of its eminence +in those particulars, and were fired by an express conviction that, if +it were less objectionable, it would be less respectable. This was +no passive belief, but an active weapon which they flashed at more +convenient places of business. Tellson's (they said) wanted +no elbow-room, Tellson's wanted no light, Tellson's wanted no +embellishment. Noakes and Co.'s might, or Snooks Brothers' might; but +Tellson's, thank Heaven--! + +Any one of these partners would have disinherited his son on the +question of rebuilding Tellson's. In this respect the House was much +on a par with the Country; which did very often disinherit its sons for +suggesting improvements in laws and customs that had long been highly +objectionable, but were only the more respectable. + +Thus it had come to pass, that Tellson's was the triumphant perfection +of inconvenience. After bursting open a door of idiotic obstinacy with +a weak rattle in its throat, you fell into Tellson's down two steps, +and came to your senses in a miserable little shop, with two little +counters, where the oldest of men made your cheque shake as if the +wind rustled it, while they examined the signature by the dingiest of +windows, which were always under a shower-bath of mud from Fleet-street, +and which were made the dingier by their own iron bars proper, and the +heavy shadow of Temple Bar. If your business necessitated your seeing +"the House," you were put into a species of Condemned Hold at the back, +where you meditated on a misspent life, until the House came with its +hands in its pockets, and you could hardly blink at it in the dismal +twilight. Your money came out of, or went into, wormy old wooden +drawers, particles of which flew up your nose and down your throat when +they were opened and shut. Your bank-notes had a musty odour, as if they +were fast decomposing into rags again. Your plate was stowed away among +the neighbouring cesspools, and evil communications corrupted its good +polish in a day or two. Your deeds got into extemporised strong-rooms +made of kitchens and sculleries, and fretted all the fat out of their +parchments into the banking-house air. Your lighter boxes of family +papers went up-stairs into a Barmecide room, that always had a great +dining-table in it and never had a dinner, and where, even in the year +one thousand seven hundred and eighty, the first letters written to you +by your old love, or by your little children, were but newly released +from the horror of being ogled through the windows, by the heads +exposed on Temple Bar with an insensate brutality and ferocity worthy of +Abyssinia or Ashantee. + +But indeed, at that time, putting to death was a recipe much in vogue +with all trades and professions, and not least of all with Tellson's. +Death is Nature's remedy for all things, and why not Legislation's? +Accordingly, the forger was put to Death; the utterer of a bad note +was put to Death; the unlawful opener of a letter was put to Death; the +purloiner of forty shillings and sixpence was put to Death; the holder +of a horse at Tellson's door, who made off with it, was put to +Death; the coiner of a bad shilling was put to Death; the sounders of +three-fourths of the notes in the whole gamut of Crime, were put to +Death. Not that it did the least good in the way of prevention--it +might almost have been worth remarking that the fact was exactly the +reverse--but, it cleared off (as to this world) the trouble of each +particular case, and left nothing else connected with it to be looked +after. Thus, Tellson's, in its day, like greater places of business, +its contemporaries, had taken so many lives, that, if the heads laid +low before it had been ranged on Temple Bar instead of being privately +disposed of, they would probably have excluded what little light the +ground floor had, in a rather significant manner. + +Cramped in all kinds of dim cupboards and hutches at Tellson's, the +oldest of men carried on the business gravely. When they took a young +man into Tellson's London house, they hid him somewhere till he was +old. They kept him in a dark place, like a cheese, until he had the full +Tellson flavour and blue-mould upon him. Then only was he permitted to +be seen, spectacularly poring over large books, and casting his breeches +and gaiters into the general weight of the establishment. + +Outside Tellson's--never by any means in it, unless called in--was an +odd-job-man, an occasional porter and messenger, who served as the live +sign of the house. He was never absent during business hours, unless +upon an errand, and then he was represented by his son: a grisly urchin +of twelve, who was his express image. People understood that Tellson's, +in a stately way, tolerated the odd-job-man. The house had always +tolerated some person in that capacity, and time and tide had drifted +this person to the post. His surname was Cruncher, and on the youthful +occasion of his renouncing by proxy the works of darkness, in the +easterly parish church of Hounsditch, he had received the added +appellation of Jerry. + +The scene was Mr Cruncher's private lodging in Hanging-sword-alley, +Whitefriars: the time, half-past seven of the clock on a windy March +morning, Anno Domini seventeen hundred and eighty. (Mr Cruncher himself +always spoke of the year of our Lord as Anna Dominoes: apparently under +the impression that the Christian era dated from the invention of a +popular game, by a lady who had bestowed her name upon it.) + +Mr Cruncher's apartments were not in a savoury neighbourhood, and were +but two in number, even if a closet with a single pane of glass in it +might be counted as one. But they were very decently kept. Early as +it was, on the windy March morning, the room in which he lay abed was +already scrubbed throughout; and between the cups and saucers arranged +for breakfast, and the lumbering deal table, a very clean white cloth +was spread. + +Mr Cruncher reposed under a patchwork counterpane, like a Harlequin +at home. At first, he slept heavily, but, by degrees, began to roll +and surge in bed, until he rose above the surface, with his spiky hair +looking as if it must tear the sheets to ribbons. At which juncture, he +exclaimed, in a voice of dire exasperation: + +"Bust me, if she ain't at it agin!" + +A woman of orderly and industrious appearance rose from her knees in a +corner, with sufficient haste and trepidation to show that she was the +person referred to. + +"What!" said Mr Cruncher, looking out of bed for a boot. "You're at it +agin, are you?" + +After hailing the morn with this second salutation, he threw a boot at +the woman as a third. It was a very muddy boot, and may introduce the +odd circumstance connected with Mr Cruncher's domestic economy, that, +whereas he often came home after banking hours with clean boots, he +often got up next morning to find the same boots covered with clay. + +"What," said Mr Cruncher, varying his apostrophe after missing his +mark--"what are you up to, Aggerawayter?" + +"I was only saying my prayers." + +"Saying your prayers! You're a nice woman! What do you mean by flopping +yourself down and praying agin me?" + +"I was not praying against you; I was praying for you." + +"You weren't. And if you were, I won't be took the liberty with. Here! +your mother's a nice woman, young Jerry, going a praying agin your +father's prosperity. You've got a dutiful mother, you have, my son. +You've got a religious mother, you have, my boy: going and flopping +herself down, and praying that the bread-and-butter may be snatched out +of the mouth of her only child." + +Master Cruncher (who was in his shirt) took this very ill, and, turning +to his mother, strongly deprecated any praying away of his personal +board. + +"And what do you suppose, you conceited female," said Mr Cruncher, with +unconscious inconsistency, "that the worth of _your_ prayers may be? +Name the price that you put _your_ prayers at!" + +"They only come from the heart, Jerry. They are worth no more than +that." + +"Worth no more than that," repeated Mr Cruncher. "They ain't worth +much, then. Whether or no, I won't be prayed agin, I tell you. I can't +afford it. I'm not a going to be made unlucky by _your_ sneaking. If +you must go flopping yourself down, flop in favour of your husband and +child, and not in opposition to 'em. If I had had any but a unnat'ral +wife, and this poor boy had had any but a unnat'ral mother, I might +have made some money last week instead of being counter-prayed and +countermined and religiously circumwented into the worst of luck. +B-u-u-ust me!" said Mr Cruncher, who all this time had been putting +on his clothes, "if I ain't, what with piety and one blowed thing and +another, been choused this last week into as bad luck as ever a poor +devil of a honest tradesman met with! Young Jerry, dress yourself, my +boy, and while I clean my boots keep a eye upon your mother now and +then, and if you see any signs of more flopping, give me a call. For, I +tell you," here he addressed his wife once more, "I won't be gone agin, +in this manner. I am as rickety as a hackney-coach, I'm as sleepy as +laudanum, my lines is strained to that degree that I shouldn't know, if +it wasn't for the pain in 'em, which was me and which somebody else, yet +I'm none the better for it in pocket; and it's my suspicion that you've +been at it from morning to night to prevent me from being the better for +it in pocket, and I won't put up with it, Aggerawayter, and what do you +say now!" + +Growling, in addition, such phrases as "Ah! yes! You're religious, too. +You wouldn't put yourself in opposition to the interests of your husband +and child, would you? Not you!" and throwing off other sarcastic sparks +from the whirling grindstone of his indignation, Mr Cruncher betook +himself to his boot-cleaning and his general preparation for business. +In the meantime, his son, whose head was garnished with tenderer spikes, +and whose young eyes stood close by one another, as his father's did, +kept the required watch upon his mother. He greatly disturbed that poor +woman at intervals, by darting out of his sleeping closet, where he made +his toilet, with a suppressed cry of "You are going to flop, mother. +--Halloa, father!" and, after raising this fictitious alarm, darting in +again with an undutiful grin. + +Mr Cruncher's temper was not at all improved when he came to his +breakfast. He resented Mrs Cruncher's saying grace with particular +animosity. + +"Now, Aggerawayter! What are you up to? At it again?" + +His wife explained that she had merely "asked a blessing." + +"Don't do it!" said Mr Crunches looking about, as if he rather expected +to see the loaf disappear under the efficacy of his wife's petitions. "I +ain't a going to be blest out of house and home. I won't have my wittles +blest off my table. Keep still!" + +Exceedingly red-eyed and grim, as if he had been up all night at a party +which had taken anything but a convivial turn, Jerry Cruncher worried +his breakfast rather than ate it, growling over it like any four-footed +inmate of a menagerie. Towards nine o'clock he smoothed his ruffled +aspect, and, presenting as respectable and business-like an exterior as +he could overlay his natural self with, issued forth to the occupation +of the day. + +It could scarcely be called a trade, in spite of his favourite +description of himself as "a honest tradesman." His stock consisted of +a wooden stool, made out of a broken-backed chair cut down, which stool, +young Jerry, walking at his father's side, carried every morning to +beneath the banking-house window that was nearest Temple Bar: where, +with the addition of the first handful of straw that could be gleaned +from any passing vehicle to keep the cold and wet from the odd-job-man's +feet, it formed the encampment for the day. On this post of his, Mr +Cruncher was as well known to Fleet-street and the Temple, as the Bar +itself,--and was almost as in-looking. + +Encamped at a quarter before nine, in good time to touch his +three-cornered hat to the oldest of men as they passed in to Tellson's, +Jerry took up his station on this windy March morning, with young Jerry +standing by him, when not engaged in making forays through the Bar, to +inflict bodily and mental injuries of an acute description on passing +boys who were small enough for his amiable purpose. Father and son, +extremely like each other, looking silently on at the morning traffic +in Fleet-street, with their two heads as near to one another as the two +eyes of each were, bore a considerable resemblance to a pair of monkeys. +The resemblance was not lessened by the accidental circumstance, that +the mature Jerry bit and spat out straw, while the twinkling eyes of the +youthful Jerry were as restlessly watchful of him as of everything else +in Fleet-street. + +The head of one of the regular indoor messengers attached to Tellson's +establishment was put through the door, and the word was given: + +"Porter wanted!" + +"Hooray, father! Here's an early job to begin with!" + +Having thus given his parent God speed, young Jerry seated himself on +the stool, entered on his reversionary interest in the straw his father +had been chewing, and cogitated. + +"Al-ways rusty! His fingers is al-ways rusty!" muttered young Jerry. +"Where does my father get all that iron rust from? He don't get no iron +rust here!" + + + + +CHAPTER II. +A Sight + + +"You know the Old Bailey well, no doubt?" said one of the oldest of +clerks to Jerry the messenger. + +"Ye-es, sir," returned Jerry, in something of a dogged manner. "I _do_ +know the Bailey." + +"Just so. And you know Mr Lorry." + +"I know Mr Lorry, sir, much better than I know the Bailey. Much +better," said Jerry, not unlike a reluctant witness at the establishment +in question, "than I, as a honest tradesman, wish to know the Bailey." + +"Very well. Find the door where the witnesses go in, and show the +door-keeper this note for Mr Lorry. He will then let you in." + +"Into the court, sir?" + +"Into the court." + +Mr Cruncher's eyes seemed to get a little closer to one another, and to +interchange the inquiry, "What do you think of this?" + +"Am I to wait in the court, sir?" he asked, as the result of that +conference. + +"I am going to tell you. The door-keeper will pass the note to Mr +Lorry, and do you make any gesture that will attract Mr Lorry's +attention, and show him where you stand. Then what you have to do, is, +to remain there until he wants you." + +"Is that all, sir?" + +"That's all. He wishes to have a messenger at hand. This is to tell him +you are there." + +As the ancient clerk deliberately folded and superscribed the note, +Mr Cruncher, after surveying him in silence until he came to the +blotting-paper stage, remarked: + +"I suppose they'll be trying Forgeries this morning?" + +"Treason!" + +"That's quartering," said Jerry. "Barbarous!" + +"It is the law," remarked the ancient clerk, turning his surprised +spectacles upon him. "It is the law." + +"It's hard in the law to spile a man, I think. It's hard enough to kill +him, but it's wery hard to spile him, sir." + +"Not at all," retained the ancient clerk. "Speak well of the law. Take +care of your chest and voice, my good friend, and leave the law to take +care of itself. I give you that advice." + +"It's the damp, sir, what settles on my chest and voice," said Jerry. "I +leave you to judge what a damp way of earning a living mine is." + +"Well, well," said the old clerk; "we all have our various ways of +gaining a livelihood. Some of us have damp ways, and some of us have dry +ways. Here is the letter. Go along." + +Jerry took the letter, and, remarking to himself with less internal +deference than he made an outward show of, "You are a lean old one, +too," made his bow, informed his son, in passing, of his destination, +and went his way. + +They hanged at Tyburn, in those days, so the street outside Newgate had +not obtained one infamous notoriety that has since attached to it. +But, the gaol was a vile place, in which most kinds of debauchery and +villainy were practised, and where dire diseases were bred, that came +into court with the prisoners, and sometimes rushed straight from the +dock at my Lord Chief Justice himself, and pulled him off the bench. It +had more than once happened, that the Judge in the black cap pronounced +his own doom as certainly as the prisoner's, and even died before him. +For the rest, the Old Bailey was famous as a kind of deadly inn-yard, +from which pale travellers set out continually, in carts and coaches, on +a violent passage into the other world: traversing some two miles and a +half of public street and road, and shaming few good citizens, if any. +So powerful is use, and so desirable to be good use in the beginning. It +was famous, too, for the pillory, a wise old institution, that inflicted +a punishment of which no one could foresee the extent; also, for +the whipping-post, another dear old institution, very humanising and +softening to behold in action; also, for extensive transactions in +blood-money, another fragment of ancestral wisdom, systematically +leading to the most frightful mercenary crimes that could be committed +under Heaven. Altogether, the Old Bailey, at that date, was a choice +illustration of the precept, that "Whatever is is right;" an aphorism +that would be as final as it is lazy, did it not include the troublesome +consequence, that nothing that ever was, was wrong. + +Making his way through the tainted crowd, dispersed up and down this +hideous scene of action, with the skill of a man accustomed to make his +way quietly, the messenger found out the door he sought, and handed in +his letter through a trap in it. For, people then paid to see the play +at the Old Bailey, just as they paid to see the play in Bedlam--only the +former entertainment was much the dearer. Therefore, all the Old Bailey +doors were well guarded--except, indeed, the social doors by which the +criminals got there, and those were always left wide open. + +After some delay and demur, the door grudgingly turned on its hinges a +very little way, and allowed Mr Jerry Cruncher to squeeze himself into +court. + +"What's on?" he asked, in a whisper, of the man he found himself next +to. + +"Nothing yet." + +"What's coming on?" + +"The Treason case." + +"The quartering one, eh?" + +"Ah!" returned the man, with a relish; "he'll be drawn on a hurdle to +be half hanged, and then he'll be taken down and sliced before his own +face, and then his inside will be taken out and burnt while he looks on, +and then his head will be chopped off, and he'll be cut into quarters. +That's the sentence." + +"If he's found Guilty, you mean to say?" Jerry added, by way of proviso. + +"Oh! they'll find him guilty," said the other. "Don't you be afraid of +that." + +Mr Cruncher's attention was here diverted to the door-keeper, whom he +saw making his way to Mr Lorry, with the note in his hand. Mr Lorry +sat at a table, among the gentlemen in wigs: not far from a wigged +gentleman, the prisoner's counsel, who had a great bundle of papers +before him: and nearly opposite another wigged gentleman with his hands +in his pockets, whose whole attention, when Mr Cruncher looked at him +then or afterwards, seemed to be concentrated on the ceiling of the +court. After some gruff coughing and rubbing of his chin and signing +with his hand, Jerry attracted the notice of Mr Lorry, who had stood up +to look for him, and who quietly nodded and sat down again. + +"What's _he_ got to do with the case?" asked the man he had spoken with. + +"Blest if I know," said Jerry. + +"What have _you_ got to do with it, then, if a person may inquire?" + +"Blest if I know that either," said Jerry. + +The entrance of the Judge, and a consequent great stir and settling +down in the court, stopped the dialogue. Presently, the dock became the +central point of interest. Two gaolers, who had been standing there, +went out, and the prisoner was brought in, and put to the bar. + +Everybody present, except the one wigged gentleman who looked at the +ceiling, stared at him. All the human breath in the place, rolled +at him, like a sea, or a wind, or a fire. Eager faces strained round +pillars and corners, to get a sight of him; spectators in back rows +stood up, not to miss a hair of him; people on the floor of the court, +laid their hands on the shoulders of the people before them, to help +themselves, at anybody's cost, to a view of him--stood a-tiptoe, got +upon ledges, stood upon next to nothing, to see every inch of him. +Conspicuous among these latter, like an animated bit of the spiked wall +of Newgate, Jerry stood: aiming at the prisoner the beery breath of a +whet he had taken as he came along, and discharging it to mingle with +the waves of other beer, and gin, and tea, and coffee, and what not, +that flowed at him, and already broke upon the great windows behind him +in an impure mist and rain. + +The object of all this staring and blaring, was a young man of about +five-and-twenty, well-grown and well-looking, with a sunburnt cheek and +a dark eye. His condition was that of a young gentleman. He was plainly +dressed in black, or very dark grey, and his hair, which was long and +dark, was gathered in a ribbon at the back of his neck; more to be out +of his way than for ornament. As an emotion of the mind will express +itself through any covering of the body, so the paleness which his +situation engendered came through the brown upon his cheek, showing the +soul to be stronger than the sun. He was otherwise quite self-possessed, +bowed to the Judge, and stood quiet. + +The sort of interest with which this man was stared and breathed at, +was not a sort that elevated humanity. Had he stood in peril of a less +horrible sentence--had there been a chance of any one of its savage +details being spared--by just so much would he have lost in his +fascination. The form that was to be doomed to be so shamefully mangled, +was the sight; the immortal creature that was to be so butchered +and torn asunder, yielded the sensation. Whatever gloss the various +spectators put upon the interest, according to their several arts and +powers of self-deceit, the interest was, at the root of it, Ogreish. + +Silence in the court! Charles Darnay had yesterday pleaded Not Guilty to +an indictment denouncing him (with infinite jingle and jangle) for that +he was a false traitor to our serene, illustrious, excellent, and so +forth, prince, our Lord the King, by reason of his having, on divers +occasions, and by divers means and ways, assisted Lewis, the French +King, in his wars against our said serene, illustrious, excellent, and +so forth; that was to say, by coming and going, between the dominions of +our said serene, illustrious, excellent, and so forth, and those of the +said French Lewis, and wickedly, falsely, traitorously, and otherwise +evil-adverbiously, revealing to the said French Lewis what forces our +said serene, illustrious, excellent, and so forth, had in preparation +to send to Canada and North America. This much, Jerry, with his head +becoming more and more spiky as the law terms bristled it, made out with +huge satisfaction, and so arrived circuitously at the understanding that +the aforesaid, and over and over again aforesaid, Charles Darnay, stood +there before him upon his trial; that the jury were swearing in; and +that Mr Attorney-General was making ready to speak. + +The accused, who was (and who knew he was) being mentally hanged, +beheaded, and quartered, by everybody there, neither flinched from +the situation, nor assumed any theatrical air in it. He was quiet and +attentive; watched the opening proceedings with a grave interest; +and stood with his hands resting on the slab of wood before him, so +composedly, that they had not displaced a leaf of the herbs with which +it was strewn. The court was all bestrewn with herbs and sprinkled with +vinegar, as a precaution against gaol air and gaol fever. + +Over the prisoner's head there was a mirror, to throw the light down +upon him. Crowds of the wicked and the wretched had been reflected in +it, and had passed from its surface and this earth's together. Haunted +in a most ghastly manner that abominable place would have been, if the +glass could ever have rendered back its reflections, as the ocean is one +day to give up its dead. Some passing thought of the infamy and disgrace +for which it had been reserved, may have struck the prisoner's mind. Be +that as it may, a change in his position making him conscious of a bar +of light across his face, he looked up; and when he saw the glass his +face flushed, and his right hand pushed the herbs away. + +It happened, that the action turned his face to that side of the court +which was on his left. About on a level with his eyes, there sat, +in that corner of the Judge's bench, two persons upon whom his look +immediately rested; so immediately, and so much to the changing of his +aspect, that all the eyes that were turned upon him, turned to them. + +The spectators saw in the two figures, a young lady of little more than +twenty, and a gentleman who was evidently her father; a man of a very +remarkable appearance in respect of the absolute whiteness of his hair, +and a certain indescribable intensity of face: not of an active kind, +but pondering and self-communing. When this expression was upon him, he +looked as if he were old; but when it was stirred and broken up--as +it was now, in a moment, on his speaking to his daughter--he became a +handsome man, not past the prime of life. + +His daughter had one of her hands drawn through his arm, as she sat by +him, and the other pressed upon it. She had drawn close to him, in her +dread of the scene, and in her pity for the prisoner. Her forehead had +been strikingly expressive of an engrossing terror and compassion +that saw nothing but the peril of the accused. This had been so very +noticeable, so very powerfully and naturally shown, that starers who +had had no pity for him were touched by her; and the whisper went about, +"Who are they?" + +Jerry, the messenger, who had made his own observations, in his own +manner, and who had been sucking the rust off his fingers in his +absorption, stretched his neck to hear who they were. The crowd about +him had pressed and passed the inquiry on to the nearest attendant, and +from him it had been more slowly pressed and passed back; at last it got +to Jerry: + +"Witnesses." + +"For which side?" + +"Against." + +"Against what side?" + +"The prisoner's." + +The Judge, whose eyes had gone in the general direction, recalled them, +leaned back in his seat, and looked steadily at the man whose life was +in his hand, as Mr Attorney-General rose to spin the rope, grind the +axe, and hammer the nails into the scaffold. + + + + +CHAPTER III. +A Disappointment + + +Mr Attorney-General had to inform the jury, that the prisoner before +them, though young in years, was old in the treasonable practices which +claimed the forfeit of his life. That this correspondence with the +public enemy was not a correspondence of to-day, or of yesterday, or +even of last year, or of the year before. That, it was certain the +prisoner had, for longer than that, been in the habit of passing and +repassing between France and England, on secret business of which +he could give no honest account. That, if it were in the nature of +traitorous ways to thrive (which happily it never was), the real +wickedness and guilt of his business might have remained undiscovered. +That Providence, however, had put it into the heart of a person who +was beyond fear and beyond reproach, to ferret out the nature of the +prisoner's schemes, and, struck with horror, to disclose them to his +Majesty's Chief Secretary of State and most honourable Privy Council. +That, this patriot would be produced before them. That, his position and +attitude were, on the whole, sublime. That, he had been the prisoner's +friend, but, at once in an auspicious and an evil hour detecting his +infamy, had resolved to immolate the traitor he could no longer cherish +in his bosom, on the sacred altar of his country. That, if statues +were decreed in Britain, as in ancient Greece and Rome, to public +benefactors, this shining citizen would assuredly have had one. That, as +they were not so decreed, he probably would not have one. That, Virtue, +as had been observed by the poets (in many passages which he well +knew the jury would have, word for word, at the tips of their tongues; +whereat the jury's countenances displayed a guilty consciousness that +they knew nothing about the passages), was in a manner contagious; more +especially the bright virtue known as patriotism, or love of country. +That, the lofty example of this immaculate and unimpeachable witness +for the Crown, to refer to whom however unworthily was an honour, had +communicated itself to the prisoner's servant, and had engendered in him +a holy determination to examine his master's table-drawers and pockets, +and secrete his papers. That, he (Mr Attorney-General) was prepared to +hear some disparagement attempted of this admirable servant; but that, +in a general way, he preferred him to his (Mr Attorney-General's) +brothers and sisters, and honoured him more than his (Mr +Attorney-General's) father and mother. That, he called with confidence +on the jury to come and do likewise. That, the evidence of these two +witnesses, coupled with the documents of their discovering that would be +produced, would show the prisoner to have been furnished with lists of +his Majesty's forces, and of their disposition and preparation, both by +sea and land, and would leave no doubt that he had habitually conveyed +such information to a hostile power. That, these lists could not be +proved to be in the prisoner's handwriting; but that it was all the +same; that, indeed, it was rather the better for the prosecution, as +showing the prisoner to be artful in his precautions. That, the proof +would go back five years, and would show the prisoner already engaged +in these pernicious missions, within a few weeks before the date of the +very first action fought between the British troops and the Americans. +That, for these reasons, the jury, being a loyal jury (as he knew they +were), and being a responsible jury (as _they_ knew they were), must +positively find the prisoner Guilty, and make an end of him, whether +they liked it or not. That, they never could lay their heads upon their +pillows; that, they never could tolerate the idea of their wives laying +their heads upon their pillows; that, they never could endure the notion +of their children laying their heads upon their pillows; in short, that +there never more could be, for them or theirs, any laying of heads upon +pillows at all, unless the prisoner's head was taken off. That head +Mr Attorney-General concluded by demanding of them, in the name of +everything he could think of with a round turn in it, and on the faith +of his solemn asseveration that he already considered the prisoner as +good as dead and gone. + +When the Attorney-General ceased, a buzz arose in the court as if +a cloud of great blue-flies were swarming about the prisoner, in +anticipation of what he was soon to become. When toned down again, the +unimpeachable patriot appeared in the witness-box. + +Mr Solicitor-General then, following his leader's lead, examined the +patriot: John Barsad, gentleman, by name. The story of his pure soul was +exactly what Mr Attorney-General had described it to be--perhaps, if +it had a fault, a little too exactly. Having released his noble bosom +of its burden, he would have modestly withdrawn himself, but that the +wigged gentleman with the papers before him, sitting not far from Mr +Lorry, begged to ask him a few questions. The wigged gentleman sitting +opposite, still looking at the ceiling of the court. + +Had he ever been a spy himself? No, he scorned the base insinuation. +What did he live upon? His property. Where was his property? He didn't +precisely remember where it was. What was it? No business of anybody's. +Had he inherited it? Yes, he had. From whom? Distant relation. Very +distant? Rather. Ever been in prison? Certainly not. Never in a debtors' +prison? Didn't see what that had to do with it. Never in a debtors' +prison?--Come, once again. Never? Yes. How many times? Two or three +times. Not five or six? Perhaps. Of what profession? Gentleman. Ever +been kicked? Might have been. Frequently? No. Ever kicked downstairs? +Decidedly not; once received a kick on the top of a staircase, and fell +downstairs of his own accord. Kicked on that occasion for cheating at +dice? Something to that effect was said by the intoxicated liar who +committed the assault, but it was not true. Swear it was not true? +Positively. Ever live by cheating at play? Never. Ever live by play? Not +more than other gentlemen do. Ever borrow money of the prisoner? Yes. +Ever pay him? No. Was not this intimacy with the prisoner, in reality a +very slight one, forced upon the prisoner in coaches, inns, and packets? +No. Sure he saw the prisoner with these lists? Certain. Knew no more +about the lists? No. Had not procured them himself, for instance? No. +Expect to get anything by this evidence? No. Not in regular government +pay and employment, to lay traps? Oh dear no. Or to do anything? Oh dear +no. Swear that? Over and over again. No motives but motives of sheer +patriotism? None whatever. + +The virtuous servant, Roger Cly, swore his way through the case at a +great rate. He had taken service with the prisoner, in good faith and +simplicity, four years ago. He had asked the prisoner, aboard the Calais +packet, if he wanted a handy fellow, and the prisoner had engaged him. +He had not asked the prisoner to take the handy fellow as an act of +charity--never thought of such a thing. He began to have suspicions of +the prisoner, and to keep an eye upon him, soon afterwards. In arranging +his clothes, while travelling, he had seen similar lists to these in the +prisoner's pockets, over and over again. He had taken these lists from +the drawer of the prisoner's desk. He had not put them there first. He +had seen the prisoner show these identical lists to French gentlemen +at Calais, and similar lists to French gentlemen, both at Calais and +Boulogne. He loved his country, and couldn't bear it, and had given +information. He had never been suspected of stealing a silver tea-pot; +he had been maligned respecting a mustard-pot, but it turned out to be +only a plated one. He had known the last witness seven or eight years; +that was merely a coincidence. He didn't call it a particularly curious +coincidence; most coincidences were curious. Neither did he call it a +curious coincidence that true patriotism was _his_ only motive too. He +was a true Briton, and hoped there were many like him. + +The blue-flies buzzed again, and Mr Attorney-General called Mr Jarvis +Lorry. + +"Mr Jarvis Lorry, are you a clerk in Tellson's bank?" + +"I am." + +"On a certain Friday night in November one thousand seven hundred and +seventy-five, did business occasion you to travel between London and +Dover by the mail?" + +"It did." + +"Were there any other passengers in the mail?" + +"Two." + +"Did they alight on the road in the course of the night?" + +"They did." + +"Mr Lorry, look upon the prisoner. Was he one of those two passengers?" + +"I cannot undertake to say that he was." + +"Does he resemble either of these two passengers?" + +"Both were so wrapped up, and the night was so dark, and we were all so +reserved, that I cannot undertake to say even that." + +"Mr Lorry, look again upon the prisoner. Supposing him wrapped up as +those two passengers were, is there anything in his bulk and stature to +render it unlikely that he was one of them?" + +"No." + +"You will not swear, Mr Lorry, that he was not one of them?" + +"No." + +"So at least you say he may have been one of them?" + +"Yes. Except that I remember them both to have been--like +myself--timorous of highwaymen, and the prisoner has not a timorous +air." + +"Did you ever see a counterfeit of timidity, Mr Lorry?" + +"I certainly have seen that." + +"Mr Lorry, look once more upon the prisoner. Have you seen him, to your +certain knowledge, before?" + +"I have." + +"When?" + +"I was returning from France a few days afterwards, and, at Calais, the +prisoner came on board the packet-ship in which I returned, and made the +voyage with me." + +"At what hour did he come on board?" + +"At a little after midnight." + +"In the dead of the night. Was he the only passenger who came on board +at that untimely hour?" + +"He happened to be the only one." + +"Never mind about 'happening,' Mr Lorry. He was the only passenger who +came on board in the dead of the night?" + +"He was." + +"Were you travelling alone, Mr Lorry, or with any companion?" + +"With two companions. A gentleman and lady. They are here." + +"They are here. Had you any conversation with the prisoner?" + +"Hardly any. The weather was stormy, and the passage long and rough, and +I lay on a sofa, almost from shore to shore." + +"Miss Manette!" + +The young lady, to whom all eyes had been turned before, and were now +turned again, stood up where she had sat. Her father rose with her, and +kept her hand drawn through his arm. + +"Miss Manette, look upon the prisoner." + +To be confronted with such pity, and such earnest youth and beauty, was +far more trying to the accused than to be confronted with all the crowd. +Standing, as it were, apart with her on the edge of his grave, not all +the staring curiosity that looked on, could, for the moment, nerve him +to remain quite still. His hurried right hand parcelled out the herbs +before him into imaginary beds of flowers in a garden; and his efforts +to control and steady his breathing shook the lips from which the colour +rushed to his heart. The buzz of the great flies was loud again. + +"Miss Manette, have you seen the prisoner before?" + +"Yes, sir." + +"Where?" + +"On board of the packet-ship just now referred to, sir, and on the same +occasion." + +"You are the young lady just now referred to?" + +"O! most unhappily, I am!" + +The plaintive tone of her compassion merged into the less musical voice +of the Judge, as he said something fiercely: "Answer the questions put +to you, and make no remark upon them." + +"Miss Manette, had you any conversation with the prisoner on that +passage across the Channel?" + +"Yes, sir." + +"Recall it." + +In the midst of a profound stillness, she faintly began: "When the +gentleman came on board--" + +"Do you mean the prisoner?" inquired the Judge, knitting his brows. + +"Yes, my Lord." + +"Then say the prisoner." + +"When the prisoner came on board, he noticed that my father," turning +her eyes lovingly to him as he stood beside her, "was much fatigued +and in a very weak state of health. My father was so reduced that I was +afraid to take him out of the air, and I had made a bed for him on the +deck near the cabin steps, and I sat on the deck at his side to take +care of him. There were no other passengers that night, but we four. +The prisoner was so good as to beg permission to advise me how I could +shelter my father from the wind and weather, better than I had done. I +had not known how to do it well, not understanding how the wind would +set when we were out of the harbour. He did it for me. He expressed +great gentleness and kindness for my father's state, and I am sure he +felt it. That was the manner of our beginning to speak together." + +"Let me interrupt you for a moment. Had he come on board alone?" + +"No." + +"How many were with him?" + +"Two French gentlemen." + +"Had they conferred together?" + +"They had conferred together until the last moment, when it was +necessary for the French gentlemen to be landed in their boat." + +"Had any papers been handed about among them, similar to these lists?" + +"Some papers had been handed about among them, but I don't know what +papers." + +"Like these in shape and size?" + +"Possibly, but indeed I don't know, although they stood whispering very +near to me: because they stood at the top of the cabin steps to have the +light of the lamp that was hanging there; it was a dull lamp, and they +spoke very low, and I did not hear what they said, and saw only that +they looked at papers." + +"Now, to the prisoner's conversation, Miss Manette." + +"The prisoner was as open in his confidence with me--which arose out +of my helpless situation--as he was kind, and good, and useful to my +father. I hope," bursting into tears, "I may not repay him by doing him +harm to-day." + +Buzzing from the blue-flies. + +"Miss Manette, if the prisoner does not perfectly understand that +you give the evidence which it is your duty to give--which you must +give--and which you cannot escape from giving--with great unwillingness, +he is the only person present in that condition. Please to go on." + +"He told me that he was travelling on business of a delicate and +difficult nature, which might get people into trouble, and that he was +therefore travelling under an assumed name. He said that this business +had, within a few days, taken him to France, and might, at intervals, +take him backwards and forwards between France and England for a long +time to come." + +"Did he say anything about America, Miss Manette? Be particular." + +"He tried to explain to me how that quarrel had arisen, and he said +that, so far as he could judge, it was a wrong and foolish one on +England's part. He added, in a jesting way, that perhaps George +Washington might gain almost as great a name in history as George the +Third. But there was no harm in his way of saying this: it was said +laughingly, and to beguile the time." + +Any strongly marked expression of face on the part of a chief actor in +a scene of great interest to whom many eyes are directed, will be +unconsciously imitated by the spectators. Her forehead was painfully +anxious and intent as she gave this evidence, and, in the pauses when +she stopped for the Judge to write it down, watched its effect upon +the counsel for and against. Among the lookers-on there was the same +expression in all quarters of the court; insomuch, that a great majority +of the foreheads there, might have been mirrors reflecting the witness, +when the Judge looked up from his notes to glare at that tremendous +heresy about George Washington. + +Mr Attorney-General now signified to my Lord, that he deemed it +necessary, as a matter of precaution and form, to call the young lady's +father, Doctor Manette. Who was called accordingly. + +"Doctor Manette, look upon the prisoner. Have you ever seen him before?" + +"Once. When he called at my lodgings in London. Some three years, or +three years and a half ago." + +"Can you identify him as your fellow-passenger on board the packet, or +speak to his conversation with your daughter?" + +"Sir, I can do neither." + +"Is there any particular and special reason for your being unable to do +either?" + +He answered, in a low voice, "There is." + +"Has it been your misfortune to undergo a long imprisonment, without +trial, or even accusation, in your native country, Doctor Manette?" + +He answered, in a tone that went to every heart, "A long imprisonment." + +"Were you newly released on the occasion in question?" + +"They tell me so." + +"Have you no remembrance of the occasion?" + +"None. My mind is a blank, from some time--I cannot even say what +time--when I employed myself, in my captivity, in making shoes, to the +time when I found myself living in London with my dear daughter +here. She had become familiar to me, when a gracious God restored +my faculties; but, I am quite unable even to say how she had become +familiar. I have no remembrance of the process." + +Mr Attorney-General sat down, and the father and daughter sat down +together. + +A singular circumstance then arose in the case. The object in hand being +to show that the prisoner went down, with some fellow-plotter untracked, +in the Dover mail on that Friday night in November five years ago, and +got out of the mail in the night, as a blind, at a place where he did +not remain, but from which he travelled back some dozen miles or more, +to a garrison and dockyard, and there collected information; a witness +was called to identify him as having been at the precise time required, +in the coffee-room of an hotel in that garrison-and-dockyard town, +waiting for another person. The prisoner's counsel was cross-examining +this witness with no result, except that he had never seen the prisoner +on any other occasion, when the wigged gentleman who had all this time +been looking at the ceiling of the court, wrote a word or two on a +little piece of paper, screwed it up, and tossed it to him. Opening +this piece of paper in the next pause, the counsel looked with great +attention and curiosity at the prisoner. + +"You say again you are quite sure that it was the prisoner?" + +The witness was quite sure. + +"Did you ever see anybody very like the prisoner?" + +Not so like (the witness said) as that he could be mistaken. + +"Look well upon that gentleman, my learned friend there," pointing +to him who had tossed the paper over, "and then look well upon the +prisoner. How say you? Are they very like each other?" + +Allowing for my learned friend's appearance being careless and slovenly +if not debauched, they were sufficiently like each other to surprise, +not only the witness, but everybody present, when they were thus brought +into comparison. My Lord being prayed to bid my learned friend lay aside +his wig, and giving no very gracious consent, the likeness became +much more remarkable. My Lord inquired of Mr Stryver (the prisoner's +counsel), whether they were next to try Mr Carton (name of my learned +friend) for treason? But, Mr Stryver replied to my Lord, no; but he +would ask the witness to tell him whether what happened once, might +happen twice; whether he would have been so confident if he had seen +this illustration of his rashness sooner, whether he would be so +confident, having seen it; and more. The upshot of which, was, to smash +this witness like a crockery vessel, and shiver his part of the case to +useless lumber. + +Mr Cruncher had by this time taken quite a lunch of rust off his +fingers in his following of the evidence. He had now to attend while Mr +Stryver fitted the prisoner's case on the jury, like a compact suit +of clothes; showing them how the patriot, Barsad, was a hired spy and +traitor, an unblushing trafficker in blood, and one of the greatest +scoundrels upon earth since accursed Judas--which he certainly did look +rather like. How the virtuous servant, Cly, was his friend and partner, +and was worthy to be; how the watchful eyes of those forgers and false +swearers had rested on the prisoner as a victim, because some family +affairs in France, he being of French extraction, did require his making +those passages across the Channel--though what those affairs were, a +consideration for others who were near and dear to him, forbade him, +even for his life, to disclose. How the evidence that had been warped +and wrested from the young lady, whose anguish in giving it they +had witnessed, came to nothing, involving the mere little innocent +gallantries and politenesses likely to pass between any young gentleman +and young lady so thrown together;--with the exception of that +reference to George Washington, which was altogether too extravagant and +impossible to be regarded in any other light than as a monstrous joke. +How it would be a weakness in the government to break down in this +attempt to practise for popularity on the lowest national antipathies +and fears, and therefore Mr Attorney-General had made the most of it; +how, nevertheless, it rested upon nothing, save that vile and infamous +character of evidence too often disfiguring such cases, and of which the +State Trials of this country were full. But, there my Lord interposed +(with as grave a face as if it had not been true), saying that he could +not sit upon that Bench and suffer those allusions. + +Mr Stryver then called his few witnesses, and Mr Cruncher had next to +attend while Mr Attorney-General turned the whole suit of clothes Mr +Stryver had fitted on the jury, inside out; showing how Barsad and +Cly were even a hundred times better than he had thought them, and the +prisoner a hundred times worse. Lastly, came my Lord himself, turning +the suit of clothes, now inside out, now outside in, but on the whole +decidedly trimming and shaping them into grave-clothes for the prisoner. + +And now, the jury turned to consider, and the great flies swarmed again. + +Mr Carton, who had so long sat looking at the ceiling of the court, +changed neither his place nor his attitude, even in this excitement. +While his learned friend, Mr Stryver, massing his papers before him, +whispered with those who sat near, and from time to time glanced +anxiously at the jury; while all the spectators moved more or less, and +grouped themselves anew; while even my Lord himself arose from his seat, +and slowly paced up and down his platform, not unattended by a suspicion +in the minds of the audience that his state was feverish; this one man +sat leaning back, with his torn gown half off him, his untidy wig put +on just as it had happened to light on his head after its removal, his +hands in his pockets, and his eyes on the ceiling as they had been all +day. Something especially reckless in his demeanour, not only gave him +a disreputable look, but so diminished the strong resemblance he +undoubtedly bore to the prisoner (which his momentary earnestness, +when they were compared together, had strengthened), that many of the +lookers-on, taking note of him now, said to one another they would +hardly have thought the two were so alike. Mr Cruncher made the +observation to his next neighbour, and added, "I'd hold half a guinea +that _he_ don't get no law-work to do. Don't look like the sort of one +to get any, do he?" + +Yet, this Mr Carton took in more of the details of the scene than he +appeared to take in; for now, when Miss Manette's head dropped upon +her father's breast, he was the first to see it, and to say audibly: +"Officer! look to that young lady. Help the gentleman to take her out. +Don't you see she will fall!" + +There was much commiseration for her as she was removed, and much +sympathy with her father. It had evidently been a great distress to +him, to have the days of his imprisonment recalled. He had shown +strong internal agitation when he was questioned, and that pondering or +brooding look which made him old, had been upon him, like a heavy cloud, +ever since. As he passed out, the jury, who had turned back and paused a +moment, spoke, through their foreman. + +They were not agreed, and wished to retire. My Lord (perhaps with George +Washington on his mind) showed some surprise that they were not agreed, +but signified his pleasure that they should retire under watch and ward, +and retired himself. The trial had lasted all day, and the lamps in +the court were now being lighted. It began to be rumoured that the +jury would be out a long while. The spectators dropped off to get +refreshment, and the prisoner withdrew to the back of the dock, and sat +down. + +Mr Lorry, who had gone out when the young lady and her father went out, +now reappeared, and beckoned to Jerry: who, in the slackened interest, +could easily get near him. + +"Jerry, if you wish to take something to eat, you can. But, keep in the +way. You will be sure to hear when the jury come in. Don't be a moment +behind them, for I want you to take the verdict back to the bank. You +are the quickest messenger I know, and will get to Temple Bar long +before I can." + +Jerry had just enough forehead to knuckle, and he knuckled it in +acknowledgment of this communication and a shilling. Mr Carton came up +at the moment, and touched Mr Lorry on the arm. + +"How is the young lady?" + +"She is greatly distressed; but her father is comforting her, and she +feels the better for being out of court." + +"I'll tell the prisoner so. It won't do for a respectable bank gentleman +like you, to be seen speaking to him publicly, you know." + +Mr Lorry reddened as if he were conscious of having debated the point +in his mind, and Mr Carton made his way to the outside of the bar. +The way out of court lay in that direction, and Jerry followed him, all +eyes, ears, and spikes. + +"Mr Darnay!" + +The prisoner came forward directly. + +"You will naturally be anxious to hear of the witness, Miss Manette. She +will do very well. You have seen the worst of her agitation." + +"I am deeply sorry to have been the cause of it. Could you tell her so +for me, with my fervent acknowledgments?" + +"Yes, I could. I will, if you ask it." + +Mr Carton's manner was so careless as to be almost insolent. He stood, +half turned from the prisoner, lounging with his elbow against the bar. + +"I do ask it. Accept my cordial thanks." + +"What," said Carton, still only half turned towards him, "do you expect, +Mr Darnay?" + +"The worst." + +"It's the wisest thing to expect, and the likeliest. But I think their +withdrawing is in your favour." + +Loitering on the way out of court not being allowed, Jerry heard no +more: but left them--so like each other in feature, so unlike each other +in manner--standing side by side, both reflected in the glass above +them. + +An hour and a half limped heavily away in the thief-and-rascal crowded +passages below, even though assisted off with mutton pies and ale. +The hoarse messenger, uncomfortably seated on a form after taking that +refection, had dropped into a doze, when a loud murmur and a rapid tide +of people setting up the stairs that led to the court, carried him along +with them. + +"Jerry! Jerry!" Mr Lorry was already calling at the door when he got +there. + +"Here, sir! It's a fight to get back again. Here I am, sir!" + +Mr Lorry handed him a paper through the throng. "Quick! Have you got +it?" + +"Yes, sir." + +Hastily written on the paper was the word "ACQUITTED." + +"If you had sent the message, 'Recalled to Life,' again," muttered +Jerry, as he turned, "I should have known what you meant, this time." + +He had no opportunity of saying, or so much as thinking, anything else, +until he was clear of the Old Bailey; for, the crowd came pouring out +with a vehemence that nearly took him off his legs, and a loud buzz +swept into the street as if the baffled blue-flies were dispersing in +search of other carrion. + + + + +CHAPTER IV. +Congratulatory + + +From the dimly-lighted passages of the court, the last sediment of the +human stew that had been boiling there all day, was straining off, when +Doctor Manette, Lucie Manette, his daughter, Mr Lorry, the solicitor +for the defence, and its counsel, Mr Stryver, stood gathered round Mr +Charles Darnay--just released--congratulating him on his escape from +death. + +It would have been difficult by a far brighter light, to recognise +in Doctor Manette, intellectual of face and upright of bearing, the +shoemaker of the garret in Paris. Yet, no one could have looked at him +twice, without looking again: even though the opportunity of observation +had not extended to the mournful cadence of his low grave voice, and +to the abstraction that overclouded him fitfully, without any apparent +reason. While one external cause, and that a reference to his long +lingering agony, would always--as on the trial--evoke this condition +from the depths of his soul, it was also in its nature to arise of +itself, and to draw a gloom over him, as incomprehensible to those +unacquainted with his story as if they had seen the shadow of the actual +Bastille thrown upon him by a summer sun, when the substance was three +hundred miles away. + +Only his daughter had the power of charming this black brooding from +his mind. She was the golden thread that united him to a Past beyond his +misery, and to a Present beyond his misery: and the sound of her voice, +the light of her face, the touch of her hand, had a strong beneficial +influence with him almost always. Not absolutely always, for she could +recall some occasions on which her power had failed; but they were few +and slight, and she believed them over. + +Mr Darnay had kissed her hand fervently and gratefully, and had turned +to Mr Stryver, whom he warmly thanked. Mr Stryver, a man of little +more than thirty, but looking twenty years older than he was, stout, +loud, red, bluff, and free from any drawback of delicacy, had a pushing +way of shouldering himself (morally and physically) into companies and +conversations, that argued well for his shouldering his way up in life. + +He still had his wig and gown on, and he said, squaring himself at his +late client to that degree that he squeezed the innocent Mr Lorry clean +out of the group: "I am glad to have brought you off with honour, Mr +Darnay. It was an infamous prosecution, grossly infamous; but not the +less likely to succeed on that account." + +"You have laid me under an obligation to you for life--in two senses," + said his late client, taking his hand. + +"I have done my best for you, Mr Darnay; and my best is as good as +another man's, I believe." + +It clearly being incumbent on some one to say, "Much better," Mr Lorry +said it; perhaps not quite disinterestedly, but with the interested +object of squeezing himself back again. + +"You think so?" said Mr Stryver. "Well! you have been present all day, +and you ought to know. You are a man of business, too." + +"And as such," quoth Mr Lorry, whom the counsel learned in the law had +now shouldered back into the group, just as he had previously shouldered +him out of it--"as such I will appeal to Doctor Manette, to break up +this conference and order us all to our homes. Miss Lucie looks ill, Mr +Darnay has had a terrible day, we are worn out." + +"Speak for yourself, Mr Lorry," said Stryver; "I have a night's work to +do yet. Speak for yourself." + +"I speak for myself," answered Mr Lorry, "and for Mr Darnay, and for +Miss Lucie, and--Miss Lucie, do you not think I may speak for us all?" + He asked her the question pointedly, and with a glance at her father. + +His face had become frozen, as it were, in a very curious look at +Darnay: an intent look, deepening into a frown of dislike and distrust, +not even unmixed with fear. With this strange expression on him his +thoughts had wandered away. + +"My father," said Lucie, softly laying her hand on his. + +He slowly shook the shadow off, and turned to her. + +"Shall we go home, my father?" + +With a long breath, he answered "Yes." + +The friends of the acquitted prisoner had dispersed, under the +impression--which he himself had originated--that he would not be +released that night. The lights were nearly all extinguished in the +passages, the iron gates were being closed with a jar and a rattle, +and the dismal place was deserted until to-morrow morning's interest of +gallows, pillory, whipping-post, and branding-iron, should repeople it. +Walking between her father and Mr Darnay, Lucie Manette passed into +the open air. A hackney-coach was called, and the father and daughter +departed in it. + +Mr Stryver had left them in the passages, to shoulder his way back +to the robing-room. Another person, who had not joined the group, or +interchanged a word with any one of them, but who had been leaning +against the wall where its shadow was darkest, had silently strolled +out after the rest, and had looked on until the coach drove away. He now +stepped up to where Mr Lorry and Mr Darnay stood upon the pavement. + +"So, Mr Lorry! Men of business may speak to Mr Darnay now?" + +Nobody had made any acknowledgment of Mr Carton's part in the day's +proceedings; nobody had known of it. He was unrobed, and was none the +better for it in appearance. + +"If you knew what a conflict goes on in the business mind, when the +business mind is divided between good-natured impulse and business +appearances, you would be amused, Mr Darnay." + +Mr Lorry reddened, and said, warmly, "You have mentioned that before, +sir. We men of business, who serve a House, are not our own masters. We +have to think of the House more than ourselves." + +"_I_ know, _I_ know," rejoined Mr Carton, carelessly. "Don't be +nettled, Mr Lorry. You are as good as another, I have no doubt: better, +I dare say." + +"And indeed, sir," pursued Mr Lorry, not minding him, "I really don't +know what you have to do with the matter. If you'll excuse me, as very +much your elder, for saying so, I really don't know that it is your +business." + +"Business! Bless you, _I_ have no business," said Mr Carton. + +"It is a pity you have not, sir." + +"I think so, too." + +"If you had," pursued Mr Lorry, "perhaps you would attend to it." + +"Lord love you, no!--I shouldn't," said Mr Carton. + +"Well, sir!" cried Mr Lorry, thoroughly heated by his indifference, +"business is a very good thing, and a very respectable thing. And, sir, +if business imposes its restraints and its silences and impediments, Mr +Darnay as a young gentleman of generosity knows how to make allowance +for that circumstance. Mr Darnay, good night, God bless you, sir! +I hope you have been this day preserved for a prosperous and happy +life.--Chair there!" + +Perhaps a little angry with himself, as well as with the barrister, Mr +Lorry bustled into the chair, and was carried off to Tellson's. Carton, +who smelt of port wine, and did not appear to be quite sober, laughed +then, and turned to Darnay: + +"This is a strange chance that throws you and me together. This must +be a strange night to you, standing alone here with your counterpart on +these street stones?" + +"I hardly seem yet," returned Charles Darnay, "to belong to this world +again." + +"I don't wonder at it; it's not so long since you were pretty far +advanced on your way to another. You speak faintly." + +"I begin to think I _am_ faint." + +"Then why the devil don't you dine? I dined, myself, while those +numskulls were deliberating which world you should belong to--this, or +some other. Let me show you the nearest tavern to dine well at." + +Drawing his arm through his own, he took him down Ludgate-hill to +Fleet-street, and so, up a covered way, into a tavern. Here, they were +shown into a little room, where Charles Darnay was soon recruiting +his strength with a good plain dinner and good wine: while Carton sat +opposite to him at the same table, with his separate bottle of port +before him, and his fully half-insolent manner upon him. + +"Do you feel, yet, that you belong to this terrestrial scheme again, Mr +Darnay?" + +"I am frightfully confused regarding time and place; but I am so far +mended as to feel that." + +"It must be an immense satisfaction!" + +He said it bitterly, and filled up his glass again: which was a large +one. + +"As to me, the greatest desire I have, is to forget that I belong to it. +It has no good in it for me--except wine like this--nor I for it. So we +are not much alike in that particular. Indeed, I begin to think we are +not much alike in any particular, you and I." + +Confused by the emotion of the day, and feeling his being there with +this Double of coarse deportment, to be like a dream, Charles Darnay was +at a loss how to answer; finally, answered not at all. + +"Now your dinner is done," Carton presently said, "why don't you call a +health, Mr Darnay; why don't you give your toast?" + +"What health? What toast?" + +"Why, it's on the tip of your tongue. It ought to be, it must be, I'll +swear it's there." + +"Miss Manette, then!" + +"Miss Manette, then!" + +Looking his companion full in the face while he drank the toast, Carton +flung his glass over his shoulder against the wall, where it shivered to +pieces; then, rang the bell, and ordered in another. + +"That's a fair young lady to hand to a coach in the dark, Mr Darnay!" + he said, filling his new goblet. + +A slight frown and a laconic "Yes," were the answer. + +"That's a fair young lady to be pitied by and wept for by! How does it +feel? Is it worth being tried for one's life, to be the object of such +sympathy and compassion, Mr Darnay?" + +Again Darnay answered not a word. + +"She was mightily pleased to have your message, when I gave it her. Not +that she showed she was pleased, but I suppose she was." + +The allusion served as a timely reminder to Darnay that this +disagreeable companion had, of his own free will, assisted him in the +strait of the day. He turned the dialogue to that point, and thanked him +for it. + +"I neither want any thanks, nor merit any," was the careless rejoinder. +"It was nothing to do, in the first place; and I don't know why I did +it, in the second. Mr Darnay, let me ask you a question." + +"Willingly, and a small return for your good offices." + +"Do you think I particularly like you?" + +"Really, Mr Carton," returned the other, oddly disconcerted, "I have +not asked myself the question." + +"But ask yourself the question now." + +"You have acted as if you do; but I don't think you do." + +"_I_ don't think I do," said Carton. "I begin to have a very good +opinion of your understanding." + +"Nevertheless," pursued Darnay, rising to ring the bell, "there is +nothing in that, I hope, to prevent my calling the reckoning, and our +parting without ill-blood on either side." + +Carton rejoining, "Nothing in life!" Darnay rang. "Do you call the whole +reckoning?" said Carton. On his answering in the affirmative, "Then +bring me another pint of this same wine, drawer, and come and wake me at +ten." + +The bill being paid, Charles Darnay rose and wished him good night. +Without returning the wish, Carton rose too, with something of a threat +of defiance in his manner, and said, "A last word, Mr Darnay: you think +I am drunk?" + +"I think you have been drinking, Mr Carton." + +"Think? You know I have been drinking." + +"Since I must say so, I know it." + +"Then you shall likewise know why. I am a disappointed drudge, sir. I +care for no man on earth, and no man on earth cares for me." + +"Much to be regretted. You might have used your talents better." + +"May be so, Mr Darnay; may be not. Don't let your sober face elate you, +however; you don't know what it may come to. Good night!" + +When he was left alone, this strange being took up a candle, went to a +glass that hung against the wall, and surveyed himself minutely in it. + +"Do you particularly like the man?" he muttered, at his own image; "why +should you particularly like a man who resembles you? There is nothing +in you to like; you know that. Ah, confound you! What a change you have +made in yourself! A good reason for taking to a man, that he shows you +what you have fallen away from, and what you might have been! Change +places with him, and would you have been looked at by those blue eyes as +he was, and commiserated by that agitated face as he was? Come on, and +have it out in plain words! You hate the fellow." + +He resorted to his pint of wine for consolation, drank it all in a few +minutes, and fell asleep on his arms, with his hair straggling over the +table, and a long winding-sheet in the candle dripping down upon him. + + + + +CHAPTER V. +The Jackal + + +Those were drinking days, and most men drank hard. So very great is +the improvement Time has brought about in such habits, that a moderate +statement of the quantity of wine and punch which one man would swallow +in the course of a night, without any detriment to his reputation as a +perfect gentleman, would seem, in these days, a ridiculous exaggeration. +The learned profession of the law was certainly not behind any other +learned profession in its Bacchanalian propensities; neither was Mr +Stryver, already fast shouldering his way to a large and lucrative +practice, behind his compeers in this particular, any more than in the +drier parts of the legal race. + +A favourite at the Old Bailey, and eke at the Sessions, Mr Stryver had +begun cautiously to hew away the lower staves of the ladder on which +he mounted. Sessions and Old Bailey had now to summon their favourite, +specially, to their longing arms; and shouldering itself towards the +visage of the Lord Chief Justice in the Court of King's Bench, the +florid countenance of Mr Stryver might be daily seen, bursting out of +the bed of wigs, like a great sunflower pushing its way at the sun from +among a rank garden-full of flaring companions. + +It had once been noted at the Bar, that while Mr Stryver was a glib +man, and an unscrupulous, and a ready, and a bold, he had not that +faculty of extracting the essence from a heap of statements, which is +among the most striking and necessary of the advocate's accomplishments. +But, a remarkable improvement came upon him as to this. The more +business he got, the greater his power seemed to grow of getting at its +pith and marrow; and however late at night he sat carousing with Sydney +Carton, he always had his points at his fingers' ends in the morning. + +Sydney Carton, idlest and most unpromising of men, was Stryver's great +ally. What the two drank together, between Hilary Term and Michaelmas, +might have floated a king's ship. Stryver never had a case in hand, +anywhere, but Carton was there, with his hands in his pockets, staring +at the ceiling of the court; they went the same Circuit, and even there +they prolonged their usual orgies late into the night, and Carton was +rumoured to be seen at broad day, going home stealthily and unsteadily +to his lodgings, like a dissipated cat. At last, it began to get about, +among such as were interested in the matter, that although Sydney Carton +would never be a lion, he was an amazingly good jackal, and that he +rendered suit and service to Stryver in that humble capacity. + +"Ten o'clock, sir," said the man at the tavern, whom he had charged to +wake him--"ten o'clock, sir." + +"_What's_ the matter?" + +"Ten o'clock, sir." + +"What do you mean? Ten o'clock at night?" + +"Yes, sir. Your honour told me to call you." + +"Oh! I remember. Very well, very well." + +After a few dull efforts to get to sleep again, which the man +dexterously combated by stirring the fire continuously for five minutes, +he got up, tossed his hat on, and walked out. He turned into the Temple, +and, having revived himself by twice pacing the pavements of King's +Bench-walk and Paper-buildings, turned into the Stryver chambers. + +The Stryver clerk, who never assisted at these conferences, had gone +home, and the Stryver principal opened the door. He had his slippers on, +and a loose bed-gown, and his throat was bare for his greater ease. He +had that rather wild, strained, seared marking about the eyes, which +may be observed in all free livers of his class, from the portrait of +Jeffries downward, and which can be traced, under various disguises of +Art, through the portraits of every Drinking Age. + +"You are a little late, Memory," said Stryver. + +"About the usual time; it may be a quarter of an hour later." + +They went into a dingy room lined with books and littered with papers, +where there was a blazing fire. A kettle steamed upon the hob, and in +the midst of the wreck of papers a table shone, with plenty of wine upon +it, and brandy, and rum, and sugar, and lemons. + +"You have had your bottle, I perceive, Sydney." + +"Two to-night, I think. I have been dining with the day's client; or +seeing him dine--it's all one!" + +"That was a rare point, Sydney, that you brought to bear upon the +identification. How did you come by it? When did it strike you?" + +"I thought he was rather a handsome fellow, and I thought I should have +been much the same sort of fellow, if I had had any luck." + +Mr Stryver laughed till he shook his precocious paunch. + +"You and your luck, Sydney! Get to work, get to work." + +Sullenly enough, the jackal loosened his dress, went into an adjoining +room, and came back with a large jug of cold water, a basin, and a towel +or two. Steeping the towels in the water, and partially wringing them +out, he folded them on his head in a manner hideous to behold, sat down +at the table, and said, "Now I am ready!" + +"Not much boiling down to be done to-night, Memory," said Mr Stryver, +gaily, as he looked among his papers. + +"How much?" + +"Only two sets of them." + +"Give me the worst first." + +"There they are, Sydney. Fire away!" + +The lion then composed himself on his back on a sofa on one side of the +drinking-table, while the jackal sat at his own paper-bestrewn table +proper, on the other side of it, with the bottles and glasses ready to +his hand. Both resorted to the drinking-table without stint, but each in +a different way; the lion for the most part reclining with his hands in +his waistband, looking at the fire, or occasionally flirting with some +lighter document; the jackal, with knitted brows and intent face, +so deep in his task, that his eyes did not even follow the hand he +stretched out for his glass--which often groped about, for a minute or +more, before it found the glass for his lips. Two or three times, the +matter in hand became so knotty, that the jackal found it imperative on +him to get up, and steep his towels anew. From these pilgrimages to the +jug and basin, he returned with such eccentricities of damp headgear as +no words can describe; which were made the more ludicrous by his anxious +gravity. + +At length the jackal had got together a compact repast for the lion, and +proceeded to offer it to him. The lion took it with care and caution, +made his selections from it, and his remarks upon it, and the jackal +assisted both. When the repast was fully discussed, the lion put his +hands in his waistband again, and lay down to meditate. The jackal then +invigorated himself with a bumper for his throttle, and a fresh application +to his head, and applied himself to the collection of a second meal; +this was administered to the lion in the same manner, and was not +disposed of until the clocks struck three in the morning. + +"And now we have done, Sydney, fill a bumper of punch," said Mr +Stryver. + +The jackal removed the towels from his head, which had been steaming +again, shook himself, yawned, shivered, and complied. + +"You were very sound, Sydney, in the matter of those crown witnesses +to-day. Every question told." + +"I always am sound; am I not?" + +"I don't gainsay it. What has roughened your temper? Put some punch to +it and smooth it again." + +With a deprecatory grunt, the jackal again complied. + +"The old Sydney Carton of old Shrewsbury School," said Stryver, nodding +his head over him as he reviewed him in the present and the past, "the +old seesaw Sydney. Up one minute and down the next; now in spirits and +now in despondency!" + +"Ah!" returned the other, sighing: "yes! The same Sydney, with the same +luck. Even then, I did exercises for other boys, and seldom did my own." + +"And why not?" + +"God knows. It was my way, I suppose." + +He sat, with his hands in his pockets and his legs stretched out before +him, looking at the fire. + +"Carton," said his friend, squaring himself at him with a bullying air, +as if the fire-grate had been the furnace in which sustained endeavour +was forged, and the one delicate thing to be done for the old Sydney +Carton of old Shrewsbury School was to shoulder him into it, "your way +is, and always was, a lame way. You summon no energy and purpose. Look +at me." + +"Oh, botheration!" returned Sydney, with a lighter and more +good-humoured laugh, "don't _you_ be moral!" + +"How have I done what I have done?" said Stryver; "how do I do what I +do?" + +"Partly through paying me to help you, I suppose. But it's not worth +your while to apostrophise me, or the air, about it; what you want to +do, you do. You were always in the front rank, and I was always behind." + +"I had to get into the front rank; I was not born there, was I?" + +"I was not present at the ceremony; but my opinion is you were," said +Carton. At this, he laughed again, and they both laughed. + +"Before Shrewsbury, and at Shrewsbury, and ever since Shrewsbury," + pursued Carton, "you have fallen into your rank, and I have fallen into +mine. Even when we were fellow-students in the Student-Quarter of Paris, +picking up French, and French law, and other French crumbs that we +didn't get much good of, you were always somewhere, and I was always +nowhere." + +"And whose fault was that?" + +"Upon my soul, I am not sure that it was not yours. You were always +driving and riving and shouldering and passing, to that restless degree +that I had no chance for my life but in rust and repose. It's a gloomy +thing, however, to talk about one's own past, with the day breaking. +Turn me in some other direction before I go." + +"Well then! Pledge me to the pretty witness," said Stryver, holding up +his glass. "Are you turned in a pleasant direction?" + +Apparently not, for he became gloomy again. + +"Pretty witness," he muttered, looking down into his glass. "I have had +enough of witnesses to-day and to-night; who's your pretty witness?" + +"The picturesque doctor's daughter, Miss Manette." + +"_She_ pretty?" + +"Is she not?" + +"No." + +"Why, man alive, she was the admiration of the whole Court!" + +"Rot the admiration of the whole Court! Who made the Old Bailey a judge +of beauty? She was a golden-haired doll!" + +"Do you know, Sydney," said Mr Stryver, looking at him with sharp eyes, +and slowly drawing a hand across his florid face: "do you know, I rather +thought, at the time, that you sympathised with the golden-haired doll, +and were quick to see what happened to the golden-haired doll?" + +"Quick to see what happened! If a girl, doll or no doll, swoons within a +yard or two of a man's nose, he can see it without a perspective-glass. +I pledge you, but I deny the beauty. And now I'll have no more drink; +I'll get to bed." + +When his host followed him out on the staircase with a candle, to light +him down the stairs, the day was coldly looking in through its grimy +windows. When he got out of the house, the air was cold and sad, the +dull sky overcast, the river dark and dim, the whole scene like a +lifeless desert. And wreaths of dust were spinning round and round +before the morning blast, as if the desert-sand had risen far away, and +the first spray of it in its advance had begun to overwhelm the city. + +Waste forces within him, and a desert all around, this man stood still +on his way across a silent terrace, and saw for a moment, lying in the +wilderness before him, a mirage of honourable ambition, self-denial, and +perseverance. In the fair city of this vision, there were airy galleries +from which the loves and graces looked upon him, gardens in which the +fruits of life hung ripening, waters of Hope that sparkled in his sight. +A moment, and it was gone. Climbing to a high chamber in a well of +houses, he threw himself down in his clothes on a neglected bed, and its +pillow was wet with wasted tears. + +Sadly, sadly, the sun rose; it rose upon no sadder sight than the man of +good abilities and good emotions, incapable of their directed exercise, +incapable of his own help and his own happiness, sensible of the blight +on him, and resigning himself to let it eat him away. + + + + +CHAPTER VI. +Hundreds of People + + +The quiet lodgings of Doctor Manette were in a quiet street-corner not +far from Soho-square. On the afternoon of a certain fine Sunday when the +waves of four months had rolled over the trial for treason, and carried +it, as to the public interest and memory, far out to sea, Mr Jarvis +Lorry walked along the sunny streets from Clerkenwell where he lived, +on his way to dine with the Doctor. After several relapses into +business-absorption, Mr Lorry had become the Doctor's friend, and the +quiet street-corner was the sunny part of his life. + +On this certain fine Sunday, Mr Lorry walked towards Soho, early in +the afternoon, for three reasons of habit. Firstly, because, on fine +Sundays, he often walked out, before dinner, with the Doctor and Lucie; +secondly, because, on unfavourable Sundays, he was accustomed to be with +them as the family friend, talking, reading, looking out of window, and +generally getting through the day; thirdly, because he happened to have +his own little shrewd doubts to solve, and knew how the ways of the +Doctor's household pointed to that time as a likely time for solving +them. + +A quainter corner than the corner where the Doctor lived, was not to be +found in London. There was no way through it, and the front windows of +the Doctor's lodgings commanded a pleasant little vista of street that +had a congenial air of retirement on it. There were few buildings then, +north of the Oxford-road, and forest-trees flourished, and wild flowers +grew, and the hawthorn blossomed, in the now vanished fields. As a +consequence, country airs circulated in Soho with vigorous freedom, +instead of languishing into the parish like stray paupers without a +settlement; and there was many a good south wall, not far off, on which +the peaches ripened in their season. + +The summer light struck into the corner brilliantly in the earlier part +of the day; but, when the streets grew hot, the corner was in shadow, +though not in shadow so remote but that you could see beyond it into a +glare of brightness. It was a cool spot, staid but cheerful, a wonderful +place for echoes, and a very harbour from the raging streets. + +There ought to have been a tranquil bark in such an anchorage, and +there was. The Doctor occupied two floors of a large stiff house, where +several callings purported to be pursued by day, but whereof little was +audible any day, and which was shunned by all of them at night. In +a building at the back, attainable by a courtyard where a plane-tree +rustled its green leaves, church-organs claimed to be made, and silver +to be chased, and likewise gold to be beaten by some mysterious giant +who had a golden arm starting out of the wall of the front hall--as if +he had beaten himself precious, and menaced a similar conversion of all +visitors. Very little of these trades, or of a lonely lodger rumoured +to live up-stairs, or of a dim coach-trimming maker asserted to have +a counting-house below, was ever heard or seen. Occasionally, a stray +workman putting his coat on, traversed the hall, or a stranger peered +about there, or a distant clink was heard across the courtyard, or a +thump from the golden giant. These, however, were only the exceptions +required to prove the rule that the sparrows in the plane-tree behind +the house, and the echoes in the corner before it, had their own way +from Sunday morning unto Saturday night. + +Doctor Manette received such patients here as his old reputation, and +its revival in the floating whispers of his story, brought him. +His scientific knowledge, and his vigilance and skill in conducting +ingenious experiments, brought him otherwise into moderate request, and +he earned as much as he wanted. + +These things were within Mr Jarvis Lorry's knowledge, thoughts, and +notice, when he rang the door-bell of the tranquil house in the corner, +on the fine Sunday afternoon. + +"Doctor Manette at home?" + +Expected home. + +"Miss Lucie at home?" + +Expected home. + +"Miss Pross at home?" + +Possibly at home, but of a certainty impossible for handmaid to +anticipate intentions of Miss Pross, as to admission or denial of the +fact. + +"As I am at home myself," said Mr Lorry, "I'll go upstairs." + +Although the Doctor's daughter had known nothing of the country of her +birth, she appeared to have innately derived from it that ability to +make much of little means, which is one of its most useful and most +agreeable characteristics. Simple as the furniture was, it was set off +by so many little adornments, of no value but for their taste and fancy, +that its effect was delightful. The disposition of everything in the +rooms, from the largest object to the least; the arrangement of colours, +the elegant variety and contrast obtained by thrift in trifles, by +delicate hands, clear eyes, and good sense; were at once so pleasant in +themselves, and so expressive of their originator, that, as Mr Lorry +stood looking about him, the very chairs and tables seemed to ask him, +with something of that peculiar expression which he knew so well by this +time, whether he approved? + +There were three rooms on a floor, and, the doors by which they +communicated being put open that the air might pass freely through them +all, Mr Lorry, smilingly observant of that fanciful resemblance which +he detected all around him, walked from one to another. The first was +the best room, and in it were Lucie's birds, and flowers, and books, +and desk, and work-table, and box of water-colours; the second was +the Doctor's consulting-room, used also as the dining-room; the third, +changingly speckled by the rustle of the plane-tree in the yard, was the +Doctor's bedroom, and there, in a corner, stood the disused shoemaker's +bench and tray of tools, much as it had stood on the fifth floor of the +dismal house by the wine-shop, in the suburb of Saint Antoine in Paris. + +"I wonder," said Mr Lorry, pausing in his looking about, "that he keeps +that reminder of his sufferings about him!" + +"And why wonder at that?" was the abrupt inquiry that made him start. + +It proceeded from Miss Pross, the wild red woman, strong of hand, whose +acquaintance he had first made at the Royal George Hotel at Dover, and +had since improved. + +"I should have thought--" Mr Lorry began. + +"Pooh! You'd have thought!" said Miss Pross; and Mr Lorry left off. + +"How do you do?" inquired that lady then--sharply, and yet as if to +express that she bore him no malice. + +"I am pretty well, I thank you," answered Mr Lorry, with meekness; "how +are you?" + +"Nothing to boast of," said Miss Pross. + +"Indeed?" + +"Ah! indeed!" said Miss Pross. "I am very much put out about my +Ladybird." + +"Indeed?" + +"For gracious sake say something else besides 'indeed,' or you'll +fidget me to death," said Miss Pross: whose character (dissociated from +stature) was shortness. + +"Really, then?" said Mr Lorry, as an amendment. + +"Really, is bad enough," returned Miss Pross, "but better. Yes, I am +very much put out." + +"May I ask the cause?" + +"I don't want dozens of people who are not at all worthy of Ladybird, to +come here looking after her," said Miss Pross. + +"_Do_ dozens come for that purpose?" + +"Hundreds," said Miss Pross. + +It was characteristic of this lady (as of some other people before her +time and since) that whenever her original proposition was questioned, +she exaggerated it. + +"Dear me!" said Mr Lorry, as the safest remark he could think of. + +"I have lived with the darling--or the darling has lived with me, and +paid me for it; which she certainly should never have done, you may take +your affidavit, if I could have afforded to keep either myself or her +for nothing--since she was ten years old. And it's really very hard," + said Miss Pross. + +Not seeing with precision what was very hard, Mr Lorry shook his head; +using that important part of himself as a sort of fairy cloak that would +fit anything. + +"All sorts of people who are not in the least degree worthy of the pet, +are always turning up," said Miss Pross. "When you began it--" + +"_I_ began it, Miss Pross?" + +"Didn't you? Who brought her father to life?" + +"Oh! If _that_ was beginning it--" said Mr Lorry. + +"It wasn't ending it, I suppose? I say, when you began it, it was hard +enough; not that I have any fault to find with Doctor Manette, except +that he is not worthy of such a daughter, which is no imputation on +him, for it was not to be expected that anybody should be, under any +circumstances. But it really is doubly and trebly hard to have crowds +and multitudes of people turning up after him (I could have forgiven +him), to take Ladybird's affections away from me." + +Mr Lorry knew Miss Pross to be very jealous, but he also knew her by +this time to be, beneath the service of her eccentricity, one of those +unselfish creatures--found only among women--who will, for pure love and +admiration, bind themselves willing slaves, to youth when they have lost +it, to beauty that they never had, to accomplishments that they were +never fortunate enough to gain, to bright hopes that never shone upon +their own sombre lives. He knew enough of the world to know that there +is nothing in it better than the faithful service of the heart; so +rendered and so free from any mercenary taint, he had such an exalted +respect for it, that in the retributive arrangements made by his own +mind--we all make such arrangements, more or less--he stationed Miss +Pross much nearer to the lower Angels than many ladies immeasurably +better got up both by Nature and Art, who had balances at Tellson's. + +"There never was, nor will be, but one man worthy of Ladybird," said +Miss Pross; "and that was my brother Solomon, if he hadn't made a +mistake in life." + +Here again: Mr Lorry's inquiries into Miss Pross's personal history had +established the fact that her brother Solomon was a heartless scoundrel +who had stripped her of everything she possessed, as a stake to +speculate with, and had abandoned her in her poverty for evermore, with +no touch of compunction. Miss Pross's fidelity of belief in Solomon +(deducting a mere trifle for this slight mistake) was quite a serious +matter with Mr Lorry, and had its weight in his good opinion of her. + +"As we happen to be alone for the moment, and are both people of +business," he said, when they had got back to the drawing-room and had +sat down there in friendly relations, "let me ask you--does the Doctor, +in talking with Lucie, never refer to the shoemaking time, yet?" + +"Never." + +"And yet keeps that bench and those tools beside him?" + +"Ah!" returned Miss Pross, shaking her head. "But I don't say he don't +refer to it within himself." + +"Do you believe that he thinks of it much?" + +"I do," said Miss Pross. + +"Do you imagine--" Mr Lorry had begun, when Miss Pross took him up +short with: + +"Never imagine anything. Have no imagination at all." + +"I stand corrected; do you suppose--you go so far as to suppose, +sometimes?" + +"Now and then," said Miss Pross. + +"Do you suppose," Mr Lorry went on, with a laughing twinkle in his +bright eye, as it looked kindly at her, "that Doctor Manette has any +theory of his own, preserved through all those years, relative to +the cause of his being so oppressed; perhaps, even to the name of his +oppressor?" + +"I don't suppose anything about it but what Ladybird tells me." + +"And that is--?" + +"That she thinks he has." + +"Now don't be angry at my asking all these questions; because I am a +mere dull man of business, and you are a woman of business." + +"Dull?" Miss Pross inquired, with placidity. + +Rather wishing his modest adjective away, Mr Lorry replied, "No, no, +no. Surely not. To return to business:--Is it not remarkable that Doctor +Manette, unquestionably innocent of any crime as we are all well assured +he is, should never touch upon that question? I will not say with me, +though he had business relations with me many years ago, and we are now +intimate; I will say with the fair daughter to whom he is so devotedly +attached, and who is so devotedly attached to him? Believe me, Miss +Pross, I don't approach the topic with you, out of curiosity, but out of +zealous interest." + +"Well! To the best of my understanding, and bad's the best, you'll tell +me," said Miss Pross, softened by the tone of the apology, "he is afraid +of the whole subject." + +"Afraid?" + +"It's plain enough, I should think, why he may be. It's a dreadful +remembrance. Besides that, his loss of himself grew out of it. Not +knowing how he lost himself, or how he recovered himself, he may never +feel certain of not losing himself again. That alone wouldn't make the +subject pleasant, I should think." + +It was a profounder remark than Mr Lorry had looked for. "True," said +he, "and fearful to reflect upon. Yet, a doubt lurks in my mind, Miss +Pross, whether it is good for Doctor Manette to have that suppression +always shut up within him. Indeed, it is this doubt and the uneasiness +it sometimes causes me that has led me to our present confidence." + +"Can't be helped," said Miss Pross, shaking her head. "Touch that +string, and he instantly changes for the worse. Better leave it alone. +In short, must leave it alone, like or no like. Sometimes, he gets up in +the dead of the night, and will be heard, by us overhead there, walking +up and down, walking up and down, in his room. Ladybird has learnt to +know then that his mind is walking up and down, walking up and down, in +his old prison. She hurries to him, and they go on together, walking up +and down, walking up and down, until he is composed. But he never says +a word of the true reason of his restlessness, to her, and she finds it +best not to hint at it to him. In silence they go walking up and down +together, walking up and down together, till her love and company have +brought him to himself." + +Notwithstanding Miss Pross's denial of her own imagination, there was a +perception of the pain of being monotonously haunted by one sad idea, +in her repetition of the phrase, walking up and down, which testified to +her possessing such a thing. + +The corner has been mentioned as a wonderful corner for echoes; it +had begun to echo so resoundingly to the tread of coming feet, that it +seemed as though the very mention of that weary pacing to and fro had +set it going. + +"Here they are!" said Miss Pross, rising to break up the conference; +"and now we shall have hundreds of people pretty soon!" + +It was such a curious corner in its acoustical properties, such a +peculiar Ear of a place, that as Mr Lorry stood at the open window, +looking for the father and daughter whose steps he heard, he fancied +they would never approach. Not only would the echoes die away, as though +the steps had gone; but, echoes of other steps that never came would be +heard in their stead, and would die away for good when they seemed close +at hand. However, father and daughter did at last appear, and Miss Pross +was ready at the street door to receive them. + +Miss Pross was a pleasant sight, albeit wild, and red, and grim, taking +off her darling's bonnet when she came up-stairs, and touching it up +with the ends of her handkerchief, and blowing the dust off it, and +folding her mantle ready for laying by, and smoothing her rich hair with +as much pride as she could possibly have taken in her own hair if she +had been the vainest and handsomest of women. Her darling was a pleasant +sight too, embracing her and thanking her, and protesting against +her taking so much trouble for her--which last she only dared to do +playfully, or Miss Pross, sorely hurt, would have retired to her own +chamber and cried. The Doctor was a pleasant sight too, looking on at +them, and telling Miss Pross how she spoilt Lucie, in accents and with +eyes that had as much spoiling in them as Miss Pross had, and would +have had more if it were possible. Mr Lorry was a pleasant sight too, +beaming at all this in his little wig, and thanking his bachelor +stars for having lighted him in his declining years to a Home. But, no +Hundreds of people came to see the sights, and Mr Lorry looked in vain +for the fulfilment of Miss Pross's prediction. + +Dinner-time, and still no Hundreds of people. In the arrangements of +the little household, Miss Pross took charge of the lower regions, and +always acquitted herself marvellously. Her dinners, of a very modest +quality, were so well cooked and so well served, and so neat in their +contrivances, half English and half French, that nothing could be +better. Miss Pross's friendship being of the thoroughly practical +kind, she had ravaged Soho and the adjacent provinces, in search of +impoverished French, who, tempted by shillings and half-crowns, would +impart culinary mysteries to her. From these decayed sons and daughters +of Gaul, she had acquired such wonderful arts, that the woman and girl +who formed the staff of domestics regarded her as quite a Sorceress, +or Cinderella's Godmother: who would send out for a fowl, a rabbit, +a vegetable or two from the garden, and change them into anything she +pleased. + +On Sundays, Miss Pross dined at the Doctor's table, but on other days +persisted in taking her meals at unknown periods, either in the lower +regions, or in her own room on the second floor--a blue chamber, to +which no one but her Ladybird ever gained admittance. On this occasion, +Miss Pross, responding to Ladybird's pleasant face and pleasant efforts +to please her, unbent exceedingly; so the dinner was very pleasant, too. + +It was an oppressive day, and, after dinner, Lucie proposed that the +wine should be carried out under the plane-tree, and they should sit +there in the air. As everything turned upon her, and revolved about her, +they went out under the plane-tree, and she carried the wine down for +the special benefit of Mr Lorry. She had installed herself, some +time before, as Mr Lorry's cup-bearer; and while they sat under the +plane-tree, talking, she kept his glass replenished. Mysterious backs +and ends of houses peeped at them as they talked, and the plane-tree +whispered to them in its own way above their heads. + +Still, the Hundreds of people did not present themselves. Mr Darnay +presented himself while they were sitting under the plane-tree, but he +was only One. + +Doctor Manette received him kindly, and so did Lucie. But, Miss Pross +suddenly became afflicted with a twitching in the head and body, and +retired into the house. She was not unfrequently the victim of this +disorder, and she called it, in familiar conversation, "a fit of the +jerks." + +The Doctor was in his best condition, and looked specially young. The +resemblance between him and Lucie was very strong at such times, and as +they sat side by side, she leaning on his shoulder, and he resting +his arm on the back of her chair, it was very agreeable to trace the +likeness. + +He had been talking all day, on many subjects, and with unusual +vivacity. "Pray, Doctor Manette," said Mr Darnay, as they sat under the +plane-tree--and he said it in the natural pursuit of the topic in hand, +which happened to be the old buildings of London--"have you seen much of +the Tower?" + +"Lucie and I have been there; but only casually. We have seen enough of +it, to know that it teems with interest; little more." + +"_I_ have been there, as you remember," said Darnay, with a smile, +though reddening a little angrily, "in another character, and not in a +character that gives facilities for seeing much of it. They told me a +curious thing when I was there." + +"What was that?" Lucie asked. + +"In making some alterations, the workmen came upon an old dungeon, which +had been, for many years, built up and forgotten. Every stone of +its inner wall was covered by inscriptions which had been carved by +prisoners--dates, names, complaints, and prayers. Upon a corner stone +in an angle of the wall, one prisoner, who seemed to have gone to +execution, had cut as his last work, three letters. They were done with +some very poor instrument, and hurriedly, with an unsteady hand. +At first, they were read as D. I. C.; but, on being more carefully +examined, the last letter was found to be G. There was no record or +legend of any prisoner with those initials, and many fruitless guesses +were made what the name could have been. At length, it was suggested +that the letters were not initials, but the complete word, DIG. The +floor was examined very carefully under the inscription, and, in the +earth beneath a stone, or tile, or some fragment of paving, were found +the ashes of a paper, mingled with the ashes of a small leathern case +or bag. What the unknown prisoner had written will never be read, but he +had written something, and hidden it away to keep it from the gaoler." + +"My father," exclaimed Lucie, "you are ill!" + +He had suddenly started up, with his hand to his head. His manner and +his look quite terrified them all. + +"No, my dear, not ill. There are large drops of rain falling, and they +made me start. We had better go in." + +He recovered himself almost instantly. Rain was really falling in large +drops, and he showed the back of his hand with rain-drops on it. But, he +said not a single word in reference to the discovery that had been told +of, and, as they went into the house, the business eye of Mr Lorry +either detected, or fancied it detected, on his face, as it turned +towards Charles Darnay, the same singular look that had been upon it +when it turned towards him in the passages of the Court House. + +He recovered himself so quickly, however, that Mr Lorry had doubts of +his business eye. The arm of the golden giant in the hall was not more +steady than he was, when he stopped under it to remark to them that he +was not yet proof against slight surprises (if he ever would be), and +that the rain had startled him. + +Tea-time, and Miss Pross making tea, with another fit of the jerks upon +her, and yet no Hundreds of people. Mr Carton had lounged in, but he +made only Two. + +The night was so very sultry, that although they sat with doors and +windows open, they were overpowered by heat. When the tea-table was +done with, they all moved to one of the windows, and looked out into the +heavy twilight. Lucie sat by her father; Darnay sat beside her; Carton +leaned against a window. The curtains were long and white, and some of +the thunder-gusts that whirled into the corner, caught them up to the +ceiling, and waved them like spectral wings. + +"The rain-drops are still falling, large, heavy, and few," said Doctor +Manette. "It comes slowly." + +"It comes surely," said Carton. + +They spoke low, as people watching and waiting mostly do; as people in a +dark room, watching and waiting for Lightning, always do. + +There was a great hurry in the streets of people speeding away to +get shelter before the storm broke; the wonderful corner for echoes +resounded with the echoes of footsteps coming and going, yet not a +footstep was there. + +"A multitude of people, and yet a solitude!" said Darnay, when they had +listened for a while. + +"Is it not impressive, Mr Darnay?" asked Lucie. "Sometimes, I have +sat here of an evening, until I have fancied--but even the shade of +a foolish fancy makes me shudder to-night, when all is so black and +solemn--" + +"Let us shudder too. We may know what it is." + +"It will seem nothing to you. Such whims are only impressive as we +originate them, I think; they are not to be communicated. I have +sometimes sat alone here of an evening, listening, until I have made +the echoes out to be the echoes of all the footsteps that are coming +by-and-bye into our lives." + +"There is a great crowd coming one day into our lives, if that be so," + Sydney Carton struck in, in his moody way. + +The footsteps were incessant, and the hurry of them became more and more +rapid. The corner echoed and re-echoed with the tread of feet; some, +as it seemed, under the windows; some, as it seemed, in the room; some +coming, some going, some breaking off, some stopping altogether; all in +the distant streets, and not one within sight. + +"Are all these footsteps destined to come to all of us, Miss Manette, or +are we to divide them among us?" + +"I don't know, Mr Darnay; I told you it was a foolish fancy, but you +asked for it. When I have yielded myself to it, I have been alone, and +then I have imagined them the footsteps of the people who are to come +into my life, and my father's." + +"I take them into mine!" said Carton. "_I_ ask no questions and make no +stipulations. There is a great crowd bearing down upon us, Miss Manette, +and I see them--by the Lightning." He added the last words, after there +had been a vivid flash which had shown him lounging in the window. + +"And I hear them!" he added again, after a peal of thunder. "Here they +come, fast, fierce, and furious!" + +It was the rush and roar of rain that he typified, and it stopped him, +for no voice could be heard in it. A memorable storm of thunder and +lightning broke with that sweep of water, and there was not a moment's +interval in crash, and fire, and rain, until after the moon rose at +midnight. + +The great bell of Saint Paul's was striking one in the cleared air, when +Mr Lorry, escorted by Jerry, high-booted and bearing a lantern, set +forth on his return-passage to Clerkenwell. There were solitary patches +of road on the way between Soho and Clerkenwell, and Mr Lorry, mindful +of foot-pads, always retained Jerry for this service: though it was +usually performed a good two hours earlier. + +"What a night it has been! Almost a night, Jerry," said Mr Lorry, "to +bring the dead out of their graves." + +"I never see the night myself, master--nor yet I don't expect to--what +would do that," answered Jerry. + +"Good night, Mr Carton," said the man of business. "Good night, Mr +Darnay. Shall we ever see such a night again, together!" + +Perhaps. Perhaps, see the great crowd of people with its rush and roar, +bearing down upon them, too. + + + + +CHAPTER VII. +Monseigneur in Town + + +Monseigneur, one of the great lords in power at the Court, held his +fortnightly reception in his grand hotel in Paris. Monseigneur was in +his inner room, his sanctuary of sanctuaries, the Holiest of Holiests to +the crowd of worshippers in the suite of rooms without. Monseigneur +was about to take his chocolate. Monseigneur could swallow a great many +things with ease, and was by some few sullen minds supposed to be rather +rapidly swallowing France; but, his morning's chocolate could not so +much as get into the throat of Monseigneur, without the aid of four +strong men besides the Cook. + +Yes. It took four men, all four ablaze with gorgeous decoration, and the +Chief of them unable to exist with fewer than two gold watches in his +pocket, emulative of the noble and chaste fashion set by Monseigneur, to +conduct the happy chocolate to Monseigneur's lips. One lacquey carried +the chocolate-pot into the sacred presence; a second, milled and frothed +the chocolate with the little instrument he bore for that function; +a third, presented the favoured napkin; a fourth (he of the two gold +watches), poured the chocolate out. It was impossible for Monseigneur to +dispense with one of these attendants on the chocolate and hold his high +place under the admiring Heavens. Deep would have been the blot upon +his escutcheon if his chocolate had been ignobly waited on by only three +men; he must have died of two. + +Monseigneur had been out at a little supper last night, where the Comedy +and the Grand Opera were charmingly represented. Monseigneur was out at +a little supper most nights, with fascinating company. So polite and so +impressible was Monseigneur, that the Comedy and the Grand Opera had far +more influence with him in the tiresome articles of state affairs and +state secrets, than the needs of all France. A happy circumstance +for France, as the like always is for all countries similarly +favoured!--always was for England (by way of example), in the regretted +days of the merry Stuart who sold it. + +Monseigneur had one truly noble idea of general public business, which +was, to let everything go on in its own way; of particular public +business, Monseigneur had the other truly noble idea that it must all go +his way--tend to his own power and pocket. Of his pleasures, general and +particular, Monseigneur had the other truly noble idea, that the world +was made for them. The text of his order (altered from the original +by only a pronoun, which is not much) ran: "The earth and the fulness +thereof are mine, saith Monseigneur." + +Yet, Monseigneur had slowly found that vulgar embarrassments crept into +his affairs, both private and public; and he had, as to both classes of +affairs, allied himself perforce with a Farmer-General. As to finances +public, because Monseigneur could not make anything at all of them, and +must consequently let them out to somebody who could; as to finances +private, because Farmer-Generals were rich, and Monseigneur, after +generations of great luxury and expense, was growing poor. Hence +Monseigneur had taken his sister from a convent, while there was yet +time to ward off the impending veil, the cheapest garment she could +wear, and had bestowed her as a prize upon a very rich Farmer-General, +poor in family. Which Farmer-General, carrying an appropriate cane with +a golden apple on the top of it, was now among the company in the outer +rooms, much prostrated before by mankind--always excepting superior +mankind of the blood of Monseigneur, who, his own wife included, looked +down upon him with the loftiest contempt. + +A sumptuous man was the Farmer-General. Thirty horses stood in his +stables, twenty-four male domestics sat in his halls, six body-women +waited on his wife. As one who pretended to do nothing but plunder and +forage where he could, the Farmer-General--howsoever his matrimonial +relations conduced to social morality--was at least the greatest reality +among the personages who attended at the hotel of Monseigneur that day. + +For, the rooms, though a beautiful scene to look at, and adorned with +every device of decoration that the taste and skill of the time could +achieve, were, in truth, not a sound business; considered with any +reference to the scarecrows in the rags and nightcaps elsewhere (and not +so far off, either, but that the watching towers of Notre Dame, almost +equidistant from the two extremes, could see them both), they would +have been an exceedingly uncomfortable business--if that could have +been anybody's business, at the house of Monseigneur. Military officers +destitute of military knowledge; naval officers with no idea of a ship; +civil officers without a notion of affairs; brazen ecclesiastics, of the +worst world worldly, with sensual eyes, loose tongues, and looser lives; +all totally unfit for their several callings, all lying horribly in +pretending to belong to them, but all nearly or remotely of the order of +Monseigneur, and therefore foisted on all public employments from which +anything was to be got; these were to be told off by the score and the +score. People not immediately connected with Monseigneur or the State, +yet equally unconnected with anything that was real, or with lives +passed in travelling by any straight road to any true earthly end, were +no less abundant. Doctors who made great fortunes out of dainty remedies +for imaginary disorders that never existed, smiled upon their courtly +patients in the ante-chambers of Monseigneur. Projectors who had +discovered every kind of remedy for the little evils with which the +State was touched, except the remedy of setting to work in earnest to +root out a single sin, poured their distracting babble into any ears +they could lay hold of, at the reception of Monseigneur. Unbelieving +Philosophers who were remodelling the world with words, and making +card-towers of Babel to scale the skies with, talked with Unbelieving +Chemists who had an eye on the transmutation of metals, at this +wonderful gathering accumulated by Monseigneur. Exquisite gentlemen of +the finest breeding, which was at that remarkable time--and has been +since--to be known by its fruits of indifference to every natural +subject of human interest, were in the most exemplary state of +exhaustion, at the hotel of Monseigneur. Such homes had these various +notabilities left behind them in the fine world of Paris, that the spies +among the assembled devotees of Monseigneur--forming a goodly half +of the polite company--would have found it hard to discover among +the angels of that sphere one solitary wife, who, in her manners and +appearance, owned to being a Mother. Indeed, except for the mere act of +bringing a troublesome creature into this world--which does not go far +towards the realisation of the name of mother--there was no such thing +known to the fashion. Peasant women kept the unfashionable babies close, +and brought them up, and charming grandmammas of sixty dressed and +supped as at twenty. + +The leprosy of unreality disfigured every human creature in attendance +upon Monseigneur. In the outermost room were half a dozen exceptional +people who had had, for a few years, some vague misgiving in them that +things in general were going rather wrong. As a promising way of setting +them right, half of the half-dozen had become members of a fantastic +sect of Convulsionists, and were even then considering within themselves +whether they should foam, rage, roar, and turn cataleptic on the +spot--thereby setting up a highly intelligible finger-post to the +Future, for Monseigneur's guidance. Besides these Dervishes, were other +three who had rushed into another sect, which mended matters with a +jargon about "the Centre of Truth:" holding that Man had got out of the +Centre of Truth--which did not need much demonstration--but had not got +out of the Circumference, and that he was to be kept from flying out of +the Circumference, and was even to be shoved back into the Centre, +by fasting and seeing of spirits. Among these, accordingly, much +discoursing with spirits went on--and it did a world of good which never +became manifest. + +But, the comfort was, that all the company at the grand hotel of +Monseigneur were perfectly dressed. If the Day of Judgment had only been +ascertained to be a dress day, everybody there would have been eternally +correct. Such frizzling and powdering and sticking up of hair, such +delicate complexions artificially preserved and mended, such gallant +swords to look at, and such delicate honour to the sense of smell, would +surely keep anything going, for ever and ever. The exquisite gentlemen +of the finest breeding wore little pendent trinkets that chinked as they +languidly moved; these golden fetters rang like precious little bells; +and what with that ringing, and with the rustle of silk and brocade and +fine linen, there was a flutter in the air that fanned Saint Antoine and +his devouring hunger far away. + +Dress was the one unfailing talisman and charm used for keeping all +things in their places. Everybody was dressed for a Fancy Ball that +was never to leave off. From the Palace of the Tuileries, through +Monseigneur and the whole Court, through the Chambers, the Tribunals +of Justice, and all society (except the scarecrows), the Fancy Ball +descended to the Common Executioner: who, in pursuance of the charm, was +required to officiate "frizzled, powdered, in a gold-laced coat, pumps, +and white silk stockings." At the gallows and the wheel--the axe was a +rarity--Monsieur Paris, as it was the episcopal mode among his brother +Professors of the provinces, Monsieur Orleans, and the rest, to call +him, presided in this dainty dress. And who among the company at +Monseigneur's reception in that seventeen hundred and eightieth year +of our Lord, could possibly doubt, that a system rooted in a frizzled +hangman, powdered, gold-laced, pumped, and white-silk stockinged, would +see the very stars out! + +Monseigneur having eased his four men of their burdens and taken his +chocolate, caused the doors of the Holiest of Holiests to be thrown +open, and issued forth. Then, what submission, what cringing and +fawning, what servility, what abject humiliation! As to bowing down in +body and spirit, nothing in that way was left for Heaven--which may have +been one among other reasons why the worshippers of Monseigneur never +troubled it. + +Bestowing a word of promise here and a smile there, a whisper on one +happy slave and a wave of the hand on another, Monseigneur affably +passed through his rooms to the remote region of the Circumference of +Truth. There, Monseigneur turned, and came back again, and so in due +course of time got himself shut up in his sanctuary by the chocolate +sprites, and was seen no more. + +The show being over, the flutter in the air became quite a little storm, +and the precious little bells went ringing downstairs. There was soon +but one person left of all the crowd, and he, with his hat under his arm +and his snuff-box in his hand, slowly passed among the mirrors on his +way out. + +"I devote you," said this person, stopping at the last door on his way, +and turning in the direction of the sanctuary, "to the Devil!" + +With that, he shook the snuff from his fingers as if he had shaken the +dust from his feet, and quietly walked downstairs. + +He was a man of about sixty, handsomely dressed, haughty in manner, and +with a face like a fine mask. A face of a transparent paleness; every +feature in it clearly defined; one set expression on it. The nose, +beautifully formed otherwise, was very slightly pinched at the top +of each nostril. In those two compressions, or dints, the only little +change that the face ever showed, resided. They persisted in changing +colour sometimes, and they would be occasionally dilated and contracted +by something like a faint pulsation; then, they gave a look of +treachery, and cruelty, to the whole countenance. Examined with +attention, its capacity of helping such a look was to be found in the +line of the mouth, and the lines of the orbits of the eyes, being much +too horizontal and thin; still, in the effect of the face made, it was a +handsome face, and a remarkable one. + +Its owner went downstairs into the courtyard, got into his carriage, and +drove away. Not many people had talked with him at the reception; he had +stood in a little space apart, and Monseigneur might have been warmer +in his manner. It appeared, under the circumstances, rather agreeable +to him to see the common people dispersed before his horses, and +often barely escaping from being run down. His man drove as if he were +charging an enemy, and the furious recklessness of the man brought no +check into the face, or to the lips, of the master. The complaint had +sometimes made itself audible, even in that deaf city and dumb age, +that, in the narrow streets without footways, the fierce patrician +custom of hard driving endangered and maimed the mere vulgar in a +barbarous manner. But, few cared enough for that to think of it a second +time, and, in this matter, as in all others, the common wretches were +left to get out of their difficulties as they could. + +With a wild rattle and clatter, and an inhuman abandonment of +consideration not easy to be understood in these days, the carriage +dashed through streets and swept round corners, with women screaming +before it, and men clutching each other and clutching children out of +its way. At last, swooping at a street corner by a fountain, one of its +wheels came to a sickening little jolt, and there was a loud cry from a +number of voices, and the horses reared and plunged. + +But for the latter inconvenience, the carriage probably would not have +stopped; carriages were often known to drive on, and leave their wounded +behind, and why not? But the frightened valet had got down in a hurry, +and there were twenty hands at the horses' bridles. + +"What has gone wrong?" said Monsieur, calmly looking out. + +A tall man in a nightcap had caught up a bundle from among the feet of +the horses, and had laid it on the basement of the fountain, and was +down in the mud and wet, howling over it like a wild animal. + +"Pardon, Monsieur the Marquis!" said a ragged and submissive man, "it is +a child." + +"Why does he make that abominable noise? Is it his child?" + +"Excuse me, Monsieur the Marquis--it is a pity--yes." + +The fountain was a little removed; for the street opened, where it was, +into a space some ten or twelve yards square. As the tall man suddenly +got up from the ground, and came running at the carriage, Monsieur the +Marquis clapped his hand for an instant on his sword-hilt. + +"Killed!" shrieked the man, in wild desperation, extending both arms at +their length above his head, and staring at him. "Dead!" + +The people closed round, and looked at Monsieur the Marquis. There was +nothing revealed by the many eyes that looked at him but watchfulness +and eagerness; there was no visible menacing or anger. Neither did the +people say anything; after the first cry, they had been silent, and they +remained so. The voice of the submissive man who had spoken, was flat +and tame in its extreme submission. Monsieur the Marquis ran his eyes +over them all, as if they had been mere rats come out of their holes. + +He took out his purse. + +"It is extraordinary to me," said he, "that you people cannot take care +of yourselves and your children. One or the other of you is for ever in +the way. How do I know what injury you have done my horses. See! Give +him that." + +He threw out a gold coin for the valet to pick up, and all the heads +craned forward that all the eyes might look down at it as it fell. The +tall man called out again with a most unearthly cry, "Dead!" + +He was arrested by the quick arrival of another man, for whom the rest +made way. On seeing him, the miserable creature fell upon his shoulder, +sobbing and crying, and pointing to the fountain, where some women were +stooping over the motionless bundle, and moving gently about it. They +were as silent, however, as the men. + +"I know all, I know all," said the last comer. "Be a brave man, my +Gaspard! It is better for the poor little plaything to die so, than to +live. It has died in a moment without pain. Could it have lived an hour +as happily?" + +"You are a philosopher, you there," said the Marquis, smiling. "How do +they call you?" + +"They call me Defarge." + +"Of what trade?" + +"Monsieur the Marquis, vendor of wine." + +"Pick up that, philosopher and vendor of wine," said the Marquis, +throwing him another gold coin, "and spend it as you will. The horses +there; are they right?" + +Without deigning to look at the assemblage a second time, Monsieur the +Marquis leaned back in his seat, and was just being driven away with the +air of a gentleman who had accidentally broke some common thing, and had +paid for it, and could afford to pay for it; when his ease was suddenly +disturbed by a coin flying into his carriage, and ringing on its floor. + +"Hold!" said Monsieur the Marquis. "Hold the horses! Who threw that?" + +He looked to the spot where Defarge the vendor of wine had stood, a +moment before; but the wretched father was grovelling on his face on +the pavement in that spot, and the figure that stood beside him was the +figure of a dark stout woman, knitting. + +"You dogs!" said the Marquis, but smoothly, and with an unchanged front, +except as to the spots on his nose: "I would ride over any of you very +willingly, and exterminate you from the earth. If I knew which rascal +threw at the carriage, and if that brigand were sufficiently near it, he +should be crushed under the wheels." + +So cowed was their condition, and so long and hard their experience of +what such a man could do to them, within the law and beyond it, that not +a voice, or a hand, or even an eye was raised. Among the men, not one. +But the woman who stood knitting looked up steadily, and looked the +Marquis in the face. It was not for his dignity to notice it; his +contemptuous eyes passed over her, and over all the other rats; and he +leaned back in his seat again, and gave the word "Go on!" + +He was driven on, and other carriages came whirling by in quick +succession; the Minister, the State-Projector, the Farmer-General, the +Doctor, the Lawyer, the Ecclesiastic, the Grand Opera, the Comedy, the +whole Fancy Ball in a bright continuous flow, came whirling by. The rats +had crept out of their holes to look on, and they remained looking +on for hours; soldiers and police often passing between them and the +spectacle, and making a barrier behind which they slunk, and through +which they peeped. The father had long ago taken up his bundle and +bidden himself away with it, when the women who had tended the bundle +while it lay on the base of the fountain, sat there watching the running +of the water and the rolling of the Fancy Ball--when the one woman who +had stood conspicuous, knitting, still knitted on with the steadfastness +of Fate. The water of the fountain ran, the swift river ran, the day ran +into evening, so much life in the city ran into death according to rule, +time and tide waited for no man, the rats were sleeping close together +in their dark holes again, the Fancy Ball was lighted up at supper, all +things ran their course. + + + + +CHAPTER VIII. +Monseigneur in the Country + + +A beautiful landscape, with the corn bright in it, but not abundant. +Patches of poor rye where corn should have been, patches of poor peas +and beans, patches of most coarse vegetable substitutes for wheat. On +inanimate nature, as on the men and women who cultivated it, a prevalent +tendency towards an appearance of vegetating unwillingly--a dejected +disposition to give up, and wither away. + +Monsieur the Marquis in his travelling carriage (which might have been +lighter), conducted by four post-horses and two postilions, fagged up +a steep hill. A blush on the countenance of Monsieur the Marquis was +no impeachment of his high breeding; it was not from within; it was +occasioned by an external circumstance beyond his control--the setting +sun. + +The sunset struck so brilliantly into the travelling carriage when it +gained the hill-top, that its occupant was steeped in crimson. "It will +die out," said Monsieur the Marquis, glancing at his hands, "directly." + +In effect, the sun was so low that it dipped at the moment. When the +heavy drag had been adjusted to the wheel, and the carriage slid down +hill, with a cinderous smell, in a cloud of dust, the red glow departed +quickly; the sun and the Marquis going down together, there was no glow +left when the drag was taken off. + +But, there remained a broken country, bold and open, a little village +at the bottom of the hill, a broad sweep and rise beyond it, a +church-tower, a windmill, a forest for the chase, and a crag with a +fortress on it used as a prison. Round upon all these darkening objects +as the night drew on, the Marquis looked, with the air of one who was +coming near home. + +The village had its one poor street, with its poor brewery, poor +tannery, poor tavern, poor stable-yard for relays of post-horses, poor +fountain, all usual poor appointments. It had its poor people too. All +its people were poor, and many of them were sitting at their doors, +shredding spare onions and the like for supper, while many were at the +fountain, washing leaves, and grasses, and any such small yieldings of +the earth that could be eaten. Expressive signs of what made them poor, +were not wanting; the tax for the state, the tax for the church, the tax +for the lord, tax local and tax general, were to be paid here and to be +paid there, according to solemn inscription in the little village, until +the wonder was, that there was any village left unswallowed. + +Few children were to be seen, and no dogs. As to the men and women, +their choice on earth was stated in the prospect--Life on the lowest +terms that could sustain it, down in the little village under the mill; +or captivity and Death in the dominant prison on the crag. + +Heralded by a courier in advance, and by the cracking of his postilions' +whips, which twined snake-like about their heads in the evening air, as +if he came attended by the Furies, Monsieur the Marquis drew up in +his travelling carriage at the posting-house gate. It was hard by the +fountain, and the peasants suspended their operations to look at him. +He looked at them, and saw in them, without knowing it, the slow +sure filing down of misery-worn face and figure, that was to make the +meagreness of Frenchmen an English superstition which should survive the +truth through the best part of a hundred years. + +Monsieur the Marquis cast his eyes over the submissive faces that +drooped before him, as the like of himself had drooped before +Monseigneur of the Court--only the difference was, that these faces +drooped merely to suffer and not to propitiate--when a grizzled mender +of the roads joined the group. + +"Bring me hither that fellow!" said the Marquis to the courier. + +The fellow was brought, cap in hand, and the other fellows closed round +to look and listen, in the manner of the people at the Paris fountain. + +"I passed you on the road?" + +"Monseigneur, it is true. I had the honour of being passed on the road." + +"Coming up the hill, and at the top of the hill, both?" + +"Monseigneur, it is true." + +"What did you look at, so fixedly?" + +"Monseigneur, I looked at the man." + +He stooped a little, and with his tattered blue cap pointed under the +carriage. All his fellows stooped to look under the carriage. + +"What man, pig? And why look there?" + +"Pardon, Monseigneur; he swung by the chain of the shoe--the drag." + +"Who?" demanded the traveller. + +"Monseigneur, the man." + +"May the Devil carry away these idiots! How do you call the man? You +know all the men of this part of the country. Who was he?" + +"Your clemency, Monseigneur! He was not of this part of the country. Of +all the days of my life, I never saw him." + +"Swinging by the chain? To be suffocated?" + +"With your gracious permission, that was the wonder of it, Monseigneur. +His head hanging over--like this!" + +He turned himself sideways to the carriage, and leaned back, with his +face thrown up to the sky, and his head hanging down; then recovered +himself, fumbled with his cap, and made a bow. + +"What was he like?" + +"Monseigneur, he was whiter than the miller. All covered with dust, +white as a spectre, tall as a spectre!" + +The picture produced an immense sensation in the little crowd; but all +eyes, without comparing notes with other eyes, looked at Monsieur +the Marquis. Perhaps, to observe whether he had any spectre on his +conscience. + +"Truly, you did well," said the Marquis, felicitously sensible that such +vermin were not to ruffle him, "to see a thief accompanying my carriage, +and not open that great mouth of yours. Bah! Put him aside, Monsieur +Gabelle!" + +Monsieur Gabelle was the Postmaster, and some other taxing functionary +united; he had come out with great obsequiousness to assist at this +examination, and had held the examined by the drapery of his arm in an +official manner. + +"Bah! Go aside!" said Monsieur Gabelle. + +"Lay hands on this stranger if he seeks to lodge in your village +to-night, and be sure that his business is honest, Gabelle." + +"Monseigneur, I am flattered to devote myself to your orders." + +"Did he run away, fellow?--where is that Accursed?" + +The accursed was already under the carriage with some half-dozen +particular friends, pointing out the chain with his blue cap. Some +half-dozen other particular friends promptly hauled him out, and +presented him breathless to Monsieur the Marquis. + +"Did the man run away, Dolt, when we stopped for the drag?" + +"Monseigneur, he precipitated himself over the hill-side, head first, as +a person plunges into the river." + +"See to it, Gabelle. Go on!" + +The half-dozen who were peering at the chain were still among the +wheels, like sheep; the wheels turned so suddenly that they were lucky +to save their skins and bones; they had very little else to save, or +they might not have been so fortunate. + +The burst with which the carriage started out of the village and up the +rise beyond, was soon checked by the steepness of the hill. Gradually, +it subsided to a foot pace, swinging and lumbering upward among the many +sweet scents of a summer night. The postilions, with a thousand gossamer +gnats circling about them in lieu of the Furies, quietly mended the +points to the lashes of their whips; the valet walked by the horses; the +courier was audible, trotting on ahead into the dull distance. + +At the steepest point of the hill there was a little burial-ground, +with a Cross and a new large figure of Our Saviour on it; it was a poor +figure in wood, done by some inexperienced rustic carver, but he had +studied the figure from the life--his own life, maybe--for it was +dreadfully spare and thin. + +To this distressful emblem of a great distress that had long been +growing worse, and was not at its worst, a woman was kneeling. She +turned her head as the carriage came up to her, rose quickly, and +presented herself at the carriage-door. + +"It is you, Monseigneur! Monseigneur, a petition." + +With an exclamation of impatience, but with his unchangeable face, +Monseigneur looked out. + +"How, then! What is it? Always petitions!" + +"Monseigneur. For the love of the great God! My husband, the forester." + +"What of your husband, the forester? Always the same with you people. He +cannot pay something?" + +"He has paid all, Monseigneur. He is dead." + +"Well! He is quiet. Can I restore him to you?" + +"Alas, no, Monseigneur! But he lies yonder, under a little heap of poor +grass." + +"Well?" + +"Monseigneur, there are so many little heaps of poor grass?" + +"Again, well?" + +She looked an old woman, but was young. Her manner was one of passionate +grief; by turns she clasped her veinous and knotted hands together +with wild energy, and laid one of them on the carriage-door--tenderly, +caressingly, as if it had been a human breast, and could be expected to +feel the appealing touch. + +"Monseigneur, hear me! Monseigneur, hear my petition! My husband died of +want; so many die of want; so many more will die of want." + +"Again, well? Can I feed them?" + +"Monseigneur, the good God knows; but I don't ask it. My petition is, +that a morsel of stone or wood, with my husband's name, may be placed +over him to show where he lies. Otherwise, the place will be quickly +forgotten, it will never be found when I am dead of the same malady, I +shall be laid under some other heap of poor grass. Monseigneur, they +are so many, they increase so fast, there is so much want. Monseigneur! +Monseigneur!" + +The valet had put her away from the door, the carriage had broken into +a brisk trot, the postilions had quickened the pace, she was left far +behind, and Monseigneur, again escorted by the Furies, was rapidly +diminishing the league or two of distance that remained between him and +his chateau. + +The sweet scents of the summer night rose all around him, and rose, as +the rain falls, impartially, on the dusty, ragged, and toil-worn group +at the fountain not far away; to whom the mender of roads, with the aid +of the blue cap without which he was nothing, still enlarged upon his +man like a spectre, as long as they could bear it. By degrees, as they +could bear no more, they dropped off one by one, and lights twinkled +in little casements; which lights, as the casements darkened, and more +stars came out, seemed to have shot up into the sky instead of having +been extinguished. + +The shadow of a large high-roofed house, and of many over-hanging trees, +was upon Monsieur the Marquis by that time; and the shadow was exchanged +for the light of a flambeau, as his carriage stopped, and the great door +of his chateau was opened to him. + +"Monsieur Charles, whom I expect; is he arrived from England?" + +"Monseigneur, not yet." + + + + +CHAPTER IX. +The Gorgon's Head + + +It was a heavy mass of building, that chateau of Monsieur the Marquis, +with a large stone courtyard before it, and two stone sweeps of +staircase meeting in a stone terrace before the principal door. A stony +business altogether, with heavy stone balustrades, and stone urns, and +stone flowers, and stone faces of men, and stone heads of lions, in +all directions. As if the Gorgon's head had surveyed it, when it was +finished, two centuries ago. + +Up the broad flight of shallow steps, Monsieur the Marquis, flambeau +preceded, went from his carriage, sufficiently disturbing the darkness +to elicit loud remonstrance from an owl in the roof of the great pile +of stable building away among the trees. All else was so quiet, that the +flambeau carried up the steps, and the other flambeau held at the great +door, burnt as if they were in a close room of state, instead of being +in the open night-air. Other sound than the owl's voice there was none, +save the falling of a fountain into its stone basin; for, it was one of +those dark nights that hold their breath by the hour together, and then +heave a long low sigh, and hold their breath again. + +The great door clanged behind him, and Monsieur the Marquis crossed a +hall grim with certain old boar-spears, swords, and knives of the chase; +grimmer with certain heavy riding-rods and riding-whips, of which many a +peasant, gone to his benefactor Death, had felt the weight when his lord +was angry. + +Avoiding the larger rooms, which were dark and made fast for the night, +Monsieur the Marquis, with his flambeau-bearer going on before, went up +the staircase to a door in a corridor. This thrown open, admitted him +to his own private apartment of three rooms: his bed-chamber and two +others. High vaulted rooms with cool uncarpeted floors, great dogs upon +the hearths for the burning of wood in winter time, and all luxuries +befitting the state of a marquis in a luxurious age and country. +The fashion of the last Louis but one, of the line that was never to +break--the fourteenth Louis--was conspicuous in their rich furniture; +but, it was diversified by many objects that were illustrations of old +pages in the history of France. + +A supper-table was laid for two, in the third of the rooms; a round +room, in one of the chateau's four extinguisher-topped towers. A small +lofty room, with its window wide open, and the wooden jalousie-blinds +closed, so that the dark night only showed in slight horizontal lines of +black, alternating with their broad lines of stone colour. + +"My nephew," said the Marquis, glancing at the supper preparation; "they +said he was not arrived." + +Nor was he; but, he had been expected with Monseigneur. + +"Ah! It is not probable he will arrive to-night; nevertheless, leave the +table as it is. I shall be ready in a quarter of an hour." + +In a quarter of an hour Monseigneur was ready, and sat down alone to his +sumptuous and choice supper. His chair was opposite to the window, and +he had taken his soup, and was raising his glass of Bordeaux to his +lips, when he put it down. + +"What is that?" he calmly asked, looking with attention at the +horizontal lines of black and stone colour. + +"Monseigneur? That?" + +"Outside the blinds. Open the blinds." + +It was done. + +"Well?" + +"Monseigneur, it is nothing. The trees and the night are all that are +here." + +The servant who spoke, had thrown the blinds wide, had looked out into +the vacant darkness, and stood with that blank behind him, looking round +for instructions. + +"Good," said the imperturbable master. "Close them again." + +That was done too, and the Marquis went on with his supper. He was +half way through it, when he again stopped with his glass in his hand, +hearing the sound of wheels. It came on briskly, and came up to the +front of the chateau. + +"Ask who is arrived." + +It was the nephew of Monseigneur. He had been some few leagues behind +Monseigneur, early in the afternoon. He had diminished the distance +rapidly, but not so rapidly as to come up with Monseigneur on the road. +He had heard of Monseigneur, at the posting-houses, as being before him. + +He was to be told (said Monseigneur) that supper awaited him then and +there, and that he was prayed to come to it. In a little while he came. +He had been known in England as Charles Darnay. + +Monseigneur received him in a courtly manner, but they did not shake +hands. + +"You left Paris yesterday, sir?" he said to Monseigneur, as he took his +seat at table. + +"Yesterday. And you?" + +"I come direct." + +"From London?" + +"Yes." + +"You have been a long time coming," said the Marquis, with a smile. + +"On the contrary; I come direct." + +"Pardon me! I mean, not a long time on the journey; a long time +intending the journey." + +"I have been detained by"--the nephew stopped a moment in his +answer--"various business." + +"Without doubt," said the polished uncle. + +So long as a servant was present, no other words passed between them. +When coffee had been served and they were alone together, the nephew, +looking at the uncle and meeting the eyes of the face that was like a +fine mask, opened a conversation. + +"I have come back, sir, as you anticipate, pursuing the object that +took me away. It carried me into great and unexpected peril; but it is +a sacred object, and if it had carried me to death I hope it would have +sustained me." + +"Not to death," said the uncle; "it is not necessary to say, to death." + +"I doubt, sir," returned the nephew, "whether, if it had carried me to +the utmost brink of death, you would have cared to stop me there." + +The deepened marks in the nose, and the lengthening of the fine straight +lines in the cruel face, looked ominous as to that; the uncle made a +graceful gesture of protest, which was so clearly a slight form of good +breeding that it was not reassuring. + +"Indeed, sir," pursued the nephew, "for anything I know, you may have +expressly worked to give a more suspicious appearance to the suspicious +circumstances that surrounded me." + +"No, no, no," said the uncle, pleasantly. + +"But, however that may be," resumed the nephew, glancing at him with +deep distrust, "I know that your diplomacy would stop me by any means, +and would know no scruple as to means." + +"My friend, I told you so," said the uncle, with a fine pulsation in the +two marks. "Do me the favour to recall that I told you so, long ago." + +"I recall it." + +"Thank you," said the Marquis--very sweetly indeed. + +His tone lingered in the air, almost like the tone of a musical +instrument. + +"In effect, sir," pursued the nephew, "I believe it to be at once your +bad fortune, and my good fortune, that has kept me out of a prison in +France here." + +"I do not quite understand," returned the uncle, sipping his coffee. +"Dare I ask you to explain?" + +"I believe that if you were not in disgrace with the Court, and had not +been overshadowed by that cloud for years past, a letter de cachet would +have sent me to some fortress indefinitely." + +"It is possible," said the uncle, with great calmness. "For the honour +of the family, I could even resolve to incommode you to that extent. +Pray excuse me!" + +"I perceive that, happily for me, the Reception of the day before +yesterday was, as usual, a cold one," observed the nephew. + +"I would not say happily, my friend," returned the uncle, with refined +politeness; "I would not be sure of that. A good opportunity for +consideration, surrounded by the advantages of solitude, might influence +your destiny to far greater advantage than you influence it for +yourself. But it is useless to discuss the question. I am, as you say, +at a disadvantage. These little instruments of correction, these gentle +aids to the power and honour of families, these slight favours that +might so incommode you, are only to be obtained now by interest +and importunity. They are sought by so many, and they are granted +(comparatively) to so few! It used not to be so, but France in all such +things is changed for the worse. Our not remote ancestors held the right +of life and death over the surrounding vulgar. From this room, many such +dogs have been taken out to be hanged; in the next room (my bedroom), +one fellow, to our knowledge, was poniarded on the spot for professing +some insolent delicacy respecting his daughter--_his_ daughter? We have +lost many privileges; a new philosophy has become the mode; and the +assertion of our station, in these days, might (I do not go so far as +to say would, but might) cause us real inconvenience. All very bad, very +bad!" + +The Marquis took a gentle little pinch of snuff, and shook his head; +as elegantly despondent as he could becomingly be of a country still +containing himself, that great means of regeneration. + +"We have so asserted our station, both in the old time and in the modern +time also," said the nephew, gloomily, "that I believe our name to be +more detested than any name in France." + +"Let us hope so," said the uncle. "Detestation of the high is the +involuntary homage of the low." + +"There is not," pursued the nephew, in his former tone, "a face I can +look at, in all this country round about us, which looks at me with any +deference on it but the dark deference of fear and slavery." + +"A compliment," said the Marquis, "to the grandeur of the family, +merited by the manner in which the family has sustained its grandeur. +Hah!" And he took another gentle little pinch of snuff, and lightly +crossed his legs. + +But, when his nephew, leaning an elbow on the table, covered his eyes +thoughtfully and dejectedly with his hand, the fine mask looked at +him sideways with a stronger concentration of keenness, closeness, +and dislike, than was comportable with its wearer's assumption of +indifference. + +"Repression is the only lasting philosophy. The dark deference of fear +and slavery, my friend," observed the Marquis, "will keep the dogs +obedient to the whip, as long as this roof," looking up to it, "shuts +out the sky." + +That might not be so long as the Marquis supposed. If a picture of the +chateau as it was to be a very few years hence, and of fifty like it as +they too were to be a very few years hence, could have been shown to +him that night, he might have been at a loss to claim his own from +the ghastly, fire-charred, plunder-wrecked rains. As for the roof +he vaunted, he might have found _that_ shutting out the sky in a new +way--to wit, for ever, from the eyes of the bodies into which its lead +was fired, out of the barrels of a hundred thousand muskets. + +"Meanwhile," said the Marquis, "I will preserve the honour and repose +of the family, if you will not. But you must be fatigued. Shall we +terminate our conference for the night?" + +"A moment more." + +"An hour, if you please." + +"Sir," said the nephew, "we have done wrong, and are reaping the fruits +of wrong." + +"_We_ have done wrong?" repeated the Marquis, with an inquiring smile, +and delicately pointing, first to his nephew, then to himself. + +"Our family; our honourable family, whose honour is of so much account +to both of us, in such different ways. Even in my father's time, we did +a world of wrong, injuring every human creature who came between us and +our pleasure, whatever it was. Why need I speak of my father's time, +when it is equally yours? Can I separate my father's twin-brother, joint +inheritor, and next successor, from himself?" + +"Death has done that!" said the Marquis. + +"And has left me," answered the nephew, "bound to a system that is +frightful to me, responsible for it, but powerless in it; seeking to +execute the last request of my dear mother's lips, and obey the last +look of my dear mother's eyes, which implored me to have mercy and to +redress; and tortured by seeking assistance and power in vain." + +"Seeking them from me, my nephew," said the Marquis, touching him on the +breast with his forefinger--they were now standing by the hearth--"you +will for ever seek them in vain, be assured." + +Every fine straight line in the clear whiteness of his face, was +cruelly, craftily, and closely compressed, while he stood looking +quietly at his nephew, with his snuff-box in his hand. Once again he +touched him on the breast, as though his finger were the fine point of +a small sword, with which, in delicate finesse, he ran him through the +body, and said, + +"My friend, I will die, perpetuating the system under which I have +lived." + +When he had said it, he took a culminating pinch of snuff, and put his +box in his pocket. + +"Better to be a rational creature," he added then, after ringing a small +bell on the table, "and accept your natural destiny. But you are lost, +Monsieur Charles, I see." + +"This property and France are lost to me," said the nephew, sadly; "I +renounce them." + +"Are they both yours to renounce? France may be, but is the property? It +is scarcely worth mentioning; but, is it yet?" + +"I had no intention, in the words I used, to claim it yet. If it passed +to me from you, to-morrow--" + +"Which I have the vanity to hope is not probable." + +"--or twenty years hence--" + +"You do me too much honour," said the Marquis; "still, I prefer that +supposition." + +"--I would abandon it, and live otherwise and elsewhere. It is little to +relinquish. What is it but a wilderness of misery and ruin!" + +"Hah!" said the Marquis, glancing round the luxurious room. + +"To the eye it is fair enough, here; but seen in its integrity, +under the sky, and by the daylight, it is a crumbling tower of waste, +mismanagement, extortion, debt, mortgage, oppression, hunger, nakedness, +and suffering." + +"Hah!" said the Marquis again, in a well-satisfied manner. + +"If it ever becomes mine, it shall be put into some hands better +qualified to free it slowly (if such a thing is possible) from the +weight that drags it down, so that the miserable people who cannot leave +it and who have been long wrung to the last point of endurance, may, in +another generation, suffer less; but it is not for me. There is a curse +on it, and on all this land." + +"And you?" said the uncle. "Forgive my curiosity; do you, under your new +philosophy, graciously intend to live?" + +"I must do, to live, what others of my countrymen, even with nobility at +their backs, may have to do some day--work." + +"In England, for example?" + +"Yes. The family honour, sir, is safe from me in this country. The +family name can suffer from me in no other, for I bear it in no other." + +The ringing of the bell had caused the adjoining bed-chamber to be +lighted. It now shone brightly, through the door of communication. The +Marquis looked that way, and listened for the retreating step of his +valet. + +"England is very attractive to you, seeing how indifferently you have +prospered there," he observed then, turning his calm face to his nephew +with a smile. + +"I have already said, that for my prospering there, I am sensible I may +be indebted to you, sir. For the rest, it is my Refuge." + +"They say, those boastful English, that it is the Refuge of many. You +know a compatriot who has found a Refuge there? A Doctor?" + +"Yes." + +"With a daughter?" + +"Yes." + +"Yes," said the Marquis. "You are fatigued. Good night!" + +As he bent his head in his most courtly manner, there was a secrecy +in his smiling face, and he conveyed an air of mystery to those words, +which struck the eyes and ears of his nephew forcibly. At the same +time, the thin straight lines of the setting of the eyes, and the thin +straight lips, and the markings in the nose, curved with a sarcasm that +looked handsomely diabolic. + +"Yes," repeated the Marquis. "A Doctor with a daughter. Yes. So +commences the new philosophy! You are fatigued. Good night!" + +It would have been of as much avail to interrogate any stone face +outside the chateau as to interrogate that face of his. The nephew +looked at him, in vain, in passing on to the door. + +"Good night!" said the uncle. "I look to the pleasure of seeing you +again in the morning. Good repose! Light Monsieur my nephew to his +chamber there!--And burn Monsieur my nephew in his bed, if you will," he +added to himself, before he rang his little bell again, and summoned his +valet to his own bedroom. + +The valet come and gone, Monsieur the Marquis walked to and fro in his +loose chamber-robe, to prepare himself gently for sleep, that hot still +night. Rustling about the room, his softly-slippered feet making no +noise on the floor, he moved like a refined tiger:--looked like some +enchanted marquis of the impenitently wicked sort, in story, whose +periodical change into tiger form was either just going off, or just +coming on. + +He moved from end to end of his voluptuous bedroom, looking again at the +scraps of the day's journey that came unbidden into his mind; the slow +toil up the hill at sunset, the setting sun, the descent, the mill, the +prison on the crag, the little village in the hollow, the peasants at +the fountain, and the mender of roads with his blue cap pointing out the +chain under the carriage. That fountain suggested the Paris fountain, +the little bundle lying on the step, the women bending over it, and the +tall man with his arms up, crying, "Dead!" + +"I am cool now," said Monsieur the Marquis, "and may go to bed." + +So, leaving only one light burning on the large hearth, he let his thin +gauze curtains fall around him, and heard the night break its silence +with a long sigh as he composed himself to sleep. + +The stone faces on the outer walls stared blindly at the black night +for three heavy hours; for three heavy hours, the horses in the stables +rattled at their racks, the dogs barked, and the owl made a noise with +very little resemblance in it to the noise conventionally assigned to +the owl by men-poets. But it is the obstinate custom of such creatures +hardly ever to say what is set down for them. + +For three heavy hours, the stone faces of the chateau, lion and human, +stared blindly at the night. Dead darkness lay on all the landscape, +dead darkness added its own hush to the hushing dust on all the roads. +The burial-place had got to the pass that its little heaps of poor grass +were undistinguishable from one another; the figure on the Cross might +have come down, for anything that could be seen of it. In the village, +taxers and taxed were fast asleep. Dreaming, perhaps, of banquets, as +the starved usually do, and of ease and rest, as the driven slave and +the yoked ox may, its lean inhabitants slept soundly, and were fed and +freed. + +The fountain in the village flowed unseen and unheard, and the fountain +at the chateau dropped unseen and unheard--both melting away, like the +minutes that were falling from the spring of Time--through three dark +hours. Then, the grey water of both began to be ghostly in the light, +and the eyes of the stone faces of the chateau were opened. + +Lighter and lighter, until at last the sun touched the tops of the still +trees, and poured its radiance over the hill. In the glow, the water +of the chateau fountain seemed to turn to blood, and the stone faces +crimsoned. The carol of the birds was loud and high, and, on the +weather-beaten sill of the great window of the bed-chamber of Monsieur +the Marquis, one little bird sang its sweetest song with all its might. +At this, the nearest stone face seemed to stare amazed, and, with open +mouth and dropped under-jaw, looked awe-stricken. + +Now, the sun was full up, and movement began in the village. Casement +windows opened, crazy doors were unbarred, and people came forth +shivering--chilled, as yet, by the new sweet air. Then began the rarely +lightened toil of the day among the village population. Some, to the +fountain; some, to the fields; men and women here, to dig and delve; men +and women there, to see to the poor live stock, and lead the bony cows +out, to such pasture as could be found by the roadside. In the church +and at the Cross, a kneeling figure or two; attendant on the latter +prayers, the led cow, trying for a breakfast among the weeds at its +foot. + +The chateau awoke later, as became its quality, but awoke gradually and +surely. First, the lonely boar-spears and knives of the chase had been +reddened as of old; then, had gleamed trenchant in the morning sunshine; +now, doors and windows were thrown open, horses in their stables looked +round over their shoulders at the light and freshness pouring in at +doorways, leaves sparkled and rustled at iron-grated windows, dogs +pulled hard at their chains, and reared impatient to be loosed. + +All these trivial incidents belonged to the routine of life, and the +return of morning. Surely, not so the ringing of the great bell of the +chateau, nor the running up and down the stairs; nor the hurried +figures on the terrace; nor the booting and tramping here and there and +everywhere, nor the quick saddling of horses and riding away? + +What winds conveyed this hurry to the grizzled mender of roads, already +at work on the hill-top beyond the village, with his day's dinner (not +much to carry) lying in a bundle that it was worth no crow's while to +peck at, on a heap of stones? Had the birds, carrying some grains of it +to a distance, dropped one over him as they sow chance seeds? Whether or +no, the mender of roads ran, on the sultry morning, as if for his life, +down the hill, knee-high in dust, and never stopped till he got to the +fountain. + +All the people of the village were at the fountain, standing about +in their depressed manner, and whispering low, but showing no other +emotions than grim curiosity and surprise. The led cows, hastily brought +in and tethered to anything that would hold them, were looking stupidly +on, or lying down chewing the cud of nothing particularly repaying their +trouble, which they had picked up in their interrupted saunter. Some of +the people of the chateau, and some of those of the posting-house, and +all the taxing authorities, were armed more or less, and were crowded +on the other side of the little street in a purposeless way, that was +highly fraught with nothing. Already, the mender of roads had penetrated +into the midst of a group of fifty particular friends, and was smiting +himself in the breast with his blue cap. What did all this portend, +and what portended the swift hoisting-up of Monsieur Gabelle behind +a servant on horseback, and the conveying away of the said Gabelle +(double-laden though the horse was), at a gallop, like a new version of +the German ballad of Leonora? + +It portended that there was one stone face too many, up at the chateau. + +The Gorgon had surveyed the building again in the night, and had added +the one stone face wanting; the stone face for which it had waited +through about two hundred years. + +It lay back on the pillow of Monsieur the Marquis. It was like a fine +mask, suddenly startled, made angry, and petrified. Driven home into the +heart of the stone figure attached to it, was a knife. Round its hilt +was a frill of paper, on which was scrawled: + +"Drive him fast to his tomb. This, from Jacques." + + + + +CHAPTER X. +Two Promises + + +More months, to the number of twelve, had come and gone, and Mr Charles +Darnay was established in England as a higher teacher of the French +language who was conversant with French literature. In this age, he +would have been a Professor; in that age, he was a Tutor. He read with +young men who could find any leisure and interest for the study of a +living tongue spoken all over the world, and he cultivated a taste for +its stores of knowledge and fancy. He could write of them, besides, in +sound English, and render them into sound English. Such masters were not +at that time easily found; Princes that had been, and Kings that were +to be, were not yet of the Teacher class, and no ruined nobility had +dropped out of Tellson's ledgers, to turn cooks and carpenters. As a +tutor, whose attainments made the student's way unusually pleasant and +profitable, and as an elegant translator who brought something to his +work besides mere dictionary knowledge, young Mr Darnay soon became +known and encouraged. He was well acquainted, more-over, with the +circumstances of his country, and those were of ever-growing interest. +So, with great perseverance and untiring industry, he prospered. + +In London, he had expected neither to walk on pavements of gold, nor +to lie on beds of roses; if he had had any such exalted expectation, he +would not have prospered. He had expected labour, and he found it, and +did it and made the best of it. In this, his prosperity consisted. + +A certain portion of his time was passed at Cambridge, where he +read with undergraduates as a sort of tolerated smuggler who drove a +contraband trade in European languages, instead of conveying Greek +and Latin through the Custom-house. The rest of his time he passed in +London. + +Now, from the days when it was always summer in Eden, to these days +when it is mostly winter in fallen latitudes, the world of a man has +invariably gone one way--Charles Darnay's way--the way of the love of a +woman. + +He had loved Lucie Manette from the hour of his danger. He had never +heard a sound so sweet and dear as the sound of her compassionate voice; +he had never seen a face so tenderly beautiful, as hers when it was +confronted with his own on the edge of the grave that had been dug for +him. But, he had not yet spoken to her on the subject; the assassination +at the deserted chateau far away beyond the heaving water and the long, +long, dusty roads--the solid stone chateau which had itself become the +mere mist of a dream--had been done a year, and he had never yet, by so +much as a single spoken word, disclosed to her the state of his heart. + +That he had his reasons for this, he knew full well. It was again a +summer day when, lately arrived in London from his college occupation, +he turned into the quiet corner in Soho, bent on seeking an opportunity +of opening his mind to Doctor Manette. It was the close of the summer +day, and he knew Lucie to be out with Miss Pross. + +He found the Doctor reading in his arm-chair at a window. The energy +which had at once supported him under his old sufferings and aggravated +their sharpness, had been gradually restored to him. He was now a +very energetic man indeed, with great firmness of purpose, strength +of resolution, and vigour of action. In his recovered energy he was +sometimes a little fitful and sudden, as he had at first been in the +exercise of his other recovered faculties; but, this had never been +frequently observable, and had grown more and more rare. + +He studied much, slept little, sustained a great deal of fatigue with +ease, and was equably cheerful. To him, now entered Charles Darnay, at +sight of whom he laid aside his book and held out his hand. + +"Charles Darnay! I rejoice to see you. We have been counting on your +return these three or four days past. Mr Stryver and Sydney Carton were +both here yesterday, and both made you out to be more than due." + +"I am obliged to them for their interest in the matter," he answered, +a little coldly as to them, though very warmly as to the Doctor. "Miss +Manette--" + +"Is well," said the Doctor, as he stopped short, "and your return will +delight us all. She has gone out on some household matters, but will +soon be home." + +"Doctor Manette, I knew she was from home. I took the opportunity of her +being from home, to beg to speak to you." + +There was a blank silence. + +"Yes?" said the Doctor, with evident constraint. "Bring your chair here, +and speak on." + +He complied as to the chair, but appeared to find the speaking on less +easy. + +"I have had the happiness, Doctor Manette, of being so intimate here," + so he at length began, "for some year and a half, that I hope the topic +on which I am about to touch may not--" + +He was stayed by the Doctor's putting out his hand to stop him. When he +had kept it so a little while, he said, drawing it back: + +"Is Lucie the topic?" + +"She is." + +"It is hard for me to speak of her at any time. It is very hard for me +to hear her spoken of in that tone of yours, Charles Darnay." + +"It is a tone of fervent admiration, true homage, and deep love, Doctor +Manette!" he said deferentially. + +There was another blank silence before her father rejoined: + +"I believe it. I do you justice; I believe it." + +His constraint was so manifest, and it was so manifest, too, that it +originated in an unwillingness to approach the subject, that Charles +Darnay hesitated. + +"Shall I go on, sir?" + +Another blank. + +"Yes, go on." + +"You anticipate what I would say, though you cannot know how earnestly +I say it, how earnestly I feel it, without knowing my secret heart, and +the hopes and fears and anxieties with which it has long been +laden. Dear Doctor Manette, I love your daughter fondly, dearly, +disinterestedly, devotedly. If ever there were love in the world, I love +her. You have loved yourself; let your old love speak for me!" + +The Doctor sat with his face turned away, and his eyes bent on the +ground. At the last words, he stretched out his hand again, hurriedly, +and cried: + +"Not that, sir! Let that be! I adjure you, do not recall that!" + +His cry was so like a cry of actual pain, that it rang in Charles +Darnay's ears long after he had ceased. He motioned with the hand he had +extended, and it seemed to be an appeal to Darnay to pause. The latter +so received it, and remained silent. + +"I ask your pardon," said the Doctor, in a subdued tone, after some +moments. "I do not doubt your loving Lucie; you may be satisfied of it." + +He turned towards him in his chair, but did not look at him, or +raise his eyes. His chin dropped upon his hand, and his white hair +overshadowed his face: + +"Have you spoken to Lucie?" + +"No." + +"Nor written?" + +"Never." + +"It would be ungenerous to affect not to know that your self-denial is +to be referred to your consideration for her father. Her father thanks +you." + +He offered his hand; but his eyes did not go with it. + +"I know," said Darnay, respectfully, "how can I fail to know, Doctor +Manette, I who have seen you together from day to day, that between +you and Miss Manette there is an affection so unusual, so touching, so +belonging to the circumstances in which it has been nurtured, that it +can have few parallels, even in the tenderness between a father and +child. I know, Doctor Manette--how can I fail to know--that, mingled +with the affection and duty of a daughter who has become a woman, there +is, in her heart, towards you, all the love and reliance of infancy +itself. I know that, as in her childhood she had no parent, so she is +now devoted to you with all the constancy and fervour of her present +years and character, united to the trustfulness and attachment of the +early days in which you were lost to her. I know perfectly well that if +you had been restored to her from the world beyond this life, you could +hardly be invested, in her sight, with a more sacred character than that +in which you are always with her. I know that when she is clinging to +you, the hands of baby, girl, and woman, all in one, are round your +neck. I know that in loving you she sees and loves her mother at her +own age, sees and loves you at my age, loves her mother broken-hearted, +loves you through your dreadful trial and in your blessed restoration. I +have known this, night and day, since I have known you in your home." + +Her father sat silent, with his face bent down. His breathing was a +little quickened; but he repressed all other signs of agitation. + +"Dear Doctor Manette, always knowing this, always seeing her and you +with this hallowed light about you, I have forborne, and forborne, as +long as it was in the nature of man to do it. I have felt, and do even +now feel, that to bring my love--even mine--between you, is to touch +your history with something not quite so good as itself. But I love her. +Heaven is my witness that I love her!" + +"I believe it," answered her father, mournfully. "I have thought so +before now. I believe it." + +"But, do not believe," said Darnay, upon whose ear the mournful voice +struck with a reproachful sound, "that if my fortune were so cast as +that, being one day so happy as to make her my wife, I must at any time +put any separation between her and you, I could or would breathe a +word of what I now say. Besides that I should know it to be hopeless, I +should know it to be a baseness. If I had any such possibility, even at +a remote distance of years, harboured in my thoughts, and hidden in my +heart--if it ever had been there--if it ever could be there--I could not +now touch this honoured hand." + +He laid his own upon it as he spoke. + +"No, dear Doctor Manette. Like you, a voluntary exile from France; like +you, driven from it by its distractions, oppressions, and miseries; like +you, striving to live away from it by my own exertions, and trusting +in a happier future; I look only to sharing your fortunes, sharing your +life and home, and being faithful to you to the death. Not to divide +with Lucie her privilege as your child, companion, and friend; but to +come in aid of it, and bind her closer to you, if such a thing can be." + +His touch still lingered on her father's hand. Answering the touch for a +moment, but not coldly, her father rested his hands upon the arms of +his chair, and looked up for the first time since the beginning of the +conference. A struggle was evidently in his face; a struggle with that +occasional look which had a tendency in it to dark doubt and dread. + +"You speak so feelingly and so manfully, Charles Darnay, that I thank +you with all my heart, and will open all my heart--or nearly so. Have +you any reason to believe that Lucie loves you?" + +"None. As yet, none." + +"Is it the immediate object of this confidence, that you may at once +ascertain that, with my knowledge?" + +"Not even so. I might not have the hopefulness to do it for weeks; I +might (mistaken or not mistaken) have that hopefulness to-morrow." + +"Do you seek any guidance from me?" + +"I ask none, sir. But I have thought it possible that you might have it +in your power, if you should deem it right, to give me some." + +"Do you seek any promise from me?" + +"I do seek that." + +"What is it?" + +"I well understand that, without you, I could have no hope. I well +understand that, even if Miss Manette held me at this moment in her +innocent heart--do not think I have the presumption to assume so much--I +could retain no place in it against her love for her father." + +"If that be so, do you see what, on the other hand, is involved in it?" + +"I understand equally well, that a word from her father in any suitor's +favour, would outweigh herself and all the world. For which reason, +Doctor Manette," said Darnay, modestly but firmly, "I would not ask that +word, to save my life." + +"I am sure of it. Charles Darnay, mysteries arise out of close love, as +well as out of wide division; in the former case, they are subtle and +delicate, and difficult to penetrate. My daughter Lucie is, in this one +respect, such a mystery to me; I can make no guess at the state of her +heart." + +"May I ask, sir, if you think she is--" As he hesitated, her father +supplied the rest. + +"Is sought by any other suitor?" + +"It is what I meant to say." + +Her father considered a little before he answered: + +"You have seen Mr Carton here, yourself. Mr Stryver is here too, +occasionally. If it be at all, it can only be by one of these." + +"Or both," said Darnay. + +"I had not thought of both; I should not think either, likely. You want +a promise from me. Tell me what it is." + +"It is, that if Miss Manette should bring to you at any time, on her own +part, such a confidence as I have ventured to lay before you, you will +bear testimony to what I have said, and to your belief in it. I hope you +may be able to think so well of me, as to urge no influence against +me. I say nothing more of my stake in this; this is what I ask. The +condition on which I ask it, and which you have an undoubted right to +require, I will observe immediately." + +"I give the promise," said the Doctor, "without any condition. I believe +your object to be, purely and truthfully, as you have stated it. I +believe your intention is to perpetuate, and not to weaken, the ties +between me and my other and far dearer self. If she should ever tell me +that you are essential to her perfect happiness, I will give her to you. +If there were--Charles Darnay, if there were--" + +The young man had taken his hand gratefully; their hands were joined as +the Doctor spoke: + +"--any fancies, any reasons, any apprehensions, anything whatsoever, +new or old, against the man she really loved--the direct responsibility +thereof not lying on his head--they should all be obliterated for her +sake. She is everything to me; more to me than suffering, more to me +than wrong, more to me--Well! This is idle talk." + +So strange was the way in which he faded into silence, and so strange +his fixed look when he had ceased to speak, that Darnay felt his own +hand turn cold in the hand that slowly released and dropped it. + +"You said something to me," said Doctor Manette, breaking into a smile. +"What was it you said to me?" + +He was at a loss how to answer, until he remembered having spoken of a +condition. Relieved as his mind reverted to that, he answered: + +"Your confidence in me ought to be returned with full confidence on my +part. My present name, though but slightly changed from my mother's, is +not, as you will remember, my own. I wish to tell you what that is, and +why I am in England." + +"Stop!" said the Doctor of Beauvais. + +"I wish it, that I may the better deserve your confidence, and have no +secret from you." + +"Stop!" + +For an instant, the Doctor even had his two hands at his ears; for +another instant, even had his two hands laid on Darnay's lips. + +"Tell me when I ask you, not now. If your suit should prosper, if Lucie +should love you, you shall tell me on your marriage morning. Do you +promise?" + +"Willingly. + +"Give me your hand. She will be home directly, and it is better she +should not see us together to-night. Go! God bless you!" + +It was dark when Charles Darnay left him, and it was an hour later and +darker when Lucie came home; she hurried into the room alone--for +Miss Pross had gone straight up-stairs--and was surprised to find his +reading-chair empty. + +"My father!" she called to him. "Father dear!" + +Nothing was said in answer, but she heard a low hammering sound in his +bedroom. Passing lightly across the intermediate room, she looked in at +his door and came running back frightened, crying to herself, with her +blood all chilled, "What shall I do! What shall I do!" + +Her uncertainty lasted but a moment; she hurried back, and tapped at +his door, and softly called to him. The noise ceased at the sound of +her voice, and he presently came out to her, and they walked up and down +together for a long time. + +She came down from her bed, to look at him in his sleep that night. He +slept heavily, and his tray of shoemaking tools, and his old unfinished +work, were all as usual. + + + + +CHAPTER XI. +A Companion Picture + + +"Sydney," said Mr Stryver, on that self-same night, or morning, to his +jackal; "mix another bowl of punch; I have something to say to you." + +Sydney had been working double tides that night, and the night before, +and the night before that, and a good many nights in succession, making +a grand clearance among Mr Stryver's papers before the setting in +of the long vacation. The clearance was effected at last; the Stryver +arrears were handsomely fetched up; everything was got rid of until +November should come with its fogs atmospheric, and fogs legal, and +bring grist to the mill again. + +Sydney was none the livelier and none the soberer for so much +application. It had taken a deal of extra wet-towelling to pull him +through the night; a correspondingly extra quantity of wine had preceded +the towelling; and he was in a very damaged condition, as he now pulled +his turban off and threw it into the basin in which he had steeped it at +intervals for the last six hours. + +"Are you mixing that other bowl of punch?" said Stryver the portly, with +his hands in his waistband, glancing round from the sofa where he lay on +his back. + +"I am." + +"Now, look here! I am going to tell you something that will rather +surprise you, and that perhaps will make you think me not quite as +shrewd as you usually do think me. I intend to marry." + +"_Do_ you?" + +"Yes. And not for money. What do you say now?" + +"I don't feel disposed to say much. Who is she?" + +"Guess." + +"Do I know her?" + +"Guess." + +"I am not going to guess, at five o'clock in the morning, with my brains +frying and sputtering in my head. If you want me to guess, you must ask +me to dinner." + +"Well then, I'll tell you," said Stryver, coming slowly into a sitting +posture. "Sydney, I rather despair of making myself intelligible to you, +because you are such an insensible dog." + +"And you," returned Sydney, busy concocting the punch, "are such a +sensitive and poetical spirit--" + +"Come!" rejoined Stryver, laughing boastfully, "though I don't prefer +any claim to being the soul of Romance (for I hope I know better), still +I am a tenderer sort of fellow than _you_." + +"You are a luckier, if you mean that." + +"I don't mean that. I mean I am a man of more--more--" + +"Say gallantry, while you are about it," suggested Carton. + +"Well! I'll say gallantry. My meaning is that I am a man," said Stryver, +inflating himself at his friend as he made the punch, "who cares more to +be agreeable, who takes more pains to be agreeable, who knows better how +to be agreeable, in a woman's society, than you do." + +"Go on," said Sydney Carton. + +"No; but before I go on," said Stryver, shaking his head in his bullying +way, "I'll have this out with you. You've been at Doctor Manette's house +as much as I have, or more than I have. Why, I have been ashamed of your +moroseness there! Your manners have been of that silent and sullen and +hangdog kind, that, upon my life and soul, I have been ashamed of you, +Sydney!" + +"It should be very beneficial to a man in your practice at the bar, to +be ashamed of anything," returned Sydney; "you ought to be much obliged +to me." + +"You shall not get off in that way," rejoined Stryver, shouldering the +rejoinder at him; "no, Sydney, it's my duty to tell you--and I tell you +to your face to do you good--that you are a devilish ill-conditioned +fellow in that sort of society. You are a disagreeable fellow." + +Sydney drank a bumper of the punch he had made, and laughed. + +"Look at me!" said Stryver, squaring himself; "I have less need to make +myself agreeable than you have, being more independent in circumstances. +Why do I do it?" + +"I never saw you do it yet," muttered Carton. + +"I do it because it's politic; I do it on principle. And look at me! I +get on." + +"You don't get on with your account of your matrimonial intentions," + answered Carton, with a careless air; "I wish you would keep to that. As +to me--will you never understand that I am incorrigible?" + +He asked the question with some appearance of scorn. + +"You have no business to be incorrigible," was his friend's answer, +delivered in no very soothing tone. + +"I have no business to be, at all, that I know of," said Sydney Carton. +"Who is the lady?" + +"Now, don't let my announcement of the name make you uncomfortable, +Sydney," said Mr Stryver, preparing him with ostentatious friendliness +for the disclosure he was about to make, "because I know you don't mean +half you say; and if you meant it all, it would be of no importance. I +make this little preface, because you once mentioned the young lady to +me in slighting terms." + +"I did?" + +"Certainly; and in these chambers." + +Sydney Carton looked at his punch and looked at his complacent friend; +drank his punch and looked at his complacent friend. + +"You made mention of the young lady as a golden-haired doll. The young +lady is Miss Manette. If you had been a fellow of any sensitiveness or +delicacy of feeling in that kind of way, Sydney, I might have been a +little resentful of your employing such a designation; but you are not. +You want that sense altogether; therefore I am no more annoyed when I +think of the expression, than I should be annoyed by a man's opinion of +a picture of mine, who had no eye for pictures: or of a piece of music +of mine, who had no ear for music." + +Sydney Carton drank the punch at a great rate; drank it by bumpers, +looking at his friend. + +"Now you know all about it, Syd," said Mr Stryver. "I don't care about +fortune: she is a charming creature, and I have made up my mind to +please myself: on the whole, I think I can afford to please myself. She +will have in me a man already pretty well off, and a rapidly rising man, +and a man of some distinction: it is a piece of good fortune for her, +but she is worthy of good fortune. Are you astonished?" + +Carton, still drinking the punch, rejoined, "Why should I be +astonished?" + +"You approve?" + +Carton, still drinking the punch, rejoined, "Why should I not approve?" + +"Well!" said his friend Stryver, "you take it more easily than I fancied +you would, and are less mercenary on my behalf than I thought you would +be; though, to be sure, you know well enough by this time that your +ancient chum is a man of a pretty strong will. Yes, Sydney, I have had +enough of this style of life, with no other as a change from it; I +feel that it is a pleasant thing for a man to have a home when he feels +inclined to go to it (when he doesn't, he can stay away), and I feel +that Miss Manette will tell well in any station, and will always do me +credit. So I have made up my mind. And now, Sydney, old boy, I want to +say a word to _you_ about _your_ prospects. You are in a bad way, you +know; you really are in a bad way. You don't know the value of money, +you live hard, you'll knock up one of these days, and be ill and poor; +you really ought to think about a nurse." + +The prosperous patronage with which he said it, made him look twice as +big as he was, and four times as offensive. + +"Now, let me recommend you," pursued Stryver, "to look it in the face. +I have looked it in the face, in my different way; look it in the face, +you, in your different way. Marry. Provide somebody to take care of +you. Never mind your having no enjoyment of women's society, nor +understanding of it, nor tact for it. Find out somebody. Find out some +respectable woman with a little property--somebody in the landlady way, +or lodging-letting way--and marry her, against a rainy day. That's the +kind of thing for _you_. Now think of it, Sydney." + +"I'll think of it," said Sydney. + + + + +CHAPTER XII. +The Fellow of Delicacy + + +Mr Stryver having made up his mind to that magnanimous bestowal of good +fortune on the Doctor's daughter, resolved to make her happiness known +to her before he left town for the Long Vacation. After some mental +debating of the point, he came to the conclusion that it would be as +well to get all the preliminaries done with, and they could then arrange +at their leisure whether he should give her his hand a week or two +before Michaelmas Term, or in the little Christmas vacation between it +and Hilary. + +As to the strength of his case, he had not a doubt about it, but clearly +saw his way to the verdict. Argued with the jury on substantial worldly +grounds--the only grounds ever worth taking into account--it was a +plain case, and had not a weak spot in it. He called himself for the +plaintiff, there was no getting over his evidence, the counsel for +the defendant threw up his brief, and the jury did not even turn to +consider. After trying it, Stryver, C. J., was satisfied that no plainer +case could be. + +Accordingly, Mr Stryver inaugurated the Long Vacation with a formal +proposal to take Miss Manette to Vauxhall Gardens; that failing, to +Ranelagh; that unaccountably failing too, it behoved him to present +himself in Soho, and there declare his noble mind. + +Towards Soho, therefore, Mr Stryver shouldered his way from the Temple, +while the bloom of the Long Vacation's infancy was still upon it. +Anybody who had seen him projecting himself into Soho while he was yet +on Saint Dunstan's side of Temple Bar, bursting in his full-blown way +along the pavement, to the jostlement of all weaker people, might have +seen how safe and strong he was. + +His way taking him past Tellson's, and he both banking at Tellson's and +knowing Mr Lorry as the intimate friend of the Manettes, it entered Mr +Stryver's mind to enter the bank, and reveal to Mr Lorry the brightness +of the Soho horizon. So, he pushed open the door with the weak rattle +in its throat, stumbled down the two steps, got past the two ancient +cashiers, and shouldered himself into the musty back closet where Mr +Lorry sat at great books ruled for figures, with perpendicular iron +bars to his window as if that were ruled for figures too, and everything +under the clouds were a sum. + +"Halloa!" said Mr Stryver. "How do you do? I hope you are well!" + +It was Stryver's grand peculiarity that he always seemed too big for any +place, or space. He was so much too big for Tellson's, that old clerks +in distant corners looked up with looks of remonstrance, as though he +squeezed them against the wall. The House itself, magnificently reading +the paper quite in the far-off perspective, lowered displeased, as if +the Stryver head had been butted into its responsible waistcoat. + +The discreet Mr Lorry said, in a sample tone of the voice he would +recommend under the circumstances, "How do you do, Mr Stryver? How do +you do, sir?" and shook hands. There was a peculiarity in his manner +of shaking hands, always to be seen in any clerk at Tellson's who shook +hands with a customer when the House pervaded the air. He shook in a +self-abnegating way, as one who shook for Tellson and Co. + +"Can I do anything for you, Mr Stryver?" asked Mr Lorry, in his +business character. + +"Why, no, thank you; this is a private visit to yourself, Mr Lorry; I +have come for a private word." + +"Oh indeed!" said Mr Lorry, bending down his ear, while his eye strayed +to the House afar off. + +"I am going," said Mr Stryver, leaning his arms confidentially on the +desk: whereupon, although it was a large double one, there appeared to +be not half desk enough for him: "I am going to make an offer of myself +in marriage to your agreeable little friend, Miss Manette, Mr Lorry." + +"Oh dear me!" cried Mr Lorry, rubbing his chin, and looking at his +visitor dubiously. + +"Oh dear me, sir?" repeated Stryver, drawing back. "Oh dear you, sir? +What may your meaning be, Mr Lorry?" + +"My meaning," answered the man of business, "is, of course, friendly and +appreciative, and that it does you the greatest credit, and--in short, +my meaning is everything you could desire. But--really, you know, Mr +Stryver--" Mr Lorry paused, and shook his head at him in the oddest +manner, as if he were compelled against his will to add, internally, +"you know there really is so much too much of you!" + +"Well!" said Stryver, slapping the desk with his contentious hand, +opening his eyes wider, and taking a long breath, "if I understand you, +Mr Lorry, I'll be hanged!" + +Mr Lorry adjusted his little wig at both ears as a means towards that +end, and bit the feather of a pen. + +"D--n it all, sir!" said Stryver, staring at him, "am I not eligible?" + +"Oh dear yes! Yes. Oh yes, you're eligible!" said Mr Lorry. "If you say +eligible, you are eligible." + +"Am I not prosperous?" asked Stryver. + +"Oh! if you come to prosperous, you are prosperous," said Mr Lorry. + +"And advancing?" + +"If you come to advancing you know," said Mr Lorry, delighted to be +able to make another admission, "nobody can doubt that." + +"Then what on earth is your meaning, Mr Lorry?" demanded Stryver, +perceptibly crestfallen. + +"Well! I--Were you going there now?" asked Mr Lorry. + +"Straight!" said Stryver, with a plump of his fist on the desk. + +"Then I think I wouldn't, if I was you." + +"Why?" said Stryver. "Now, I'll put you in a corner," forensically +shaking a forefinger at him. "You are a man of business and bound to +have a reason. State your reason. Why wouldn't you go?" + +"Because," said Mr Lorry, "I wouldn't go on such an object without +having some cause to believe that I should succeed." + +"D--n _me_!" cried Stryver, "but this beats everything." + +Mr Lorry glanced at the distant House, and glanced at the angry +Stryver. + +"Here's a man of business--a man of years--a man of experience--_in_ +a Bank," said Stryver; "and having summed up three leading reasons for +complete success, he says there's no reason at all! Says it with his +head on!" Mr Stryver remarked upon the peculiarity as if it would have +been infinitely less remarkable if he had said it with his head off. + +"When I speak of success, I speak of success with the young lady; and +when I speak of causes and reasons to make success probable, I speak of +causes and reasons that will tell as such with the young lady. The young +lady, my good sir," said Mr Lorry, mildly tapping the Stryver arm, "the +young lady. The young lady goes before all." + +"Then you mean to tell me, Mr Lorry," said Stryver, squaring his +elbows, "that it is your deliberate opinion that the young lady at +present in question is a mincing Fool?" + +"Not exactly so. I mean to tell you, Mr Stryver," said Mr Lorry, +reddening, "that I will hear no disrespectful word of that young lady +from any lips; and that if I knew any man--which I hope I do not--whose +taste was so coarse, and whose temper was so overbearing, that he could +not restrain himself from speaking disrespectfully of that young lady at +this desk, not even Tellson's should prevent my giving him a piece of my +mind." + +The necessity of being angry in a suppressed tone had put Mr Stryver's +blood-vessels into a dangerous state when it was his turn to be angry; +Mr Lorry's veins, methodical as their courses could usually be, were in +no better state now it was his turn. + +"That is what I mean to tell you, sir," said Mr Lorry. "Pray let there +be no mistake about it." + +Mr Stryver sucked the end of a ruler for a little while, and then stood +hitting a tune out of his teeth with it, which probably gave him the +toothache. He broke the awkward silence by saying: + +"This is something new to me, Mr Lorry. You deliberately advise me not +to go up to Soho and offer myself--_my_self, Stryver of the King's Bench +bar?" + +"Do you ask me for my advice, Mr Stryver?" + +"Yes, I do." + +"Very good. Then I give it, and you have repeated it correctly." + +"And all I can say of it is," laughed Stryver with a vexed laugh, "that +this--ha, ha!--beats everything past, present, and to come." + +"Now understand me," pursued Mr Lorry. "As a man of business, I am +not justified in saying anything about this matter, for, as a man of +business, I know nothing of it. But, as an old fellow, who has carried +Miss Manette in his arms, who is the trusted friend of Miss Manette and +of her father too, and who has a great affection for them both, I have +spoken. The confidence is not of my seeking, recollect. Now, you think I +may not be right?" + +"Not I!" said Stryver, whistling. "I can't undertake to find third +parties in common sense; I can only find it for myself. I suppose sense +in certain quarters; you suppose mincing bread-and-butter nonsense. It's +new to me, but you are right, I dare say." + +"What I suppose, Mr Stryver, I claim to characterise for myself--And +understand me, sir," said Mr Lorry, quickly flushing again, "I +will not--not even at Tellson's--have it characterised for me by any +gentleman breathing." + +"There! I beg your pardon!" said Stryver. + +"Granted. Thank you. Well, Mr Stryver, I was about to say:--it might be +painful to you to find yourself mistaken, it might be painful to Doctor +Manette to have the task of being explicit with you, it might be very +painful to Miss Manette to have the task of being explicit with you. You +know the terms upon which I have the honour and happiness to stand with +the family. If you please, committing you in no way, representing you +in no way, I will undertake to correct my advice by the exercise of a +little new observation and judgment expressly brought to bear upon +it. If you should then be dissatisfied with it, you can but test its +soundness for yourself; if, on the other hand, you should be satisfied +with it, and it should be what it now is, it may spare all sides what is +best spared. What do you say?" + +"How long would you keep me in town?" + +"Oh! It is only a question of a few hours. I could go to Soho in the +evening, and come to your chambers afterwards." + +"Then I say yes," said Stryver: "I won't go up there now, I am not so +hot upon it as that comes to; I say yes, and I shall expect you to look +in to-night. Good morning." + +Then Mr Stryver turned and burst out of the Bank, causing such a +concussion of air on his passage through, that to stand up against it +bowing behind the two counters, required the utmost remaining strength +of the two ancient clerks. Those venerable and feeble persons were +always seen by the public in the act of bowing, and were popularly +believed, when they had bowed a customer out, still to keep on bowing in +the empty office until they bowed another customer in. + +The barrister was keen enough to divine that the banker would not have +gone so far in his expression of opinion on any less solid ground than +moral certainty. Unprepared as he was for the large pill he had to +swallow, he got it down. "And now," said Mr Stryver, shaking his +forensic forefinger at the Temple in general, when it was down, "my way +out of this, is, to put you all in the wrong." + +It was a bit of the art of an Old Bailey tactician, in which he found +great relief. "You shall not put me in the wrong, young lady," said Mr +Stryver; "I'll do that for you." + +Accordingly, when Mr Lorry called that night as late as ten o'clock, +Mr Stryver, among a quantity of books and papers littered out for the +purpose, seemed to have nothing less on his mind than the subject of +the morning. He even showed surprise when he saw Mr Lorry, and was +altogether in an absent and preoccupied state. + +"Well!" said that good-natured emissary, after a full half-hour of +bootless attempts to bring him round to the question. "I have been to +Soho." + +"To Soho?" repeated Mr Stryver, coldly. "Oh, to be sure! What am I +thinking of!" + +"And I have no doubt," said Mr Lorry, "that I was right in the +conversation we had. My opinion is confirmed, and I reiterate my +advice." + +"I assure you," returned Mr Stryver, in the friendliest way, "that I +am sorry for it on your account, and sorry for it on the poor father's +account. I know this must always be a sore subject with the family; let +us say no more about it." + +"I don't understand you," said Mr Lorry. + +"I dare say not," rejoined Stryver, nodding his head in a smoothing and +final way; "no matter, no matter." + +"But it does matter," Mr Lorry urged. + +"No it doesn't; I assure you it doesn't. Having supposed that there was +sense where there is no sense, and a laudable ambition where there is +not a laudable ambition, I am well out of my mistake, and no harm is +done. Young women have committed similar follies often before, and have +repented them in poverty and obscurity often before. In an unselfish +aspect, I am sorry that the thing is dropped, because it would have been +a bad thing for me in a worldly point of view; in a selfish aspect, I am +glad that the thing has dropped, because it would have been a bad thing +for me in a worldly point of view--it is hardly necessary to say I could +have gained nothing by it. There is no harm at all done. I have not +proposed to the young lady, and, between ourselves, I am by no means +certain, on reflection, that I ever should have committed myself to +that extent. Mr Lorry, you cannot control the mincing vanities and +giddinesses of empty-headed girls; you must not expect to do it, or you +will always be disappointed. Now, pray say no more about it. I tell you, +I regret it on account of others, but I am satisfied on my own account. +And I am really very much obliged to you for allowing me to sound you, +and for giving me your advice; you know the young lady better than I do; +you were right, it never would have done." + +Mr Lorry was so taken aback, that he looked quite stupidly at Mr +Stryver shouldering him towards the door, with an appearance of +showering generosity, forbearance, and goodwill, on his erring head. +"Make the best of it, my dear sir," said Stryver; "say no more about it; +thank you again for allowing me to sound you; good night!" + +Mr Lorry was out in the night, before he knew where he was. Mr Stryver +was lying back on his sofa, winking at his ceiling. + + + + +CHAPTER XIII. +The Fellow of No Delicacy + + +If Sydney Carton ever shone anywhere, he certainly never shone in the +house of Doctor Manette. He had been there often, during a whole year, +and had always been the same moody and morose lounger there. When he +cared to talk, he talked well; but, the cloud of caring for nothing, +which overshadowed him with such a fatal darkness, was very rarely +pierced by the light within him. + +And yet he did care something for the streets that environed that house, +and for the senseless stones that made their pavements. Many a night +he vaguely and unhappily wandered there, when wine had brought no +transitory gladness to him; many a dreary daybreak revealed his solitary +figure lingering there, and still lingering there when the first beams +of the sun brought into strong relief, removed beauties of architecture +in spires of churches and lofty buildings, as perhaps the quiet time +brought some sense of better things, else forgotten and unattainable, +into his mind. Of late, the neglected bed in the Temple Court had known +him more scantily than ever; and often when he had thrown himself upon +it no longer than a few minutes, he had got up again, and haunted that +neighbourhood. + +On a day in August, when Mr Stryver (after notifying to his jackal +that "he had thought better of that marrying matter") had carried his +delicacy into Devonshire, and when the sight and scent of flowers in the +City streets had some waifs of goodness in them for the worst, of health +for the sickliest, and of youth for the oldest, Sydney's feet still trod +those stones. From being irresolute and purposeless, his feet became +animated by an intention, and, in the working out of that intention, +they took him to the Doctor's door. + +He was shown up-stairs, and found Lucie at her work, alone. She had +never been quite at her ease with him, and received him with some little +embarrassment as he seated himself near her table. But, looking up at +his face in the interchange of the first few common-places, she observed +a change in it. + +"I fear you are not well, Mr Carton!" + +"No. But the life I lead, Miss Manette, is not conducive to health. What +is to be expected of, or by, such profligates?" + +"Is it not--forgive me; I have begun the question on my lips--a pity to +live no better life?" + +"God knows it is a shame!" + +"Then why not change it?" + +Looking gently at him again, she was surprised and saddened to see that +there were tears in his eyes. There were tears in his voice too, as he +answered: + +"It is too late for that. I shall never be better than I am. I shall +sink lower, and be worse." + +He leaned an elbow on her table, and covered his eyes with his hand. The +table trembled in the silence that followed. + +She had never seen him softened, and was much distressed. He knew her to +be so, without looking at her, and said: + +"Pray forgive me, Miss Manette. I break down before the knowledge of +what I want to say to you. Will you hear me?" + +"If it will do you any good, Mr Carton, if it would make you happier, +it would make me very glad!" + +"God bless you for your sweet compassion!" + +He unshaded his face after a little while, and spoke steadily. + +"Don't be afraid to hear me. Don't shrink from anything I say. I am like +one who died young. All my life might have been." + +"No, Mr Carton. I am sure that the best part of it might still be; I am +sure that you might be much, much worthier of yourself." + +"Say of you, Miss Manette, and although I know better--although in the +mystery of my own wretched heart I know better--I shall never forget +it!" + +She was pale and trembling. He came to her relief with a fixed despair +of himself which made the interview unlike any other that could have +been holden. + +"If it had been possible, Miss Manette, that you could have returned the +love of the man you see before yourself--flung away, wasted, drunken, +poor creature of misuse as you know him to be--he would have been +conscious this day and hour, in spite of his happiness, that he would +bring you to misery, bring you to sorrow and repentance, blight you, +disgrace you, pull you down with him. I know very well that you can have +no tenderness for me; I ask for none; I am even thankful that it cannot +be." + +"Without it, can I not save you, Mr Carton? Can I not recall +you--forgive me again!--to a better course? Can I in no way repay your +confidence? I know this is a confidence," she modestly said, after a +little hesitation, and in earnest tears, "I know you would say this to +no one else. Can I turn it to no good account for yourself, Mr Carton?" + +He shook his head. + +"To none. No, Miss Manette, to none. If you will hear me through a very +little more, all you can ever do for me is done. I wish you to know that +you have been the last dream of my soul. In my degradation I have not +been so degraded but that the sight of you with your father, and of this +home made such a home by you, has stirred old shadows that I thought had +died out of me. Since I knew you, I have been troubled by a remorse that +I thought would never reproach me again, and have heard whispers from +old voices impelling me upward, that I thought were silent for ever. I +have had unformed ideas of striving afresh, beginning anew, shaking off +sloth and sensuality, and fighting out the abandoned fight. A dream, all +a dream, that ends in nothing, and leaves the sleeper where he lay down, +but I wish you to know that you inspired it." + +"Will nothing of it remain? O Mr Carton, think again! Try again!" + +"No, Miss Manette; all through it, I have known myself to be quite +undeserving. And yet I have had the weakness, and have still the +weakness, to wish you to know with what a sudden mastery you kindled me, +heap of ashes that I am, into fire--a fire, however, inseparable in +its nature from myself, quickening nothing, lighting nothing, doing no +service, idly burning away." + +"Since it is my misfortune, Mr Carton, to have made you more unhappy +than you were before you knew me--" + +"Don't say that, Miss Manette, for you would have reclaimed me, if +anything could. You will not be the cause of my becoming worse." + +"Since the state of your mind that you describe, is, at all events, +attributable to some influence of mine--this is what I mean, if I can +make it plain--can I use no influence to serve you? Have I no power for +good, with you, at all?" + +"The utmost good that I am capable of now, Miss Manette, I have come +here to realise. Let me carry through the rest of my misdirected life, +the remembrance that I opened my heart to you, last of all the world; +and that there was something left in me at this time which you could +deplore and pity." + +"Which I entreated you to believe, again and again, most fervently, with +all my heart, was capable of better things, Mr Carton!" + +"Entreat me to believe it no more, Miss Manette. I have proved myself, +and I know better. I distress you; I draw fast to an end. Will you let +me believe, when I recall this day, that the last confidence of my life +was reposed in your pure and innocent breast, and that it lies there +alone, and will be shared by no one?" + +"If that will be a consolation to you, yes." + +"Not even by the dearest one ever to be known to you?" + +"Mr Carton," she answered, after an agitated pause, "the secret is +yours, not mine; and I promise to respect it." + +"Thank you. And again, God bless you." + +He put her hand to his lips, and moved towards the door. + +"Be under no apprehension, Miss Manette, of my ever resuming this +conversation by so much as a passing word. I will never refer to it +again. If I were dead, that could not be surer than it is henceforth. In +the hour of my death, I shall hold sacred the one good remembrance--and +shall thank and bless you for it--that my last avowal of myself was made +to you, and that my name, and faults, and miseries were gently carried +in your heart. May it otherwise be light and happy!" + +He was so unlike what he had ever shown himself to be, and it was so +sad to think how much he had thrown away, and how much he every day kept +down and perverted, that Lucie Manette wept mournfully for him as he +stood looking back at her. + +"Be comforted!" he said, "I am not worth such feeling, Miss Manette. An +hour or two hence, and the low companions and low habits that I scorn +but yield to, will render me less worth such tears as those, than any +wretch who creeps along the streets. Be comforted! But, within myself, I +shall always be, towards you, what I am now, though outwardly I shall be +what you have heretofore seen me. The last supplication but one I make +to you, is, that you will believe this of me." + +"I will, Mr Carton." + +"My last supplication of all, is this; and with it, I will relieve +you of a visitor with whom I well know you have nothing in unison, and +between whom and you there is an impassable space. It is useless to say +it, I know, but it rises out of my soul. For you, and for any dear to +you, I would do anything. If my career were of that better kind that +there was any opportunity or capacity of sacrifice in it, I would +embrace any sacrifice for you and for those dear to you. Try to hold +me in your mind, at some quiet times, as ardent and sincere in this one +thing. The time will come, the time will not be long in coming, when new +ties will be formed about you--ties that will bind you yet more tenderly +and strongly to the home you so adorn--the dearest ties that will ever +grace and gladden you. O Miss Manette, when the little picture of a +happy father's face looks up in yours, when you see your own bright +beauty springing up anew at your feet, think now and then that there is +a man who would give his life, to keep a life you love beside you!" + +He said, "Farewell!" said a last "God bless you!" and left her. + + + + +CHAPTER XIV. +The Honest Tradesman + + +To the eyes of Mr Jeremiah Cruncher, sitting on his stool in +Fleet-street with his grisly urchin beside him, a vast number and +variety of objects in movement were every day presented. Who could sit +upon anything in Fleet-street during the busy hours of the day, and +not be dazed and deafened by two immense processions, one ever tending +westward with the sun, the other ever tending eastward from the sun, +both ever tending to the plains beyond the range of red and purple where +the sun goes down! + +With his straw in his mouth, Mr Cruncher sat watching the two streams, +like the heathen rustic who has for several centuries been on duty +watching one stream--saving that Jerry had no expectation of their ever +running dry. Nor would it have been an expectation of a hopeful kind, +since a small part of his income was derived from the pilotage of timid +women (mostly of a full habit and past the middle term of life) from +Tellson's side of the tides to the opposite shore. Brief as such +companionship was in every separate instance, Mr Cruncher never failed +to become so interested in the lady as to express a strong desire to +have the honour of drinking her very good health. And it was from +the gifts bestowed upon him towards the execution of this benevolent +purpose, that he recruited his finances, as just now observed. + +Time was, when a poet sat upon a stool in a public place, and mused in +the sight of men. Mr Cruncher, sitting on a stool in a public place, +but not being a poet, mused as little as possible, and looked about him. + +It fell out that he was thus engaged in a season when crowds were +few, and belated women few, and when his affairs in general were so +unprosperous as to awaken a strong suspicion in his breast that Mrs +Cruncher must have been "flopping" in some pointed manner, when an +unusual concourse pouring down Fleet-street westward, attracted his +attention. Looking that way, Mr Cruncher made out that some kind of +funeral was coming along, and that there was popular objection to this +funeral, which engendered uproar. + +"Young Jerry," said Mr Cruncher, turning to his offspring, "it's a +buryin'." + +"Hooroar, father!" cried Young Jerry. + +The young gentleman uttered this exultant sound with mysterious +significance. The elder gentleman took the cry so ill, that he watched +his opportunity, and smote the young gentleman on the ear. + +"What d'ye mean? What are you hooroaring at? What do you want to conwey +to your own father, you young Rip? This boy is a getting too many for +_me_!" said Mr Cruncher, surveying him. "Him and his hooroars! Don't +let me hear no more of you, or you shall feel some more of me. D'ye +hear?" + +"I warn't doing no harm," Young Jerry protested, rubbing his cheek. + +"Drop it then," said Mr Cruncher; "I won't have none of _your_ no +harms. Get a top of that there seat, and look at the crowd." + +His son obeyed, and the crowd approached; they were bawling and hissing +round a dingy hearse and dingy mourning coach, in which mourning coach +there was only one mourner, dressed in the dingy trappings that were +considered essential to the dignity of the position. The position +appeared by no means to please him, however, with an increasing rabble +surrounding the coach, deriding him, making grimaces at him, and +incessantly groaning and calling out: "Yah! Spies! Tst! Yaha! Spies!" + with many compliments too numerous and forcible to repeat. + +Funerals had at all times a remarkable attraction for Mr Cruncher; he +always pricked up his senses, and became excited, when a funeral passed +Tellson's. Naturally, therefore, a funeral with this uncommon attendance +excited him greatly, and he asked of the first man who ran against him: + +"What is it, brother? What's it about?" + +"_I_ don't know," said the man. "Spies! Yaha! Tst! Spies!" + +He asked another man. "Who is it?" + +"_I_ don't know," returned the man, clapping his hands to his mouth +nevertheless, and vociferating in a surprising heat and with the +greatest ardour, "Spies! Yaha! Tst, tst! Spi--ies!" + +At length, a person better informed on the merits of the case, tumbled +against him, and from this person he learned that the funeral was the +funeral of one Roger Cly. + +"Was he a spy?" asked Mr Cruncher. + +"Old Bailey spy," returned his informant. "Yaha! Tst! Yah! Old Bailey +Spi--i--ies!" + +"Why, to be sure!" exclaimed Jerry, recalling the Trial at which he had +assisted. "I've seen him. Dead, is he?" + +"Dead as mutton," returned the other, "and can't be too dead. Have 'em +out, there! Spies! Pull 'em out, there! Spies!" + +The idea was so acceptable in the prevalent absence of any idea, +that the crowd caught it up with eagerness, and loudly repeating the +suggestion to have 'em out, and to pull 'em out, mobbed the two vehicles +so closely that they came to a stop. On the crowd's opening the coach +doors, the one mourner scuffled out by himself and was in their hands +for a moment; but he was so alert, and made such good use of his time, +that in another moment he was scouring away up a bye-street, after +shedding his cloak, hat, long hatband, white pocket-handkerchief, and +other symbolical tears. + +These, the people tore to pieces and scattered far and wide with great +enjoyment, while the tradesmen hurriedly shut up their shops; for a +crowd in those times stopped at nothing, and was a monster much dreaded. +They had already got the length of opening the hearse to take the coffin +out, when some brighter genius proposed instead, its being escorted to +its destination amidst general rejoicing. Practical suggestions being +much needed, this suggestion, too, was received with acclamation, and +the coach was immediately filled with eight inside and a dozen out, +while as many people got on the roof of the hearse as could by any +exercise of ingenuity stick upon it. Among the first of these volunteers +was Jerry Cruncher himself, who modestly concealed his spiky head from +the observation of Tellson's, in the further corner of the mourning +coach. + +The officiating undertakers made some protest against these changes in +the ceremonies; but, the river being alarmingly near, and several voices +remarking on the efficacy of cold immersion in bringing refractory +members of the profession to reason, the protest was faint and brief. +The remodelled procession started, with a chimney-sweep driving the +hearse--advised by the regular driver, who was perched beside him, under +close inspection, for the purpose--and with a pieman, also attended +by his cabinet minister, driving the mourning coach. A bear-leader, a +popular street character of the time, was impressed as an additional +ornament, before the cavalcade had gone far down the Strand; and his +bear, who was black and very mangy, gave quite an Undertaking air to +that part of the procession in which he walked. + +Thus, with beer-drinking, pipe-smoking, song-roaring, and infinite +caricaturing of woe, the disorderly procession went its way, recruiting +at every step, and all the shops shutting up before it. Its destination +was the old church of Saint Pancras, far off in the fields. It got there +in course of time; insisted on pouring into the burial-ground; finally, +accomplished the interment of the deceased Roger Cly in its own way, and +highly to its own satisfaction. + +The dead man disposed of, and the crowd being under the necessity of +providing some other entertainment for itself, another brighter +genius (or perhaps the same) conceived the humour of impeaching casual +passers-by, as Old Bailey spies, and wreaking vengeance on them. Chase +was given to some scores of inoffensive persons who had never been near +the Old Bailey in their lives, in the realisation of this fancy, and +they were roughly hustled and maltreated. The transition to the sport of +window-breaking, and thence to the plundering of public-houses, was easy +and natural. At last, after several hours, when sundry summer-houses had +been pulled down, and some area-railings had been torn up, to arm +the more belligerent spirits, a rumour got about that the Guards were +coming. Before this rumour, the crowd gradually melted away, and perhaps +the Guards came, and perhaps they never came, and this was the usual +progress of a mob. + +Mr Cruncher did not assist at the closing sports, but had remained +behind in the churchyard, to confer and condole with the undertakers. +The place had a soothing influence on him. He procured a pipe from a +neighbouring public-house, and smoked it, looking in at the railings and +maturely considering the spot. + +"Jerry," said Mr Cruncher, apostrophising himself in his usual way, +"you see that there Cly that day, and you see with your own eyes that he +was a young 'un and a straight made 'un." + +Having smoked his pipe out, and ruminated a little longer, he turned +himself about, that he might appear, before the hour of closing, on his +station at Tellson's. Whether his meditations on mortality had touched +his liver, or whether his general health had been previously at all +amiss, or whether he desired to show a little attention to an eminent +man, is not so much to the purpose, as that he made a short call upon +his medical adviser--a distinguished surgeon--on his way back. + +Young Jerry relieved his father with dutiful interest, and reported No +job in his absence. The bank closed, the ancient clerks came out, the +usual watch was set, and Mr Cruncher and his son went home to tea. + +"Now, I tell you where it is!" said Mr Cruncher to his wife, on +entering. "If, as a honest tradesman, my wenturs goes wrong to-night, I +shall make sure that you've been praying again me, and I shall work you +for it just the same as if I seen you do it." + +The dejected Mrs Cruncher shook her head. + +"Why, you're at it afore my face!" said Mr Cruncher, with signs of +angry apprehension. + +"I am saying nothing." + +"Well, then; don't meditate nothing. You might as well flop as meditate. +You may as well go again me one way as another. Drop it altogether." + +"Yes, Jerry." + +"Yes, Jerry," repeated Mr Cruncher sitting down to tea. "Ah! It _is_ +yes, Jerry. That's about it. You may say yes, Jerry." + +Mr Cruncher had no particular meaning in these sulky corroborations, +but made use of them, as people not unfrequently do, to express general +ironical dissatisfaction. + +"You and your yes, Jerry," said Mr Cruncher, taking a bite out of his +bread-and-butter, and seeming to help it down with a large invisible +oyster out of his saucer. "Ah! I think so. I believe you." + +"You are going out to-night?" asked his decent wife, when he took +another bite. + +"Yes, I am." + +"May I go with you, father?" asked his son, briskly. + +"No, you mayn't. I'm a going--as your mother knows--a fishing. That's +where I'm going to. Going a fishing." + +"Your fishing-rod gets rayther rusty; don't it, father?" + +"Never you mind." + +"Shall you bring any fish home, father?" + +"If I don't, you'll have short commons, to-morrow," returned that +gentleman, shaking his head; "that's questions enough for you; I ain't a +going out, till you've been long abed." + +He devoted himself during the remainder of the evening to keeping a +most vigilant watch on Mrs Cruncher, and sullenly holding her in +conversation that she might be prevented from meditating any petitions +to his disadvantage. With this view, he urged his son to hold her in +conversation also, and led the unfortunate woman a hard life by dwelling +on any causes of complaint he could bring against her, rather than +he would leave her for a moment to her own reflections. The devoutest +person could have rendered no greater homage to the efficacy of an +honest prayer than he did in this distrust of his wife. It was as if a +professed unbeliever in ghosts should be frightened by a ghost story. + +"And mind you!" said Mr Cruncher. "No games to-morrow! If I, as a +honest tradesman, succeed in providing a jinte of meat or two, none +of your not touching of it, and sticking to bread. If I, as a honest +tradesman, am able to provide a little beer, none of your declaring +on water. When you go to Rome, do as Rome does. Rome will be a ugly +customer to you, if you don't. _I_'m your Rome, you know." + +Then he began grumbling again: + +"With your flying into the face of your own wittles and drink! I don't +know how scarce you mayn't make the wittles and drink here, by your +flopping tricks and your unfeeling conduct. Look at your boy: he _is_ +your'n, ain't he? He's as thin as a lath. Do you call yourself a mother, +and not know that a mother's first duty is to blow her boy out?" + +This touched Young Jerry on a tender place; who adjured his mother to +perform her first duty, and, whatever else she did or neglected, above +all things to lay especial stress on the discharge of that maternal +function so affectingly and delicately indicated by his other parent. + +Thus the evening wore away with the Cruncher family, until Young Jerry +was ordered to bed, and his mother, laid under similar injunctions, +obeyed them. Mr Cruncher beguiled the earlier watches of the night with +solitary pipes, and did not start upon his excursion until nearly one +o'clock. Towards that small and ghostly hour, he rose up from his chair, +took a key out of his pocket, opened a locked cupboard, and brought +forth a sack, a crowbar of convenient size, a rope and chain, and other +fishing tackle of that nature. Disposing these articles about him +in skilful manner, he bestowed a parting defiance on Mrs Cruncher, +extinguished the light, and went out. + +Young Jerry, who had only made a feint of undressing when he went to +bed, was not long after his father. Under cover of the darkness he +followed out of the room, followed down the stairs, followed down the +court, followed out into the streets. He was in no uneasiness concerning +his getting into the house again, for it was full of lodgers, and the +door stood ajar all night. + +Impelled by a laudable ambition to study the art and mystery of his +father's honest calling, Young Jerry, keeping as close to house fronts, +walls, and doorways, as his eyes were close to one another, held his +honoured parent in view. The honoured parent steering Northward, had not +gone far, when he was joined by another disciple of Izaak Walton, and +the two trudged on together. + +Within half an hour from the first starting, they were beyond the +winking lamps, and the more than winking watchmen, and were out upon a +lonely road. Another fisherman was picked up here--and that so silently, +that if Young Jerry had been superstitious, he might have supposed the +second follower of the gentle craft to have, all of a sudden, split +himself into two. + +The three went on, and Young Jerry went on, until the three stopped +under a bank overhanging the road. Upon the top of the bank was a low +brick wall, surmounted by an iron railing. In the shadow of bank and +wall the three turned out of the road, and up a blind lane, of which +the wall--there, risen to some eight or ten feet high--formed one side. +Crouching down in a corner, peeping up the lane, the next object that +Young Jerry saw, was the form of his honoured parent, pretty well +defined against a watery and clouded moon, nimbly scaling an iron gate. +He was soon over, and then the second fisherman got over, and then the +third. They all dropped softly on the ground within the gate, and lay +there a little--listening perhaps. Then, they moved away on their hands +and knees. + +It was now Young Jerry's turn to approach the gate: which he did, +holding his breath. Crouching down again in a corner there, and looking +in, he made out the three fishermen creeping through some rank grass! +and all the gravestones in the churchyard--it was a large churchyard +that they were in--looking on like ghosts in white, while the church +tower itself looked on like the ghost of a monstrous giant. They did not +creep far, before they stopped and stood upright. And then they began to +fish. + +They fished with a spade, at first. Presently the honoured parent +appeared to be adjusting some instrument like a great corkscrew. +Whatever tools they worked with, they worked hard, until the awful +striking of the church clock so terrified Young Jerry, that he made off, +with his hair as stiff as his father's. + +But, his long-cherished desire to know more about these matters, not +only stopped him in his running away, but lured him back again. They +were still fishing perseveringly, when he peeped in at the gate for +the second time; but, now they seemed to have got a bite. There was a +screwing and complaining sound down below, and their bent figures were +strained, as if by a weight. By slow degrees the weight broke away the +earth upon it, and came to the surface. Young Jerry very well knew what +it would be; but, when he saw it, and saw his honoured parent about to +wrench it open, he was so frightened, being new to the sight, that he +made off again, and never stopped until he had run a mile or more. + +He would not have stopped then, for anything less necessary than breath, +it being a spectral sort of race that he ran, and one highly desirable +to get to the end of. He had a strong idea that the coffin he had seen +was running after him; and, pictured as hopping on behind him, bolt +upright, upon its narrow end, always on the point of overtaking him +and hopping on at his side--perhaps taking his arm--it was a pursuer to +shun. It was an inconsistent and ubiquitous fiend too, for, while it +was making the whole night behind him dreadful, he darted out into the +roadway to avoid dark alleys, fearful of its coming hopping out of them +like a dropsical boy's kite without tail and wings. It hid in doorways +too, rubbing its horrible shoulders against doors, and drawing them up +to its ears, as if it were laughing. It got into shadows on the road, +and lay cunningly on its back to trip him up. All this time it was +incessantly hopping on behind and gaining on him, so that when the boy +got to his own door he had reason for being half dead. And even then +it would not leave him, but followed him upstairs with a bump on every +stair, scrambled into bed with him, and bumped down, dead and heavy, on +his breast when he fell asleep. + +From his oppressed slumber, Young Jerry in his closet was awakened after +daybreak and before sunrise, by the presence of his father in the +family room. Something had gone wrong with him; at least, so Young Jerry +inferred, from the circumstance of his holding Mrs Cruncher by the +ears, and knocking the back of her head against the head-board of the +bed. + +"I told you I would," said Mr Cruncher, "and I did." + +"Jerry, Jerry, Jerry!" his wife implored. + +"You oppose yourself to the profit of the business," said Jerry, "and me +and my partners suffer. You was to honour and obey; why the devil don't +you?" + +"I try to be a good wife, Jerry," the poor woman protested, with tears. + +"Is it being a good wife to oppose your husband's business? Is it +honouring your husband to dishonour his business? Is it obeying your +husband to disobey him on the wital subject of his business?" + +"You hadn't taken to the dreadful business then, Jerry." + +"It's enough for you," retorted Mr Cruncher, "to be the wife of a +honest tradesman, and not to occupy your female mind with calculations +when he took to his trade or when he didn't. A honouring and obeying +wife would let his trade alone altogether. Call yourself a religious +woman? If you're a religious woman, give me a irreligious one! You have +no more nat'ral sense of duty than the bed of this here Thames river has +of a pile, and similarly it must be knocked into you." + +The altercation was conducted in a low tone of voice, and terminated in +the honest tradesman's kicking off his clay-soiled boots, and lying down +at his length on the floor. After taking a timid peep at him lying on +his back, with his rusty hands under his head for a pillow, his son lay +down too, and fell asleep again. + +There was no fish for breakfast, and not much of anything else. Mr +Cruncher was out of spirits, and out of temper, and kept an iron pot-lid +by him as a projectile for the correction of Mrs Cruncher, in case +he should observe any symptoms of her saying Grace. He was brushed +and washed at the usual hour, and set off with his son to pursue his +ostensible calling. + +Young Jerry, walking with the stool under his arm at his father's side +along sunny and crowded Fleet-street, was a very different Young Jerry +from him of the previous night, running home through darkness and +solitude from his grim pursuer. His cunning was fresh with the day, +and his qualms were gone with the night--in which particulars it is not +improbable that he had compeers in Fleet-street and the City of London, +that fine morning. + +"Father," said Young Jerry, as they walked along: taking care to keep +at arm's length and to have the stool well between them: "what's a +Resurrection-Man?" + +Mr Cruncher came to a stop on the pavement before he answered, "How +should I know?" + +"I thought you knowed everything, father," said the artless boy. + +"Hem! Well," returned Mr Cruncher, going on again, and lifting off his +hat to give his spikes free play, "he's a tradesman." + +"What's his goods, father?" asked the brisk Young Jerry. + +"His goods," said Mr Cruncher, after turning it over in his mind, "is a +branch of Scientific goods." + +"Persons' bodies, ain't it, father?" asked the lively boy. + +"I believe it is something of that sort," said Mr Cruncher. + +"Oh, father, I should so like to be a Resurrection-Man when I'm quite +growed up!" + +Mr Cruncher was soothed, but shook his head in a dubious and moral way. +"It depends upon how you dewelop your talents. Be careful to dewelop +your talents, and never to say no more than you can help to nobody, and +there's no telling at the present time what you may not come to be fit +for." As Young Jerry, thus encouraged, went on a few yards in advance, +to plant the stool in the shadow of the Bar, Mr Cruncher added to +himself: "Jerry, you honest tradesman, there's hopes wot that boy will +yet be a blessing to you, and a recompense to you for his mother!" + + + + +CHAPTER XV. +Knitting + + +There had been earlier drinking than usual in the wine-shop of Monsieur +Defarge. As early as six o'clock in the morning, sallow faces peeping +through its barred windows had descried other faces within, bending over +measures of wine. Monsieur Defarge sold a very thin wine at the best +of times, but it would seem to have been an unusually thin wine that +he sold at this time. A sour wine, moreover, or a souring, for its +influence on the mood of those who drank it was to make them gloomy. No +vivacious Bacchanalian flame leaped out of the pressed grape of Monsieur +Defarge: but, a smouldering fire that burnt in the dark, lay hidden in +the dregs of it. + +This had been the third morning in succession, on which there had been +early drinking at the wine-shop of Monsieur Defarge. It had begun +on Monday, and here was Wednesday come. There had been more of early +brooding than drinking; for, many men had listened and whispered and +slunk about there from the time of the opening of the door, who could +not have laid a piece of money on the counter to save their souls. These +were to the full as interested in the place, however, as if they could +have commanded whole barrels of wine; and they glided from seat to seat, +and from corner to corner, swallowing talk in lieu of drink, with greedy +looks. + +Notwithstanding an unusual flow of company, the master of the wine-shop +was not visible. He was not missed; for, nobody who crossed the +threshold looked for him, nobody asked for him, nobody wondered to see +only Madame Defarge in her seat, presiding over the distribution of +wine, with a bowl of battered small coins before her, as much defaced +and beaten out of their original impress as the small coinage of +humanity from whose ragged pockets they had come. + +A suspended interest and a prevalent absence of mind, were perhaps +observed by the spies who looked in at the wine-shop, as they looked in +at every place, high and low, from the king's palace to the criminal's +gaol. Games at cards languished, players at dominoes musingly built +towers with them, drinkers drew figures on the tables with spilt drops +of wine, Madame Defarge herself picked out the pattern on her sleeve +with her toothpick, and saw and heard something inaudible and invisible +a long way off. + +Thus, Saint Antoine in this vinous feature of his, until midday. It was +high noontide, when two dusty men passed through his streets and under +his swinging lamps: of whom, one was Monsieur Defarge: the other a +mender of roads in a blue cap. All adust and athirst, the two entered +the wine-shop. Their arrival had lighted a kind of fire in the breast +of Saint Antoine, fast spreading as they came along, which stirred and +flickered in flames of faces at most doors and windows. Yet, no one had +followed them, and no man spoke when they entered the wine-shop, though +the eyes of every man there were turned upon them. + +"Good day, gentlemen!" said Monsieur Defarge. + +It may have been a signal for loosening the general tongue. It elicited +an answering chorus of "Good day!" + +"It is bad weather, gentlemen," said Defarge, shaking his head. + +Upon which, every man looked at his neighbour, and then all cast down +their eyes and sat silent. Except one man, who got up and went out. + +"My wife," said Defarge aloud, addressing Madame Defarge: "I have +travelled certain leagues with this good mender of roads, called +Jacques. I met him--by accident--a day and half's journey out of Paris. +He is a good child, this mender of roads, called Jacques. Give him to +drink, my wife!" + +A second man got up and went out. Madame Defarge set wine before the +mender of roads called Jacques, who doffed his blue cap to the company, +and drank. In the breast of his blouse he carried some coarse dark +bread; he ate of this between whiles, and sat munching and drinking near +Madame Defarge's counter. A third man got up and went out. + +Defarge refreshed himself with a draught of wine--but, he took less +than was given to the stranger, as being himself a man to whom it was no +rarity--and stood waiting until the countryman had made his breakfast. +He looked at no one present, and no one now looked at him; not even +Madame Defarge, who had taken up her knitting, and was at work. + +"Have you finished your repast, friend?" he asked, in due season. + +"Yes, thank you." + +"Come, then! You shall see the apartment that I told you you could +occupy. It will suit you to a marvel." + +Out of the wine-shop into the street, out of the street into a +courtyard, out of the courtyard up a steep staircase, out of the +staircase into a garret--formerly the garret where a white-haired man +sat on a low bench, stooping forward and very busy, making shoes. + +No white-haired man was there now; but, the three men were there who had +gone out of the wine-shop singly. And between them and the white-haired +man afar off, was the one small link, that they had once looked in at +him through the chinks in the wall. + +Defarge closed the door carefully, and spoke in a subdued voice: + +"Jacques One, Jacques Two, Jacques Three! This is the witness +encountered by appointment, by me, Jacques Four. He will tell you all. +Speak, Jacques Five!" + +The mender of roads, blue cap in hand, wiped his swarthy forehead with +it, and said, "Where shall I commence, monsieur?" + +"Commence," was Monsieur Defarge's not unreasonable reply, "at the +commencement." + +"I saw him then, messieurs," began the mender of roads, "a year ago this +running summer, underneath the carriage of the Marquis, hanging by the +chain. Behold the manner of it. I leaving my work on the road, the sun +going to bed, the carriage of the Marquis slowly ascending the hill, he +hanging by the chain--like this." + +Again the mender of roads went through the whole performance; in which +he ought to have been perfect by that time, seeing that it had been +the infallible resource and indispensable entertainment of his village +during a whole year. + +Jacques One struck in, and asked if he had ever seen the man before? + +"Never," answered the mender of roads, recovering his perpendicular. + +Jacques Three demanded how he afterwards recognised him then? + +"By his tall figure," said the mender of roads, softly, and with his +finger at his nose. "When Monsieur the Marquis demands that evening, +'Say, what is he like?' I make response, 'Tall as a spectre.'" + +"You should have said, short as a dwarf," returned Jacques Two. + +"But what did I know? The deed was not then accomplished, neither did he +confide in me. Observe! Under those circumstances even, I do not +offer my testimony. Monsieur the Marquis indicates me with his finger, +standing near our little fountain, and says, 'To me! Bring that rascal!' +My faith, messieurs, I offer nothing." + +"He is right there, Jacques," murmured Defarge, to him who had +interrupted. "Go on!" + +"Good!" said the mender of roads, with an air of mystery. "The tall man +is lost, and he is sought--how many months? Nine, ten, eleven?" + +"No matter, the number," said Defarge. "He is well hidden, but at last +he is unluckily found. Go on!" + +"I am again at work upon the hill-side, and the sun is again about to +go to bed. I am collecting my tools to descend to my cottage down in the +village below, where it is already dark, when I raise my eyes, and see +coming over the hill six soldiers. In the midst of them is a tall man +with his arms bound--tied to his sides--like this!" + +With the aid of his indispensable cap, he represented a man with his +elbows bound fast at his hips, with cords that were knotted behind him. + +"I stand aside, messieurs, by my heap of stones, to see the soldiers +and their prisoner pass (for it is a solitary road, that, where any +spectacle is well worth looking at), and at first, as they approach, I +see no more than that they are six soldiers with a tall man bound, and +that they are almost black to my sight--except on the side of the sun +going to bed, where they have a red edge, messieurs. Also, I see that +their long shadows are on the hollow ridge on the opposite side of the +road, and are on the hill above it, and are like the shadows of giants. +Also, I see that they are covered with dust, and that the dust moves +with them as they come, tramp, tramp! But when they advance quite near +to me, I recognise the tall man, and he recognises me. Ah, but he would +be well content to precipitate himself over the hill-side once again, as +on the evening when he and I first encountered, close to the same spot!" + +He described it as if he were there, and it was evident that he saw it +vividly; perhaps he had not seen much in his life. + +"I do not show the soldiers that I recognise the tall man; he does not +show the soldiers that he recognises me; we do it, and we know it, with +our eyes. 'Come on!' says the chief of that company, pointing to the +village, 'bring him fast to his tomb!' and they bring him faster. I +follow. His arms are swelled because of being bound so tight, his wooden +shoes are large and clumsy, and he is lame. Because he is lame, and +consequently slow, they drive him with their guns--like this!" + +He imitated the action of a man's being impelled forward by the +butt-ends of muskets. + +"As they descend the hill like madmen running a race, he falls. They +laugh and pick him up again. His face is bleeding and covered with dust, +but he cannot touch it; thereupon they laugh again. They bring him into +the village; all the village runs to look; they take him past the mill, +and up to the prison; all the village sees the prison gate open in the +darkness of the night, and swallow him--like this!" + +He opened his mouth as wide as he could, and shut it with a sounding +snap of his teeth. Observant of his unwillingness to mar the effect by +opening it again, Defarge said, "Go on, Jacques." + +"All the village," pursued the mender of roads, on tiptoe and in a low +voice, "withdraws; all the village whispers by the fountain; all the +village sleeps; all the village dreams of that unhappy one, within the +locks and bars of the prison on the crag, and never to come out of it, +except to perish. In the morning, with my tools upon my shoulder, eating +my morsel of black bread as I go, I make a circuit by the prison, on +my way to my work. There I see him, high up, behind the bars of a lofty +iron cage, bloody and dusty as last night, looking through. He has no +hand free, to wave to me; I dare not call to him; he regards me like a +dead man." + +Defarge and the three glanced darkly at one another. The looks of all +of them were dark, repressed, and revengeful, as they listened to the +countryman's story; the manner of all of them, while it was secret, was +authoritative too. They had the air of a rough tribunal; Jacques One +and Two sitting on the old pallet-bed, each with his chin resting on +his hand, and his eyes intent on the road-mender; Jacques Three, equally +intent, on one knee behind them, with his agitated hand always gliding +over the network of fine nerves about his mouth and nose; Defarge +standing between them and the narrator, whom he had stationed in the +light of the window, by turns looking from him to them, and from them to +him. + +"Go on, Jacques," said Defarge. + +"He remains up there in his iron cage some days. The village looks +at him by stealth, for it is afraid. But it always looks up, from a +distance, at the prison on the crag; and in the evening, when the work +of the day is achieved and it assembles to gossip at the fountain, all +faces are turned towards the prison. Formerly, they were turned towards +the posting-house; now, they are turned towards the prison. They +whisper at the fountain, that although condemned to death he will not be +executed; they say that petitions have been presented in Paris, showing +that he was enraged and made mad by the death of his child; they say +that a petition has been presented to the King himself. What do I know? +It is possible. Perhaps yes, perhaps no." + +"Listen then, Jacques," Number One of that name sternly interposed. +"Know that a petition was presented to the King and Queen. All here, +yourself excepted, saw the King take it, in his carriage in the street, +sitting beside the Queen. It is Defarge whom you see here, who, at the +hazard of his life, darted out before the horses, with the petition in +his hand." + +"And once again listen, Jacques!" said the kneeling Number Three: +his fingers ever wandering over and over those fine nerves, with a +strikingly greedy air, as if he hungered for something--that was neither +food nor drink; "the guard, horse and foot, surrounded the petitioner, +and struck him blows. You hear?" + +"I hear, messieurs." + +"Go on then," said Defarge. + +"Again; on the other hand, they whisper at the fountain," resumed the +countryman, "that he is brought down into our country to be executed on +the spot, and that he will very certainly be executed. They even whisper +that because he has slain Monseigneur, and because Monseigneur was the +father of his tenants--serfs--what you will--he will be executed as a +parricide. One old man says at the fountain, that his right hand, armed +with the knife, will be burnt off before his face; that, into wounds +which will be made in his arms, his breast, and his legs, there will be +poured boiling oil, melted lead, hot resin, wax, and sulphur; finally, +that he will be torn limb from limb by four strong horses. That old man +says, all this was actually done to a prisoner who made an attempt on +the life of the late King, Louis Fifteen. But how do I know if he lies? +I am not a scholar." + +"Listen once again then, Jacques!" said the man with the restless hand +and the craving air. "The name of that prisoner was Damiens, and it was +all done in open day, in the open streets of this city of Paris; and +nothing was more noticed in the vast concourse that saw it done, than +the crowd of ladies of quality and fashion, who were full of eager +attention to the last--to the last, Jacques, prolonged until nightfall, +when he had lost two legs and an arm, and still breathed! And it was +done--why, how old are you?" + +"Thirty-five," said the mender of roads, who looked sixty. + +"It was done when you were more than ten years old; you might have seen +it." + +"Enough!" said Defarge, with grim impatience. "Long live the Devil! Go +on." + +"Well! Some whisper this, some whisper that; they speak of nothing else; +even the fountain appears to fall to that tune. At length, on Sunday +night when all the village is asleep, come soldiers, winding down from +the prison, and their guns ring on the stones of the little street. +Workmen dig, workmen hammer, soldiers laugh and sing; in the morning, by +the fountain, there is raised a gallows forty feet high, poisoning the +water." + +The mender of roads looked _through_ rather than _at_ the low ceiling, +and pointed as if he saw the gallows somewhere in the sky. + +"All work is stopped, all assemble there, nobody leads the cows out, +the cows are there with the rest. At midday, the roll of drums. Soldiers +have marched into the prison in the night, and he is in the midst +of many soldiers. He is bound as before, and in his mouth there is +a gag--tied so, with a tight string, making him look almost as if he +laughed." He suggested it, by creasing his face with his two thumbs, +from the corners of his mouth to his ears. "On the top of the gallows is +fixed the knife, blade upwards, with its point in the air. He is hanged +there forty feet high--and is left hanging, poisoning the water." + +They looked at one another, as he used his blue cap to wipe his face, +on which the perspiration had started afresh while he recalled the +spectacle. + +"It is frightful, messieurs. How can the women and the children draw +water! Who can gossip of an evening, under that shadow! Under it, have +I said? When I left the village, Monday evening as the sun was going to +bed, and looked back from the hill, the shadow struck across the church, +across the mill, across the prison--seemed to strike across the earth, +messieurs, to where the sky rests upon it!" + +The hungry man gnawed one of his fingers as he looked at the other +three, and his finger quivered with the craving that was on him. + +"That's all, messieurs. I left at sunset (as I had been warned to do), +and I walked on, that night and half next day, until I met (as I was +warned I should) this comrade. With him, I came on, now riding and now +walking, through the rest of yesterday and through last night. And here +you see me!" + +After a gloomy silence, the first Jacques said, "Good! You have acted +and recounted faithfully. Will you wait for us a little, outside the +door?" + +"Very willingly," said the mender of roads. Whom Defarge escorted to the +top of the stairs, and, leaving seated there, returned. + +The three had risen, and their heads were together when he came back to +the garret. + +"How say you, Jacques?" demanded Number One. "To be registered?" + +"To be registered, as doomed to destruction," returned Defarge. + +"Magnificent!" croaked the man with the craving. + +"The chateau, and all the race?" inquired the first. + +"The chateau and all the race," returned Defarge. "Extermination." + +The hungry man repeated, in a rapturous croak, "Magnificent!" and began +gnawing another finger. + +"Are you sure," asked Jacques Two, of Defarge, "that no embarrassment +can arise from our manner of keeping the register? Without doubt it is +safe, for no one beyond ourselves can decipher it; but shall we always +be able to decipher it--or, I ought to say, will she?" + +"Jacques," returned Defarge, drawing himself up, "if madame my wife +undertook to keep the register in her memory alone, she would not lose +a word of it--not a syllable of it. Knitted, in her own stitches and her +own symbols, it will always be as plain to her as the sun. Confide in +Madame Defarge. It would be easier for the weakest poltroon that lives, +to erase himself from existence, than to erase one letter of his name or +crimes from the knitted register of Madame Defarge." + +There was a murmur of confidence and approval, and then the man who +hungered, asked: "Is this rustic to be sent back soon? I hope so. He is +very simple; is he not a little dangerous?" + +"He knows nothing," said Defarge; "at least nothing more than would +easily elevate himself to a gallows of the same height. I charge myself +with him; let him remain with me; I will take care of him, and set him +on his road. He wishes to see the fine world--the King, the Queen, and +Court; let him see them on Sunday." + +"What?" exclaimed the hungry man, staring. "Is it a good sign, that he +wishes to see Royalty and Nobility?" + +"Jacques," said Defarge; "judiciously show a cat milk, if you wish her +to thirst for it. Judiciously show a dog his natural prey, if you wish +him to bring it down one day." + +Nothing more was said, and the mender of roads, being found already +dozing on the topmost stair, was advised to lay himself down on the +pallet-bed and take some rest. He needed no persuasion, and was soon +asleep. + +Worse quarters than Defarge's wine-shop, could easily have been found +in Paris for a provincial slave of that degree. Saving for a mysterious +dread of madame by which he was constantly haunted, his life was very +new and agreeable. But, madame sat all day at her counter, so expressly +unconscious of him, and so particularly determined not to perceive that +his being there had any connection with anything below the surface, that +he shook in his wooden shoes whenever his eye lighted on her. For, he +contended with himself that it was impossible to foresee what that lady +might pretend next; and he felt assured that if she should take it +into her brightly ornamented head to pretend that she had seen him do a +murder and afterwards flay the victim, she would infallibly go through +with it until the play was played out. + +Therefore, when Sunday came, the mender of roads was not enchanted +(though he said he was) to find that madame was to accompany monsieur +and himself to Versailles. It was additionally disconcerting to have +madame knitting all the way there, in a public conveyance; it was +additionally disconcerting yet, to have madame in the crowd in the +afternoon, still with her knitting in her hands as the crowd waited to +see the carriage of the King and Queen. + +"You work hard, madame," said a man near her. + +"Yes," answered Madame Defarge; "I have a good deal to do." + +"What do you make, madame?" + +"Many things." + +"For instance--" + +"For instance," returned Madame Defarge, composedly, "shrouds." + +The man moved a little further away, as soon as he could, and the mender +of roads fanned himself with his blue cap: feeling it mightily close +and oppressive. If he needed a King and Queen to restore him, he was +fortunate in having his remedy at hand; for, soon the large-faced King +and the fair-faced Queen came in their golden coach, attended by the +shining Bull's Eye of their Court, a glittering multitude of laughing +ladies and fine lords; and in jewels and silks and powder and splendour +and elegantly spurning figures and handsomely disdainful faces of both +sexes, the mender of roads bathed himself, so much to his temporary +intoxication, that he cried Long live the King, Long live the Queen, +Long live everybody and everything! as if he had never heard of +ubiquitous Jacques in his time. Then, there were gardens, courtyards, +terraces, fountains, green banks, more King and Queen, more Bull's Eye, +more lords and ladies, more Long live they all! until he absolutely wept +with sentiment. During the whole of this scene, which lasted some three +hours, he had plenty of shouting and weeping and sentimental company, +and throughout Defarge held him by the collar, as if to restrain him +from flying at the objects of his brief devotion and tearing them to +pieces. + +"Bravo!" said Defarge, clapping him on the back when it was over, like a +patron; "you are a good boy!" + +The mender of roads was now coming to himself, and was mistrustful of +having made a mistake in his late demonstrations; but no. + +"You are the fellow we want," said Defarge, in his ear; "you make +these fools believe that it will last for ever. Then, they are the more +insolent, and it is the nearer ended." + +"Hey!" cried the mender of roads, reflectively; "that's true." + +"These fools know nothing. While they despise your breath, and would +stop it for ever and ever, in you or in a hundred like you rather than +in one of their own horses or dogs, they only know what your breath +tells them. Let it deceive them, then, a little longer; it cannot +deceive them too much." + +Madame Defarge looked superciliously at the client, and nodded in +confirmation. + +"As to you," said she, "you would shout and shed tears for anything, if +it made a show and a noise. Say! Would you not?" + +"Truly, madame, I think so. For the moment." + +"If you were shown a great heap of dolls, and were set upon them to +pluck them to pieces and despoil them for your own advantage, you would +pick out the richest and gayest. Say! Would you not?" + +"Truly yes, madame." + +"Yes. And if you were shown a flock of birds, unable to fly, and were +set upon them to strip them of their feathers for your own advantage, +you would set upon the birds of the finest feathers; would you not?" + +"It is true, madame." + +"You have seen both dolls and birds to-day," said Madame Defarge, with +a wave of her hand towards the place where they had last been apparent; +"now, go home!" + + + + +CHAPTER XVI. +Still Knitting + + +Madame Defarge and monsieur her husband returned amicably to the +bosom of Saint Antoine, while a speck in a blue cap toiled through the +darkness, and through the dust, and down the weary miles of avenue by +the wayside, slowly tending towards that point of the compass where +the chateau of Monsieur the Marquis, now in his grave, listened to +the whispering trees. Such ample leisure had the stone faces, now, +for listening to the trees and to the fountain, that the few village +scarecrows who, in their quest for herbs to eat and fragments of dead +stick to burn, strayed within sight of the great stone courtyard and +terrace staircase, had it borne in upon their starved fancy that +the expression of the faces was altered. A rumour just lived in the +village--had a faint and bare existence there, as its people had--that +when the knife struck home, the faces changed, from faces of pride to +faces of anger and pain; also, that when that dangling figure was hauled +up forty feet above the fountain, they changed again, and bore a cruel +look of being avenged, which they would henceforth bear for ever. In the +stone face over the great window of the bed-chamber where the murder +was done, two fine dints were pointed out in the sculptured nose, which +everybody recognised, and which nobody had seen of old; and on the +scarce occasions when two or three ragged peasants emerged from the +crowd to take a hurried peep at Monsieur the Marquis petrified, a +skinny finger would not have pointed to it for a minute, before they all +started away among the moss and leaves, like the more fortunate hares +who could find a living there. + +Chateau and hut, stone face and dangling figure, the red stain on the +stone floor, and the pure water in the village well--thousands of acres +of land--a whole province of France--all France itself--lay under the +night sky, concentrated into a faint hair-breadth line. So does a whole +world, with all its greatnesses and littlenesses, lie in a twinkling +star. And as mere human knowledge can split a ray of light and analyse +the manner of its composition, so, sublimer intelligences may read in +the feeble shining of this earth of ours, every thought and act, every +vice and virtue, of every responsible creature on it. + +The Defarges, husband and wife, came lumbering under the starlight, +in their public vehicle, to that gate of Paris whereunto their +journey naturally tended. There was the usual stoppage at the barrier +guardhouse, and the usual lanterns came glancing forth for the usual +examination and inquiry. Monsieur Defarge alighted; knowing one or two +of the soldiery there, and one of the police. The latter he was intimate +with, and affectionately embraced. + +When Saint Antoine had again enfolded the Defarges in his dusky wings, +and they, having finally alighted near the Saint's boundaries, were +picking their way on foot through the black mud and offal of his +streets, Madame Defarge spoke to her husband: + +"Say then, my friend; what did Jacques of the police tell thee?" + +"Very little to-night, but all he knows. There is another spy +commissioned for our quarter. There may be many more, for all that he +can say, but he knows of one." + +"Eh well!" said Madame Defarge, raising her eyebrows with a cool +business air. "It is necessary to register him. How do they call that +man?" + +"He is English." + +"So much the better. His name?" + +"Barsad," said Defarge, making it French by pronunciation. But, he had +been so careful to get it accurately, that he then spelt it with perfect +correctness. + +"Barsad," repeated madame. "Good. Christian name?" + +"John." + +"John Barsad," repeated madame, after murmuring it once to herself. +"Good. His appearance; is it known?" + +"Age, about forty years; height, about five feet nine; black hair; +complexion dark; generally, rather handsome visage; eyes dark, face +thin, long, and sallow; nose aquiline, but not straight, having a +peculiar inclination towards the left cheek; expression, therefore, +sinister." + +"Eh my faith. It is a portrait!" said madame, laughing. "He shall be +registered to-morrow." + +They turned into the wine-shop, which was closed (for it was midnight), +and where Madame Defarge immediately took her post at her desk, counted +the small moneys that had been taken during her absence, examined the +stock, went through the entries in the book, made other entries of +her own, checked the serving man in every possible way, and finally +dismissed him to bed. Then she turned out the contents of the bowl +of money for the second time, and began knotting them up in her +handkerchief, in a chain of separate knots, for safe keeping through the +night. All this while, Defarge, with his pipe in his mouth, walked +up and down, complacently admiring, but never interfering; in which +condition, indeed, as to the business and his domestic affairs, he +walked up and down through life. + +The night was hot, and the shop, close shut and surrounded by so foul a +neighbourhood, was ill-smelling. Monsieur Defarge's olfactory sense was +by no means delicate, but the stock of wine smelt much stronger than +it ever tasted, and so did the stock of rum and brandy and aniseed. He +whiffed the compound of scents away, as he put down his smoked-out pipe. + +"You are fatigued," said madame, raising her glance as she knotted the +money. "There are only the usual odours." + +"I am a little tired," her husband acknowledged. + +"You are a little depressed, too," said madame, whose quick eyes had +never been so intent on the accounts, but they had had a ray or two for +him. "Oh, the men, the men!" + +"But my dear!" began Defarge. + +"But my dear!" repeated madame, nodding firmly; "but my dear! You are +faint of heart to-night, my dear!" + +"Well, then," said Defarge, as if a thought were wrung out of his +breast, "it _is_ a long time." + +"It is a long time," repeated his wife; "and when is it not a long time? +Vengeance and retribution require a long time; it is the rule." + +"It does not take a long time to strike a man with Lightning," said +Defarge. + +"How long," demanded madame, composedly, "does it take to make and store +the lightning? Tell me." + +Defarge raised his head thoughtfully, as if there were something in that +too. + +"It does not take a long time," said madame, "for an earthquake to +swallow a town. Eh well! Tell me how long it takes to prepare the +earthquake?" + +"A long time, I suppose," said Defarge. + +"But when it is ready, it takes place, and grinds to pieces everything +before it. In the meantime, it is always preparing, though it is not +seen or heard. That is your consolation. Keep it." + +She tied a knot with flashing eyes, as if it throttled a foe. + +"I tell thee," said madame, extending her right hand, for emphasis, +"that although it is a long time on the road, it is on the road and +coming. I tell thee it never retreats, and never stops. I tell thee it +is always advancing. Look around and consider the lives of all the world +that we know, consider the faces of all the world that we know, consider +the rage and discontent to which the Jacquerie addresses itself with +more and more of certainty every hour. Can such things last? Bah! I mock +you." + +"My brave wife," returned Defarge, standing before her with his head +a little bent, and his hands clasped at his back, like a docile and +attentive pupil before his catechist, "I do not question all this. But +it has lasted a long time, and it is possible--you know well, my wife, +it is possible--that it may not come, during our lives." + +"Eh well! How then?" demanded madame, tying another knot, as if there +were another enemy strangled. + +"Well!" said Defarge, with a half complaining and half apologetic shrug. +"We shall not see the triumph." + +"We shall have helped it," returned madame, with her extended hand in +strong action. "Nothing that we do, is done in vain. I believe, with all +my soul, that we shall see the triumph. But even if not, even if I knew +certainly not, show me the neck of an aristocrat and tyrant, and still I +would--" + +Then madame, with her teeth set, tied a very terrible knot indeed. + +"Hold!" cried Defarge, reddening a little as if he felt charged with +cowardice; "I too, my dear, will stop at nothing." + +"Yes! But it is your weakness that you sometimes need to see your victim +and your opportunity, to sustain you. Sustain yourself without that. +When the time comes, let loose a tiger and a devil; but wait for the +time with the tiger and the devil chained--not shown--yet always ready." + +Madame enforced the conclusion of this piece of advice by striking her +little counter with her chain of money as if she knocked its brains +out, and then gathering the heavy handkerchief under her arm in a serene +manner, and observing that it was time to go to bed. + +Next noontide saw the admirable woman in her usual place in the +wine-shop, knitting away assiduously. A rose lay beside her, and if she +now and then glanced at the flower, it was with no infraction of her +usual preoccupied air. There were a few customers, drinking or not +drinking, standing or seated, sprinkled about. The day was very hot, +and heaps of flies, who were extending their inquisitive and adventurous +perquisitions into all the glutinous little glasses near madame, fell +dead at the bottom. Their decease made no impression on the other flies +out promenading, who looked at them in the coolest manner (as if they +themselves were elephants, or something as far removed), until they met +the same fate. Curious to consider how heedless flies are!--perhaps they +thought as much at Court that sunny summer day. + +A figure entering at the door threw a shadow on Madame Defarge which she +felt to be a new one. She laid down her knitting, and began to pin her +rose in her head-dress, before she looked at the figure. + +It was curious. The moment Madame Defarge took up the rose, the +customers ceased talking, and began gradually to drop out of the +wine-shop. + +"Good day, madame," said the new-comer. + +"Good day, monsieur." + +She said it aloud, but added to herself, as she resumed her knitting: +"Hah! Good day, age about forty, height about five feet nine, black +hair, generally rather handsome visage, complexion dark, eyes dark, +thin, long and sallow face, aquiline nose but not straight, having a +peculiar inclination towards the left cheek which imparts a sinister +expression! Good day, one and all!" + +"Have the goodness to give me a little glass of old cognac, and a +mouthful of cool fresh water, madame." + +Madame complied with a polite air. + +"Marvellous cognac this, madame!" + +It was the first time it had ever been so complimented, and Madame +Defarge knew enough of its antecedents to know better. She said, +however, that the cognac was flattered, and took up her knitting. The +visitor watched her fingers for a few moments, and took the opportunity +of observing the place in general. + +"You knit with great skill, madame." + +"I am accustomed to it." + +"A pretty pattern too!" + +"_You_ think so?" said madame, looking at him with a smile. + +"Decidedly. May one ask what it is for?" + +"Pastime," said madame, still looking at him with a smile while her +fingers moved nimbly. + +"Not for use?" + +"That depends. I may find a use for it one day. If I do--Well," said +madame, drawing a breath and nodding her head with a stern kind of +coquetry, "I'll use it!" + +It was remarkable; but, the taste of Saint Antoine seemed to be +decidedly opposed to a rose on the head-dress of Madame Defarge. Two +men had entered separately, and had been about to order drink, when, +catching sight of that novelty, they faltered, made a pretence of +looking about as if for some friend who was not there, and went away. +Nor, of those who had been there when this visitor entered, was there +one left. They had all dropped off. The spy had kept his eyes open, +but had been able to detect no sign. They had lounged away in a +poverty-stricken, purposeless, accidental manner, quite natural and +unimpeachable. + +"_John_," thought madame, checking off her work as her fingers knitted, +and her eyes looked at the stranger. "Stay long enough, and I shall knit +'BARSAD' before you go." + +"You have a husband, madame?" + +"I have." + +"Children?" + +"No children." + +"Business seems bad?" + +"Business is very bad; the people are so poor." + +"Ah, the unfortunate, miserable people! So oppressed, too--as you say." + +"As _you_ say," madame retorted, correcting him, and deftly knitting an +extra something into his name that boded him no good. + +"Pardon me; certainly it was I who said so, but you naturally think so. +Of course." + +"_I_ think?" returned madame, in a high voice. "I and my husband have +enough to do to keep this wine-shop open, without thinking. All we +think, here, is how to live. That is the subject _we_ think of, and +it gives us, from morning to night, enough to think about, without +embarrassing our heads concerning others. _I_ think for others? No, no." + +The spy, who was there to pick up any crumbs he could find or make, did +not allow his baffled state to express itself in his sinister face; but, +stood with an air of gossiping gallantry, leaning his elbow on Madame +Defarge's little counter, and occasionally sipping his cognac. + +"A bad business this, madame, of Gaspard's execution. Ah! the poor +Gaspard!" With a sigh of great compassion. + +"My faith!" returned madame, coolly and lightly, "if people use knives +for such purposes, they have to pay for it. He knew beforehand what the +price of his luxury was; he has paid the price." + +"I believe," said the spy, dropping his soft voice to a tone +that invited confidence, and expressing an injured revolutionary +susceptibility in every muscle of his wicked face: "I believe there +is much compassion and anger in this neighbourhood, touching the poor +fellow? Between ourselves." + +"Is there?" asked madame, vacantly. + +"Is there not?" + +"--Here is my husband!" said Madame Defarge. + +As the keeper of the wine-shop entered at the door, the spy saluted +him by touching his hat, and saying, with an engaging smile, "Good day, +Jacques!" Defarge stopped short, and stared at him. + +"Good day, Jacques!" the spy repeated; with not quite so much +confidence, or quite so easy a smile under the stare. + +"You deceive yourself, monsieur," returned the keeper of the wine-shop. +"You mistake me for another. That is not my name. I am Ernest Defarge." + +"It is all the same," said the spy, airily, but discomfited too: "good +day!" + +"Good day!" answered Defarge, drily. + +"I was saying to madame, with whom I had the pleasure of chatting when +you entered, that they tell me there is--and no wonder!--much sympathy +and anger in Saint Antoine, touching the unhappy fate of poor Gaspard." + +"No one has told me so," said Defarge, shaking his head. "I know nothing +of it." + +Having said it, he passed behind the little counter, and stood with his +hand on the back of his wife's chair, looking over that barrier at the +person to whom they were both opposed, and whom either of them would +have shot with the greatest satisfaction. + +The spy, well used to his business, did not change his unconscious +attitude, but drained his little glass of cognac, took a sip of fresh +water, and asked for another glass of cognac. Madame Defarge poured it +out for him, took to her knitting again, and hummed a little song over +it. + +"You seem to know this quarter well; that is to say, better than I do?" + observed Defarge. + +"Not at all, but I hope to know it better. I am so profoundly interested +in its miserable inhabitants." + +"Hah!" muttered Defarge. + +"The pleasure of conversing with you, Monsieur Defarge, recalls to me," + pursued the spy, "that I have the honour of cherishing some interesting +associations with your name." + +"Indeed!" said Defarge, with much indifference. + +"Yes, indeed. When Doctor Manette was released, you, his old domestic, +had the charge of him, I know. He was delivered to you. You see I am +informed of the circumstances?" + +"Such is the fact, certainly," said Defarge. He had had it conveyed +to him, in an accidental touch of his wife's elbow as she knitted and +warbled, that he would do best to answer, but always with brevity. + +"It was to you," said the spy, "that his daughter came; and it was +from your care that his daughter took him, accompanied by a neat brown +monsieur; how is he called?--in a little wig--Lorry--of the bank of +Tellson and Company--over to England." + +"Such is the fact," repeated Defarge. + +"Very interesting remembrances!" said the spy. "I have known Doctor +Manette and his daughter, in England." + +"Yes?" said Defarge. + +"You don't hear much about them now?" said the spy. + +"No," said Defarge. + +"In effect," madame struck in, looking up from her work and her little +song, "we never hear about them. We received the news of their safe +arrival, and perhaps another letter, or perhaps two; but, since then, +they have gradually taken their road in life--we, ours--and we have held +no correspondence." + +"Perfectly so, madame," replied the spy. "She is going to be married." + +"Going?" echoed madame. "She was pretty enough to have been married long +ago. You English are cold, it seems to me." + +"Oh! You know I am English." + +"I perceive your tongue is," returned madame; "and what the tongue is, I +suppose the man is." + +He did not take the identification as a compliment; but he made the best +of it, and turned it off with a laugh. After sipping his cognac to the +end, he added: + +"Yes, Miss Manette is going to be married. But not to an Englishman; to +one who, like herself, is French by birth. And speaking of Gaspard (ah, +poor Gaspard! It was cruel, cruel!), it is a curious thing that she is +going to marry the nephew of Monsieur the Marquis, for whom Gaspard +was exalted to that height of so many feet; in other words, the present +Marquis. But he lives unknown in England, he is no Marquis there; he is +Mr Charles Darnay. D'Aulnais is the name of his mother's family." + +Madame Defarge knitted steadily, but the intelligence had a palpable +effect upon her husband. Do what he would, behind the little counter, +as to the striking of a light and the lighting of his pipe, he was +troubled, and his hand was not trustworthy. The spy would have been no +spy if he had failed to see it, or to record it in his mind. + +Having made, at least, this one hit, whatever it might prove to be +worth, and no customers coming in to help him to any other, Mr Barsad +paid for what he had drunk, and took his leave: taking occasion to say, +in a genteel manner, before he departed, that he looked forward to the +pleasure of seeing Monsieur and Madame Defarge again. For some minutes +after he had emerged into the outer presence of Saint Antoine, the +husband and wife remained exactly as he had left them, lest he should +come back. + +"Can it be true," said Defarge, in a low voice, looking down at his wife +as he stood smoking with his hand on the back of her chair: "what he has +said of Ma'amselle Manette?" + +"As he has said it," returned madame, lifting her eyebrows a little, "it +is probably false. But it may be true." + +"If it is--" Defarge began, and stopped. + +"If it is?" repeated his wife. + +"--And if it does come, while we live to see it triumph--I hope, for her +sake, Destiny will keep her husband out of France." + +"Her husband's destiny," said Madame Defarge, with her usual composure, +"will take him where he is to go, and will lead him to the end that is +to end him. That is all I know." + +"But it is very strange--now, at least, is it not very strange"--said +Defarge, rather pleading with his wife to induce her to admit it, +"that, after all our sympathy for Monsieur her father, and herself, her +husband's name should be proscribed under your hand at this moment, by +the side of that infernal dog's who has just left us?" + +"Stranger things than that will happen when it does come," answered +madame. "I have them both here, of a certainty; and they are both here +for their merits; that is enough." + +She rolled up her knitting when she had said those words, and presently +took the rose out of the handkerchief that was wound about her head. +Either Saint Antoine had an instinctive sense that the objectionable +decoration was gone, or Saint Antoine was on the watch for its +disappearance; howbeit, the Saint took courage to lounge in, very +shortly afterwards, and the wine-shop recovered its habitual aspect. + +In the evening, at which season of all others Saint Antoine turned +himself inside out, and sat on door-steps and window-ledges, and came +to the corners of vile streets and courts, for a breath of air, Madame +Defarge with her work in her hand was accustomed to pass from place +to place and from group to group: a Missionary--there were many like +her--such as the world will do well never to breed again. All the women +knitted. They knitted worthless things; but, the mechanical work was a +mechanical substitute for eating and drinking; the hands moved for the +jaws and the digestive apparatus: if the bony fingers had been still, +the stomachs would have been more famine-pinched. + +But, as the fingers went, the eyes went, and the thoughts. And as Madame +Defarge moved on from group to group, all three went quicker and fiercer +among every little knot of women that she had spoken with, and left +behind. + +Her husband smoked at his door, looking after her with admiration. "A +great woman," said he, "a strong woman, a grand woman, a frightfully +grand woman!" + +Darkness closed around, and then came the ringing of church bells and +the distant beating of the military drums in the Palace Courtyard, as +the women sat knitting, knitting. Darkness encompassed them. Another +darkness was closing in as surely, when the church bells, then ringing +pleasantly in many an airy steeple over France, should be melted into +thundering cannon; when the military drums should be beating to drown a +wretched voice, that night all potent as the voice of Power and Plenty, +Freedom and Life. So much was closing in about the women who sat +knitting, knitting, that they their very selves were closing in around +a structure yet unbuilt, where they were to sit knitting, knitting, +counting dropping heads. + + + + +CHAPTER XVII. +One Night + + +Never did the sun go down with a brighter glory on the quiet corner in +Soho, than one memorable evening when the Doctor and his daughter sat +under the plane-tree together. Never did the moon rise with a milder +radiance over great London, than on that night when it found them still +seated under the tree, and shone upon their faces through its leaves. + +Lucie was to be married to-morrow. She had reserved this last evening +for her father, and they sat alone under the plane-tree. + +"You are happy, my dear father?" + +"Quite, my child." + +They had said little, though they had been there a long time. When it +was yet light enough to work and read, she had neither engaged herself +in her usual work, nor had she read to him. She had employed herself in +both ways, at his side under the tree, many and many a time; but, this +time was not quite like any other, and nothing could make it so. + +"And I am very happy to-night, dear father. I am deeply happy in the +love that Heaven has so blessed--my love for Charles, and Charles's love +for me. But, if my life were not to be still consecrated to you, or +if my marriage were so arranged as that it would part us, even by +the length of a few of these streets, I should be more unhappy and +self-reproachful now than I can tell you. Even as it is--" + +Even as it was, she could not command her voice. + +In the sad moonlight, she clasped him by the neck, and laid her face +upon his breast. In the moonlight which is always sad, as the light of +the sun itself is--as the light called human life is--at its coming and +its going. + +"Dearest dear! Can you tell me, this last time, that you feel quite, +quite sure, no new affections of mine, and no new duties of mine, will +ever interpose between us? _I_ know it well, but do you know it? In your +own heart, do you feel quite certain?" + +Her father answered, with a cheerful firmness of conviction he could +scarcely have assumed, "Quite sure, my darling! More than that," he +added, as he tenderly kissed her: "my future is far brighter, Lucie, +seen through your marriage, than it could have been--nay, than it ever +was--without it." + +"If I could hope _that_, my father!--" + +"Believe it, love! Indeed it is so. Consider how natural and how plain +it is, my dear, that it should be so. You, devoted and young, cannot +fully appreciate the anxiety I have felt that your life should not be +wasted--" + +She moved her hand towards his lips, but he took it in his, and repeated +the word. + +"--wasted, my child--should not be wasted, struck aside from the +natural order of things--for my sake. Your unselfishness cannot entirely +comprehend how much my mind has gone on this; but, only ask yourself, +how could my happiness be perfect, while yours was incomplete?" + +"If I had never seen Charles, my father, I should have been quite happy +with you." + +He smiled at her unconscious admission that she would have been unhappy +without Charles, having seen him; and replied: + +"My child, you did see him, and it is Charles. If it had not been +Charles, it would have been another. Or, if it had been no other, I +should have been the cause, and then the dark part of my life would have +cast its shadow beyond myself, and would have fallen on you." + +It was the first time, except at the trial, of her ever hearing him +refer to the period of his suffering. It gave her a strange and new +sensation while his words were in her ears; and she remembered it long +afterwards. + +"See!" said the Doctor of Beauvais, raising his hand towards the moon. +"I have looked at her from my prison-window, when I could not bear her +light. I have looked at her when it has been such torture to me to think +of her shining upon what I had lost, that I have beaten my head against +my prison-walls. I have looked at her, in a state so dull and lethargic, +that I have thought of nothing but the number of horizontal lines I +could draw across her at the full, and the number of perpendicular lines +with which I could intersect them." He added in his inward and pondering +manner, as he looked at the moon, "It was twenty either way, I remember, +and the twentieth was difficult to squeeze in." + +The strange thrill with which she heard him go back to that time, +deepened as he dwelt upon it; but, there was nothing to shock her in +the manner of his reference. He only seemed to contrast his present +cheerfulness and felicity with the dire endurance that was over. + +"I have looked at her, speculating thousands of times upon the unborn +child from whom I had been rent. Whether it was alive. Whether it had +been born alive, or the poor mother's shock had killed it. Whether it +was a son who would some day avenge his father. (There was a time in my +imprisonment, when my desire for vengeance was unbearable.) Whether it +was a son who would never know his father's story; who might even live +to weigh the possibility of his father's having disappeared of his own +will and act. Whether it was a daughter who would grow to be a woman." + +She drew closer to him, and kissed his cheek and his hand. + +"I have pictured my daughter, to myself, as perfectly forgetful of +me--rather, altogether ignorant of me, and unconscious of me. I have +cast up the years of her age, year after year. I have seen her married +to a man who knew nothing of my fate. I have altogether perished from +the remembrance of the living, and in the next generation my place was a +blank." + +"My father! Even to hear that you had such thoughts of a daughter who +never existed, strikes to my heart as if I had been that child." + +"You, Lucie? It is out of the Consolation and restoration you have +brought to me, that these remembrances arise, and pass between us and +the moon on this last night.--What did I say just now?" + +"She knew nothing of you. She cared nothing for you." + +"So! But on other moonlight nights, when the sadness and the silence +have touched me in a different way--have affected me with something as +like a sorrowful sense of peace, as any emotion that had pain for its +foundations could--I have imagined her as coming to me in my cell, and +leading me out into the freedom beyond the fortress. I have seen her +image in the moonlight often, as I now see you; except that I never held +her in my arms; it stood between the little grated window and the door. +But, you understand that that was not the child I am speaking of?" + +"The figure was not; the--the--image; the fancy?" + +"No. That was another thing. It stood before my disturbed sense of +sight, but it never moved. The phantom that my mind pursued, was another +and more real child. Of her outward appearance I know no more than +that she was like her mother. The other had that likeness too--as you +have--but was not the same. Can you follow me, Lucie? Hardly, I think? +I doubt you must have been a solitary prisoner to understand these +perplexed distinctions." + +His collected and calm manner could not prevent her blood from running +cold, as he thus tried to anatomise his old condition. + +"In that more peaceful state, I have imagined her, in the moonlight, +coming to me and taking me out to show me that the home of her married +life was full of her loving remembrance of her lost father. My picture +was in her room, and I was in her prayers. Her life was active, +cheerful, useful; but my poor history pervaded it all." + +"I was that child, my father, I was not half so good, but in my love +that was I." + +"And she showed me her children," said the Doctor of Beauvais, "and +they had heard of me, and had been taught to pity me. When they passed +a prison of the State, they kept far from its frowning walls, and looked +up at its bars, and spoke in whispers. She could never deliver me; I +imagined that she always brought me back after showing me such things. +But then, blessed with the relief of tears, I fell upon my knees, and +blessed her." + +"I am that child, I hope, my father. O my dear, my dear, will you bless +me as fervently to-morrow?" + +"Lucie, I recall these old troubles in the reason that I have to-night +for loving you better than words can tell, and thanking God for my great +happiness. My thoughts, when they were wildest, never rose near the +happiness that I have known with you, and that we have before us." + +He embraced her, solemnly commended her to Heaven, and humbly thanked +Heaven for having bestowed her on him. By-and-bye, they went into the +house. + +There was no one bidden to the marriage but Mr Lorry; there was even to +be no bridesmaid but the gaunt Miss Pross. The marriage was to make no +change in their place of residence; they had been able to extend it, +by taking to themselves the upper rooms formerly belonging to the +apocryphal invisible lodger, and they desired nothing more. + +Doctor Manette was very cheerful at the little supper. They were only +three at table, and Miss Pross made the third. He regretted that Charles +was not there; was more than half disposed to object to the loving +little plot that kept him away; and drank to him affectionately. + +So, the time came for him to bid Lucie good night, and they separated. +But, in the stillness of the third hour of the morning, Lucie came +downstairs again, and stole into his room; not free from unshaped fears, +beforehand. + +All things, however, were in their places; all was quiet; and he lay +asleep, his white hair picturesque on the untroubled pillow, and his +hands lying quiet on the coverlet. She put her needless candle in the +shadow at a distance, crept up to his bed, and put her lips to his; +then, leaned over him, and looked at him. + +Into his handsome face, the bitter waters of captivity had worn; but, he +covered up their tracks with a determination so strong, that he held the +mastery of them even in his sleep. A more remarkable face in its quiet, +resolute, and guarded struggle with an unseen assailant, was not to be +beheld in all the wide dominions of sleep, that night. + +She timidly laid her hand on his dear breast, and put up a prayer that +she might ever be as true to him as her love aspired to be, and as his +sorrows deserved. Then, she withdrew her hand, and kissed his lips once +more, and went away. So, the sunrise came, and the shadows of the leaves +of the plane-tree moved upon his face, as softly as her lips had moved +in praying for him. + + + + +CHAPTER XVIII. +Nine Days + + +The marriage-day was shining brightly, and they were ready outside the +closed door of the Doctor's room, where he was speaking with Charles +Darnay. They were ready to go to church; the beautiful bride, Mr +Lorry, and Miss Pross--to whom the event, through a gradual process of +reconcilement to the inevitable, would have been one of absolute bliss, +but for the yet lingering consideration that her brother Solomon should +have been the bridegroom. + +"And so," said Mr Lorry, who could not sufficiently admire the bride, +and who had been moving round her to take in every point of her quiet, +pretty dress; "and so it was for this, my sweet Lucie, that I brought +you across the Channel, such a baby! Lord bless me! How little I thought +what I was doing! How lightly I valued the obligation I was conferring +on my friend Mr Charles!" + +"You didn't mean it," remarked the matter-of-fact Miss Pross, "and +therefore how could you know it? Nonsense!" + +"Really? Well; but don't cry," said the gentle Mr Lorry. + +"I am not crying," said Miss Pross; "_you_ are." + +"I, my Pross?" (By this time, Mr Lorry dared to be pleasant with her, +on occasion.) + +"You were, just now; I saw you do it, and I don't wonder at it. Such +a present of plate as you have made 'em, is enough to bring tears into +anybody's eyes. There's not a fork or a spoon in the collection," said +Miss Pross, "that I didn't cry over, last night after the box came, till +I couldn't see it." + +"I am highly gratified," said Mr Lorry, "though, upon my honour, I +had no intention of rendering those trifling articles of remembrance +invisible to any one. Dear me! This is an occasion that makes a man +speculate on all he has lost. Dear, dear, dear! To think that there +might have been a Mrs Lorry, any time these fifty years almost!" + +"Not at all!" From Miss Pross. + +"You think there never might have been a Mrs Lorry?" asked the +gentleman of that name. + +"Pooh!" rejoined Miss Pross; "you were a bachelor in your cradle." + +"Well!" observed Mr Lorry, beamingly adjusting his little wig, "that +seems probable, too." + +"And you were cut out for a bachelor," pursued Miss Pross, "before you +were put in your cradle." + +"Then, I think," said Mr Lorry, "that I was very unhandsomely dealt +with, and that I ought to have had a voice in the selection of my +pattern. Enough! Now, my dear Lucie," drawing his arm soothingly round +her waist, "I hear them moving in the next room, and Miss Pross and +I, as two formal folks of business, are anxious not to lose the final +opportunity of saying something to you that you wish to hear. You leave +your good father, my dear, in hands as earnest and as loving as your +own; he shall be taken every conceivable care of; during the next +fortnight, while you are in Warwickshire and thereabouts, even Tellson's +shall go to the wall (comparatively speaking) before him. And when, at +the fortnight's end, he comes to join you and your beloved husband, on +your other fortnight's trip in Wales, you shall say that we have sent +him to you in the best health and in the happiest frame. Now, I hear +Somebody's step coming to the door. Let me kiss my dear girl with an +old-fashioned bachelor blessing, before Somebody comes to claim his +own." + +For a moment, he held the fair face from him to look at the +well-remembered expression on the forehead, and then laid the bright +golden hair against his little brown wig, with a genuine tenderness and +delicacy which, if such things be old-fashioned, were as old as Adam. + +The door of the Doctor's room opened, and he came out with Charles +Darnay. He was so deadly pale--which had not been the case when they +went in together--that no vestige of colour was to be seen in his face. +But, in the composure of his manner he was unaltered, except that to the +shrewd glance of Mr Lorry it disclosed some shadowy indication that the +old air of avoidance and dread had lately passed over him, like a cold +wind. + +He gave his arm to his daughter, and took her down-stairs to the chariot +which Mr Lorry had hired in honour of the day. The rest followed in +another carriage, and soon, in a neighbouring church, where no strange +eyes looked on, Charles Darnay and Lucie Manette were happily married. + +Besides the glancing tears that shone among the smiles of the little +group when it was done, some diamonds, very bright and sparkling, +glanced on the bride's hand, which were newly released from the +dark obscurity of one of Mr Lorry's pockets. They returned home to +breakfast, and all went well, and in due course the golden hair that had +mingled with the poor shoemaker's white locks in the Paris garret, were +mingled with them again in the morning sunlight, on the threshold of the +door at parting. + +It was a hard parting, though it was not for long. But her father +cheered her, and said at last, gently disengaging himself from her +enfolding arms, "Take her, Charles! She is yours!" + +And her agitated hand waved to them from a chaise window, and she was +gone. + +The corner being out of the way of the idle and curious, and the +preparations having been very simple and few, the Doctor, Mr Lorry, +and Miss Pross, were left quite alone. It was when they turned into +the welcome shade of the cool old hall, that Mr Lorry observed a great +change to have come over the Doctor; as if the golden arm uplifted +there, had struck him a poisoned blow. + +He had naturally repressed much, and some revulsion might have been +expected in him when the occasion for repression was gone. But, it was +the old scared lost look that troubled Mr Lorry; and through his absent +manner of clasping his head and drearily wandering away into his own +room when they got up-stairs, Mr Lorry was reminded of Defarge the +wine-shop keeper, and the starlight ride. + +"I think," he whispered to Miss Pross, after anxious consideration, "I +think we had best not speak to him just now, or at all disturb him. +I must look in at Tellson's; so I will go there at once and come back +presently. Then, we will take him a ride into the country, and dine +there, and all will be well." + +It was easier for Mr Lorry to look in at Tellson's, than to look out of +Tellson's. He was detained two hours. When he came back, he ascended the +old staircase alone, having asked no question of the servant; going thus +into the Doctor's rooms, he was stopped by a low sound of knocking. + +"Good God!" he said, with a start. "What's that?" + +Miss Pross, with a terrified face, was at his ear. "O me, O me! All is +lost!" cried she, wringing her hands. "What is to be told to Ladybird? +He doesn't know me, and is making shoes!" + +Mr Lorry said what he could to calm her, and went himself into the +Doctor's room. The bench was turned towards the light, as it had been +when he had seen the shoemaker at his work before, and his head was bent +down, and he was very busy. + +"Doctor Manette. My dear friend, Doctor Manette!" + +The Doctor looked at him for a moment--half inquiringly, half as if he +were angry at being spoken to--and bent over his work again. + +He had laid aside his coat and waistcoat; his shirt was open at the +throat, as it used to be when he did that work; and even the old +haggard, faded surface of face had come back to him. He worked +hard--impatiently--as if in some sense of having been interrupted. + +Mr Lorry glanced at the work in his hand, and observed that it was a +shoe of the old size and shape. He took up another that was lying by +him, and asked what it was. + +"A young lady's walking shoe," he muttered, without looking up. "It +ought to have been finished long ago. Let it be." + +"But, Doctor Manette. Look at me!" + +He obeyed, in the old mechanically submissive manner, without pausing in +his work. + +"You know me, my dear friend? Think again. This is not your proper +occupation. Think, dear friend!" + +Nothing would induce him to speak more. He looked up, for an instant at +a time, when he was requested to do so; but, no persuasion would extract +a word from him. He worked, and worked, and worked, in silence, and +words fell on him as they would have fallen on an echoless wall, or on +the air. The only ray of hope that Mr Lorry could discover, was, that +he sometimes furtively looked up without being asked. In that, there +seemed a faint expression of curiosity or perplexity--as though he were +trying to reconcile some doubts in his mind. + +Two things at once impressed themselves on Mr Lorry, as important above +all others; the first, that this must be kept secret from Lucie; +the second, that it must be kept secret from all who knew him. In +conjunction with Miss Pross, he took immediate steps towards the latter +precaution, by giving out that the Doctor was not well, and required a +few days of complete rest. In aid of the kind deception to be practised +on his daughter, Miss Pross was to write, describing his having been +called away professionally, and referring to an imaginary letter of +two or three hurried lines in his own hand, represented to have been +addressed to her by the same post. + +These measures, advisable to be taken in any case, Mr Lorry took in +the hope of his coming to himself. If that should happen soon, he kept +another course in reserve; which was, to have a certain opinion that he +thought the best, on the Doctor's case. + +In the hope of his recovery, and of resort to this third course +being thereby rendered practicable, Mr Lorry resolved to watch him +attentively, with as little appearance as possible of doing so. He +therefore made arrangements to absent himself from Tellson's for the +first time in his life, and took his post by the window in the same +room. + +He was not long in discovering that it was worse than useless to speak +to him, since, on being pressed, he became worried. He abandoned that +attempt on the first day, and resolved merely to keep himself always +before him, as a silent protest against the delusion into which he had +fallen, or was falling. He remained, therefore, in his seat near the +window, reading and writing, and expressing in as many pleasant and +natural ways as he could think of, that it was a free place. + +Doctor Manette took what was given him to eat and drink, and worked on, +that first day, until it was too dark to see--worked on, half an hour +after Mr Lorry could not have seen, for his life, to read or write. +When he put his tools aside as useless, until morning, Mr Lorry rose +and said to him: + +"Will you go out?" + +He looked down at the floor on either side of him in the old manner, +looked up in the old manner, and repeated in the old low voice: + +"Out?" + +"Yes; for a walk with me. Why not?" + +He made no effort to say why not, and said not a word more. But, Mr +Lorry thought he saw, as he leaned forward on his bench in the dusk, +with his elbows on his knees and his head in his hands, that he was in +some misty way asking himself, "Why not?" The sagacity of the man of +business perceived an advantage here, and determined to hold it. + +Miss Pross and he divided the night into two watches, and observed him +at intervals from the adjoining room. He paced up and down for a long +time before he lay down; but, when he did finally lay himself down, he +fell asleep. In the morning, he was up betimes, and went straight to his +bench and to work. + +On this second day, Mr Lorry saluted him cheerfully by his name, +and spoke to him on topics that had been of late familiar to them. He +returned no reply, but it was evident that he heard what was said, and +that he thought about it, however confusedly. This encouraged Mr Lorry +to have Miss Pross in with her work, several times during the day; +at those times, they quietly spoke of Lucie, and of her father then +present, precisely in the usual manner, and as if there were nothing +amiss. This was done without any demonstrative accompaniment, not long +enough, or often enough to harass him; and it lightened Mr Lorry's +friendly heart to believe that he looked up oftener, and that he +appeared to be stirred by some perception of inconsistencies surrounding +him. + +When it fell dark again, Mr Lorry asked him as before: + +"Dear Doctor, will you go out?" + +As before, he repeated, "Out?" + +"Yes; for a walk with me. Why not?" + +This time, Mr Lorry feigned to go out when he could extract no answer +from him, and, after remaining absent for an hour, returned. In the +meanwhile, the Doctor had removed to the seat in the window, and had +sat there looking down at the plane-tree; but, on Mr Lorry's return, he +slipped away to his bench. + +The time went very slowly on, and Mr Lorry's hope darkened, and his +heart grew heavier again, and grew yet heavier and heavier every day. +The third day came and went, the fourth, the fifth. Five days, six days, +seven days, eight days, nine days. + +With a hope ever darkening, and with a heart always growing heavier and +heavier, Mr Lorry passed through this anxious time. The secret was +well kept, and Lucie was unconscious and happy; but he could not fail to +observe that the shoemaker, whose hand had been a little out at first, +was growing dreadfully skilful, and that he had never been so intent on +his work, and that his hands had never been so nimble and expert, as in +the dusk of the ninth evening. + + + + +CHAPTER XIX. +An Opinion + + +Worn out by anxious watching, Mr Lorry fell asleep at his post. On the +tenth morning of his suspense, he was startled by the shining of the sun +into the room where a heavy slumber had overtaken him when it was dark +night. + +He rubbed his eyes and roused himself; but he doubted, when he had +done so, whether he was not still asleep. For, going to the door of the +Doctor's room and looking in, he perceived that the shoemaker's bench +and tools were put aside again, and that the Doctor himself sat reading +at the window. He was in his usual morning dress, and his face (which +Mr Lorry could distinctly see), though still very pale, was calmly +studious and attentive. + +Even when he had satisfied himself that he was awake, Mr Lorry felt +giddily uncertain for some few moments whether the late shoemaking might +not be a disturbed dream of his own; for, did not his eyes show him his +friend before him in his accustomed clothing and aspect, and employed +as usual; and was there any sign within their range, that the change of +which he had so strong an impression had actually happened? + +It was but the inquiry of his first confusion and astonishment, the +answer being obvious. If the impression were not produced by a real +corresponding and sufficient cause, how came he, Jarvis Lorry, there? +How came he to have fallen asleep, in his clothes, on the sofa in Doctor +Manette's consulting-room, and to be debating these points outside the +Doctor's bedroom door in the early morning? + +Within a few minutes, Miss Pross stood whispering at his side. If he +had had any particle of doubt left, her talk would of necessity have +resolved it; but he was by that time clear-headed, and had none. +He advised that they should let the time go by until the regular +breakfast-hour, and should then meet the Doctor as if nothing unusual +had occurred. If he appeared to be in his customary state of mind, Mr +Lorry would then cautiously proceed to seek direction and guidance from +the opinion he had been, in his anxiety, so anxious to obtain. + +Miss Pross, submitting herself to his judgment, the scheme was worked +out with care. Having abundance of time for his usual methodical +toilette, Mr Lorry presented himself at the breakfast-hour in his usual +white linen, and with his usual neat leg. The Doctor was summoned in the +usual way, and came to breakfast. + +So far as it was possible to comprehend him without overstepping those +delicate and gradual approaches which Mr Lorry felt to be the only safe +advance, he at first supposed that his daughter's marriage had taken +place yesterday. An incidental allusion, purposely thrown out, to +the day of the week, and the day of the month, set him thinking and +counting, and evidently made him uneasy. In all other respects, however, +he was so composedly himself, that Mr Lorry determined to have the aid +he sought. And that aid was his own. + +Therefore, when the breakfast was done and cleared away, and he and the +Doctor were left together, Mr Lorry said, feelingly: + +"My dear Manette, I am anxious to have your opinion, in confidence, on a +very curious case in which I am deeply interested; that is to say, it is +very curious to me; perhaps, to your better information it may be less +so." + +Glancing at his hands, which were discoloured by his late work, the +Doctor looked troubled, and listened attentively. He had already glanced +at his hands more than once. + +"Doctor Manette," said Mr Lorry, touching him affectionately on the +arm, "the case is the case of a particularly dear friend of mine. Pray +give your mind to it, and advise me well for his sake--and above all, +for his daughter's--his daughter's, my dear Manette." + +"If I understand," said the Doctor, in a subdued tone, "some mental +shock--?" + +"Yes!" + +"Be explicit," said the Doctor. "Spare no detail." + +Mr Lorry saw that they understood one another, and proceeded. + +"My dear Manette, it is the case of an old and a prolonged shock, +of great acuteness and severity to the affections, the feelings, +the--the--as you express it--the mind. The mind. It is the case of a +shock under which the sufferer was borne down, one cannot say for how +long, because I believe he cannot calculate the time himself, and there +are no other means of getting at it. It is the case of a shock from +which the sufferer recovered, by a process that he cannot trace +himself--as I once heard him publicly relate in a striking manner. It is +the case of a shock from which he has recovered, so completely, as to +be a highly intelligent man, capable of close application of mind, and +great exertion of body, and of constantly making fresh additions to his +stock of knowledge, which was already very large. But, unfortunately, +there has been," he paused and took a deep breath--"a slight relapse." + +The Doctor, in a low voice, asked, "Of how long duration?" + +"Nine days and nights." + +"How did it show itself? I infer," glancing at his hands again, "in the +resumption of some old pursuit connected with the shock?" + +"That is the fact." + +"Now, did you ever see him," asked the Doctor, distinctly and +collectedly, though in the same low voice, "engaged in that pursuit +originally?" + +"Once." + +"And when the relapse fell on him, was he in most respects--or in all +respects--as he was then?" + +"I think in all respects." + +"You spoke of his daughter. Does his daughter know of the relapse?" + +"No. It has been kept from her, and I hope will always be kept from her. +It is known only to myself, and to one other who may be trusted." + +The Doctor grasped his hand, and murmured, "That was very kind. That was +very thoughtful!" Mr Lorry grasped his hand in return, and neither of +the two spoke for a little while. + +"Now, my dear Manette," said Mr Lorry, at length, in his most +considerate and most affectionate way, "I am a mere man of business, +and unfit to cope with such intricate and difficult matters. I do not +possess the kind of information necessary; I do not possess the kind of +intelligence; I want guiding. There is no man in this world on whom +I could so rely for right guidance, as on you. Tell me, how does this +relapse come about? Is there danger of another? Could a repetition of it +be prevented? How should a repetition of it be treated? How does it come +about at all? What can I do for my friend? No man ever can have been +more desirous in his heart to serve a friend, than I am to serve mine, +if I knew how. + +"But I don't know how to originate, in such a case. If your sagacity, +knowledge, and experience, could put me on the right track, I might be +able to do so much; unenlightened and undirected, I can do so little. +Pray discuss it with me; pray enable me to see it a little more clearly, +and teach me how to be a little more useful." + +Doctor Manette sat meditating after these earnest words were spoken, and +Mr Lorry did not press him. + +"I think it probable," said the Doctor, breaking silence with an effort, +"that the relapse you have described, my dear friend, was not quite +unforeseen by its subject." + +"Was it dreaded by him?" Mr Lorry ventured to ask. + +"Very much." He said it with an involuntary shudder. + +"You have no idea how such an apprehension weighs on the sufferer's +mind, and how difficult--how almost impossible--it is, for him to force +himself to utter a word upon the topic that oppresses him." + +"Would he," asked Mr Lorry, "be sensibly relieved if he could prevail +upon himself to impart that secret brooding to any one, when it is on +him?" + +"I think so. But it is, as I have told you, next to impossible. I even +believe it--in some cases--to be quite impossible." + +"Now," said Mr Lorry, gently laying his hand on the Doctor's arm again, +after a short silence on both sides, "to what would you refer this +attack?" + +"I believe," returned Doctor Manette, "that there had been a strong and +extraordinary revival of the train of thought and remembrance that +was the first cause of the malady. Some intense associations of a most +distressing nature were vividly recalled, I think. It is probable that +there had long been a dread lurking in his mind, that those associations +would be recalled--say, under certain circumstances--say, on a +particular occasion. He tried to prepare himself in vain; perhaps the +effort to prepare himself made him less able to bear it." + +"Would he remember what took place in the relapse?" asked Mr Lorry, +with natural hesitation. + +The Doctor looked desolately round the room, shook his head, and +answered, in a low voice, "Not at all." + +"Now, as to the future," hinted Mr Lorry. + +"As to the future," said the Doctor, recovering firmness, "I should have +great hope. As it pleased Heaven in its mercy to restore him so soon, I +should have great hope. He, yielding under the pressure of a complicated +something, long dreaded and long vaguely foreseen and contended against, +and recovering after the cloud had burst and passed, I should hope that +the worst was over." + +"Well, well! That's good comfort. I am thankful!" said Mr Lorry. + +"I am thankful!" repeated the Doctor, bending his head with reverence. + +"There are two other points," said Mr Lorry, "on which I am anxious to +be instructed. I may go on?" + +"You cannot do your friend a better service." The Doctor gave him his +hand. + +"To the first, then. He is of a studious habit, and unusually energetic; +he applies himself with great ardour to the acquisition of professional +knowledge, to the conducting of experiments, to many things. Now, does +he do too much?" + +"I think not. It may be the character of his mind, to be always in +singular need of occupation. That may be, in part, natural to it; in +part, the result of affliction. The less it was occupied with healthy +things, the more it would be in danger of turning in the unhealthy +direction. He may have observed himself, and made the discovery." + +"You are sure that he is not under too great a strain?" + +"I think I am quite sure of it." + +"My dear Manette, if he were overworked now--" + +"My dear Lorry, I doubt if that could easily be. There has been a +violent stress in one direction, and it needs a counterweight." + +"Excuse me, as a persistent man of business. Assuming for a moment, +that he _was_ overworked; it would show itself in some renewal of this +disorder?" + +"I do not think so. I do not think," said Doctor Manette with the +firmness of self-conviction, "that anything but the one train of +association would renew it. I think that, henceforth, nothing but some +extraordinary jarring of that chord could renew it. After what has +happened, and after his recovery, I find it difficult to imagine any +such violent sounding of that string again. I trust, and I almost +believe, that the circumstances likely to renew it are exhausted." + +He spoke with the diffidence of a man who knew how slight a thing +would overset the delicate organisation of the mind, and yet with the +confidence of a man who had slowly won his assurance out of personal +endurance and distress. It was not for his friend to abate that +confidence. He professed himself more relieved and encouraged than he +really was, and approached his second and last point. He felt it to +be the most difficult of all; but, remembering his old Sunday morning +conversation with Miss Pross, and remembering what he had seen in the +last nine days, he knew that he must face it. + +"The occupation resumed under the influence of this passing affliction +so happily recovered from," said Mr Lorry, clearing his throat, "we +will call--Blacksmith's work, Blacksmith's work. We will say, to put a +case and for the sake of illustration, that he had been used, in his bad +time, to work at a little forge. We will say that he was unexpectedly +found at his forge again. Is it not a pity that he should keep it by +him?" + +The Doctor shaded his forehead with his hand, and beat his foot +nervously on the ground. + +"He has always kept it by him," said Mr Lorry, with an anxious look at +his friend. "Now, would it not be better that he should let it go?" + +Still, the Doctor, with shaded forehead, beat his foot nervously on the +ground. + +"You do not find it easy to advise me?" said Mr Lorry. "I quite +understand it to be a nice question. And yet I think--" And there he +shook his head, and stopped. + +"You see," said Doctor Manette, turning to him after an uneasy pause, +"it is very hard to explain, consistently, the innermost workings +of this poor man's mind. He once yearned so frightfully for that +occupation, and it was so welcome when it came; no doubt it relieved +his pain so much, by substituting the perplexity of the fingers for +the perplexity of the brain, and by substituting, as he became more +practised, the ingenuity of the hands, for the ingenuity of the mental +torture; that he has never been able to bear the thought of putting it +quite out of his reach. Even now, when I believe he is more hopeful of +himself than he has ever been, and even speaks of himself with a kind +of confidence, the idea that he might need that old employment, and not +find it, gives him a sudden sense of terror, like that which one may +fancy strikes to the heart of a lost child." + +He looked like his illustration, as he raised his eyes to Mr Lorry's +face. + +"But may not--mind! I ask for information, as a plodding man of business +who only deals with such material objects as guineas, shillings, and +bank-notes--may not the retention of the thing involve the retention of +the idea? If the thing were gone, my dear Manette, might not the fear go +with it? In short, is it not a concession to the misgiving, to keep the +forge?" + +There was another silence. + +"You see, too," said the Doctor, tremulously, "it is such an old +companion." + +"I would not keep it," said Mr Lorry, shaking his head; for he gained +in firmness as he saw the Doctor disquieted. "I would recommend him to +sacrifice it. I only want your authority. I am sure it does no good. +Come! Give me your authority, like a dear good man. For his daughter's +sake, my dear Manette!" + +Very strange to see what a struggle there was within him! + +"In her name, then, let it be done; I sanction it. But, I would not take +it away while he was present. Let it be removed when he is not there; +let him miss his old companion after an absence." + +Mr Lorry readily engaged for that, and the conference was ended. They +passed the day in the country, and the Doctor was quite restored. On the +three following days he remained perfectly well, and on the fourteenth +day he went away to join Lucie and her husband. The precaution that +had been taken to account for his silence, Mr Lorry had previously +explained to him, and he had written to Lucie in accordance with it, and +she had no suspicions. + +On the night of the day on which he left the house, Mr Lorry went into +his room with a chopper, saw, chisel, and hammer, attended by Miss Pross +carrying a light. There, with closed doors, and in a mysterious and +guilty manner, Mr Lorry hacked the shoemaker's bench to pieces, while +Miss Pross held the candle as if she were assisting at a murder--for +which, indeed, in her grimness, she was no unsuitable figure. The +burning of the body (previously reduced to pieces convenient for the +purpose) was commenced without delay in the kitchen fire; and the tools, +shoes, and leather, were buried in the garden. So wicked do destruction +and secrecy appear to honest minds, that Mr Lorry and Miss Pross, +while engaged in the commission of their deed and in the removal of its +traces, almost felt, and almost looked, like accomplices in a horrible +crime. + + + + +CHAPTER XX. +A Plea + + +When the newly-married pair came home, the first person who appeared, to +offer his congratulations, was Sydney Carton. They had not been at home +many hours, when he presented himself. He was not improved in habits, or +in looks, or in manner; but there was a certain rugged air of fidelity +about him, which was new to the observation of Charles Darnay. + +He watched his opportunity of taking Darnay aside into a window, and of +speaking to him when no one overheard. + +"Mr Darnay," said Carton, "I wish we might be friends." + +"We are already friends, I hope." + +"You are good enough to say so, as a fashion of speech; but, I don't +mean any fashion of speech. Indeed, when I say I wish we might be +friends, I scarcely mean quite that, either." + +Charles Darnay--as was natural--asked him, in all good-humour and +good-fellowship, what he did mean? + +"Upon my life," said Carton, smiling, "I find that easier to comprehend +in my own mind, than to convey to yours. However, let me try. You +remember a certain famous occasion when I was more drunk than--than +usual?" + +"I remember a certain famous occasion when you forced me to confess that +you had been drinking." + +"I remember it too. The curse of those occasions is heavy upon me, for I +always remember them. I hope it may be taken into account one day, +when all days are at an end for me! Don't be alarmed; I am not going to +preach." + +"I am not at all alarmed. Earnestness in you, is anything but alarming +to me." + +"Ah!" said Carton, with a careless wave of his hand, as if he waved that +away. "On the drunken occasion in question (one of a large number, as +you know), I was insufferable about liking you, and not liking you. I +wish you would forget it." + +"I forgot it long ago." + +"Fashion of speech again! But, Mr Darnay, oblivion is not so easy to +me, as you represent it to be to you. I have by no means forgotten it, +and a light answer does not help me to forget it." + +"If it was a light answer," returned Darnay, "I beg your forgiveness +for it. I had no other object than to turn a slight thing, which, to my +surprise, seems to trouble you too much, aside. I declare to you, on the +faith of a gentleman, that I have long dismissed it from my mind. Good +Heaven, what was there to dismiss! Have I had nothing more important to +remember, in the great service you rendered me that day?" + +"As to the great service," said Carton, "I am bound to avow to you, when +you speak of it in that way, that it was mere professional claptrap, I +don't know that I cared what became of you, when I rendered it.--Mind! I +say when I rendered it; I am speaking of the past." + +"You make light of the obligation," returned Darnay, "but I will not +quarrel with _your_ light answer." + +"Genuine truth, Mr Darnay, trust me! I have gone aside from my purpose; +I was speaking about our being friends. Now, you know me; you know I am +incapable of all the higher and better flights of men. If you doubt it, +ask Stryver, and he'll tell you so." + +"I prefer to form my own opinion, without the aid of his." + +"Well! At any rate you know me as a dissolute dog, who has never done +any good, and never will." + +"I don't know that you 'never will.'" + +"But I do, and you must take my word for it. Well! If you could endure +to have such a worthless fellow, and a fellow of such indifferent +reputation, coming and going at odd times, I should ask that I might be +permitted to come and go as a privileged person here; that I might +be regarded as an useless (and I would add, if it were not for the +resemblance I detected between you and me, an unornamental) piece of +furniture, tolerated for its old service, and taken no notice of. I +doubt if I should abuse the permission. It is a hundred to one if I +should avail myself of it four times in a year. It would satisfy me, I +dare say, to know that I had it." + +"Will you try?" + +"That is another way of saying that I am placed on the footing I have +indicated. I thank you, Darnay. I may use that freedom with your name?" + +"I think so, Carton, by this time." + +They shook hands upon it, and Sydney turned away. Within a minute +afterwards, he was, to all outward appearance, as unsubstantial as ever. + +When he was gone, and in the course of an evening passed with Miss +Pross, the Doctor, and Mr Lorry, Charles Darnay made some mention of +this conversation in general terms, and spoke of Sydney Carton as a +problem of carelessness and recklessness. He spoke of him, in short, not +bitterly or meaning to bear hard upon him, but as anybody might who saw +him as he showed himself. + +He had no idea that this could dwell in the thoughts of his fair young +wife; but, when he afterwards joined her in their own rooms, he found +her waiting for him with the old pretty lifting of the forehead strongly +marked. + +"We are thoughtful to-night!" said Darnay, drawing his arm about her. + +"Yes, dearest Charles," with her hands on his breast, and the inquiring +and attentive expression fixed upon him; "we are rather thoughtful +to-night, for we have something on our mind to-night." + +"What is it, my Lucie?" + +"Will you promise not to press one question on me, if I beg you not to +ask it?" + +"Will I promise? What will I not promise to my Love?" + +What, indeed, with his hand putting aside the golden hair from the +cheek, and his other hand against the heart that beat for him! + +"I think, Charles, poor Mr Carton deserves more consideration and +respect than you expressed for him to-night." + +"Indeed, my own? Why so?" + +"That is what you are not to ask me. But I think--I know--he does." + +"If you know it, it is enough. What would you have me do, my Life?" + +"I would ask you, dearest, to be very generous with him always, and very +lenient on his faults when he is not by. I would ask you to believe that +he has a heart he very, very seldom reveals, and that there are deep +wounds in it. My dear, I have seen it bleeding." + +"It is a painful reflection to me," said Charles Darnay, quite +astounded, "that I should have done him any wrong. I never thought this +of him." + +"My husband, it is so. I fear he is not to be reclaimed; there is +scarcely a hope that anything in his character or fortunes is reparable +now. But, I am sure that he is capable of good things, gentle things, +even magnanimous things." + +She looked so beautiful in the purity of her faith in this lost man, +that her husband could have looked at her as she was for hours. + +"And, O my dearest Love!" she urged, clinging nearer to him, laying her +head upon his breast, and raising her eyes to his, "remember how strong +we are in our happiness, and how weak he is in his misery!" + +The supplication touched him home. "I will always remember it, dear +Heart! I will remember it as long as I live." + +He bent over the golden head, and put the rosy lips to his, and folded +her in his arms. If one forlorn wanderer then pacing the dark streets, +could have heard her innocent disclosure, and could have seen the drops +of pity kissed away by her husband from the soft blue eyes so loving of +that husband, he might have cried to the night--and the words would not +have parted from his lips for the first time-- + +"God bless her for her sweet compassion!" + + + + +CHAPTER XXI. +Echoing Footsteps + + +A wonderful corner for echoes, it has been remarked, that corner where +the Doctor lived. Ever busily winding the golden thread which bound +her husband, and her father, and herself, and her old directress and +companion, in a life of quiet bliss, Lucie sat in the still house in +the tranquilly resounding corner, listening to the echoing footsteps of +years. + +At first, there were times, though she was a perfectly happy young wife, +when her work would slowly fall from her hands, and her eyes would be +dimmed. For, there was something coming in the echoes, something light, +afar off, and scarcely audible yet, that stirred her heart too much. +Fluttering hopes and doubts--hopes, of a love as yet unknown to her: +doubts, of her remaining upon earth, to enjoy that new delight--divided +her breast. Among the echoes then, there would arise the sound of +footsteps at her own early grave; and thoughts of the husband who would +be left so desolate, and who would mourn for her so much, swelled to her +eyes, and broke like waves. + +That time passed, and her little Lucie lay on her bosom. Then, among the +advancing echoes, there was the tread of her tiny feet and the sound of +her prattling words. Let greater echoes resound as they would, the young +mother at the cradle side could always hear those coming. They came, and +the shady house was sunny with a child's laugh, and the Divine friend of +children, to whom in her trouble she had confided hers, seemed to take +her child in his arms, as He took the child of old, and made it a sacred +joy to her. + +Ever busily winding the golden thread that bound them all together, +weaving the service of her happy influence through the tissue of all +their lives, and making it predominate nowhere, Lucie heard in the +echoes of years none but friendly and soothing sounds. Her husband's +step was strong and prosperous among them; her father's firm and equal. +Lo, Miss Pross, in harness of string, awakening the echoes, as an +unruly charger, whip-corrected, snorting and pawing the earth under the +plane-tree in the garden! + +Even when there were sounds of sorrow among the rest, they were not +harsh nor cruel. Even when golden hair, like her own, lay in a halo on a +pillow round the worn face of a little boy, and he said, with a radiant +smile, "Dear papa and mamma, I am very sorry to leave you both, and to +leave my pretty sister; but I am called, and I must go!" those were not +tears all of agony that wetted his young mother's cheek, as the spirit +departed from her embrace that had been entrusted to it. Suffer them and +forbid them not. They see my Father's face. O Father, blessed words! + +Thus, the rustling of an Angel's wings got blended with the other +echoes, and they were not wholly of earth, but had in them that breath +of Heaven. Sighs of the winds that blew over a little garden-tomb were +mingled with them also, and both were audible to Lucie, in a hushed +murmur--like the breathing of a summer sea asleep upon a sandy shore--as +the little Lucie, comically studious at the task of the morning, or +dressing a doll at her mother's footstool, chattered in the tongues of +the Two Cities that were blended in her life. + +The Echoes rarely answered to the actual tread of Sydney Carton. Some +half-dozen times a year, at most, he claimed his privilege of coming in +uninvited, and would sit among them through the evening, as he had once +done often. He never came there heated with wine. And one other thing +regarding him was whispered in the echoes, which has been whispered by +all true echoes for ages and ages. + +No man ever really loved a woman, lost her, and knew her with a +blameless though an unchanged mind, when she was a wife and a mother, +but her children had a strange sympathy with him--an instinctive +delicacy of pity for him. What fine hidden sensibilities are touched in +such a case, no echoes tell; but it is so, and it was so here. Carton +was the first stranger to whom little Lucie held out her chubby arms, +and he kept his place with her as she grew. The little boy had spoken of +him, almost at the last. "Poor Carton! Kiss him for me!" + +Mr Stryver shouldered his way through the law, like some great engine +forcing itself through turbid water, and dragged his useful friend in +his wake, like a boat towed astern. As the boat so favoured is usually +in a rough plight, and mostly under water, so, Sydney had a swamped +life of it. But, easy and strong custom, unhappily so much easier and +stronger in him than any stimulating sense of desert or disgrace, made +it the life he was to lead; and he no more thought of emerging from his +state of lion's jackal, than any real jackal may be supposed to think of +rising to be a lion. Stryver was rich; had married a florid widow with +property and three boys, who had nothing particularly shining about them +but the straight hair of their dumpling heads. + +These three young gentlemen, Mr Stryver, exuding patronage of the most +offensive quality from every pore, had walked before him like three +sheep to the quiet corner in Soho, and had offered as pupils to +Lucie's husband: delicately saying "Halloa! here are three lumps of +bread-and-cheese towards your matrimonial picnic, Darnay!" The polite +rejection of the three lumps of bread-and-cheese had quite bloated Mr +Stryver with indignation, which he afterwards turned to account in the +training of the young gentlemen, by directing them to beware of the +pride of Beggars, like that tutor-fellow. He was also in the habit of +declaiming to Mrs Stryver, over his full-bodied wine, on the arts +Mrs Darnay had once put in practice to "catch" him, and on the +diamond-cut-diamond arts in himself, madam, which had rendered him "not +to be caught." Some of his King's Bench familiars, who were occasionally +parties to the full-bodied wine and the lie, excused him for the +latter by saying that he had told it so often, that he believed +it himself--which is surely such an incorrigible aggravation of an +originally bad offence, as to justify any such offender's being carried +off to some suitably retired spot, and there hanged out of the way. + +These were among the echoes to which Lucie, sometimes pensive, sometimes +amused and laughing, listened in the echoing corner, until her little +daughter was six years old. How near to her heart the echoes of her +child's tread came, and those of her own dear father's, always active +and self-possessed, and those of her dear husband's, need not be told. +Nor, how the lightest echo of their united home, directed by herself +with such a wise and elegant thrift that it was more abundant than any +waste, was music to her. Nor, how there were echoes all about her, sweet +in her ears, of the many times her father had told her that he found her +more devoted to him married (if that could be) than single, and of the +many times her husband had said to her that no cares and duties seemed +to divide her love for him or her help to him, and asked her "What is +the magic secret, my darling, of your being everything to all of us, +as if there were only one of us, yet never seeming to be hurried, or to +have too much to do?" + +But, there were other echoes, from a distance, that rumbled menacingly +in the corner all through this space of time. And it was now, about +little Lucie's sixth birthday, that they began to have an awful sound, +as of a great storm in France with a dreadful sea rising. + +On a night in mid-July, one thousand seven hundred and eighty-nine, Mr +Lorry came in late, from Tellson's, and sat himself down by Lucie and +her husband in the dark window. It was a hot, wild night, and they were +all three reminded of the old Sunday night when they had looked at the +lightning from the same place. + +"I began to think," said Mr Lorry, pushing his brown wig back, "that +I should have to pass the night at Tellson's. We have been so full of +business all day, that we have not known what to do first, or which way +to turn. There is such an uneasiness in Paris, that we have actually a +run of confidence upon us! Our customers over there, seem not to be able +to confide their property to us fast enough. There is positively a mania +among some of them for sending it to England." + +"That has a bad look," said Darnay-- + +"A bad look, you say, my dear Darnay? Yes, but we don't know what reason +there is in it. People are so unreasonable! Some of us at Tellson's are +getting old, and we really can't be troubled out of the ordinary course +without due occasion." + +"Still," said Darnay, "you know how gloomy and threatening the sky is." + +"I know that, to be sure," assented Mr Lorry, trying to persuade +himself that his sweet temper was soured, and that he grumbled, "but I +am determined to be peevish after my long day's botheration. Where is +Manette?" + +"Here he is," said the Doctor, entering the dark room at the moment. + +"I am quite glad you are at home; for these hurries and forebodings by +which I have been surrounded all day long, have made me nervous without +reason. You are not going out, I hope?" + +"No; I am going to play backgammon with you, if you like," said the +Doctor. + +"I don't think I do like, if I may speak my mind. I am not fit to be +pitted against you to-night. Is the teaboard still there, Lucie? I can't +see." + +"Of course, it has been kept for you." + +"Thank ye, my dear. The precious child is safe in bed?" + +"And sleeping soundly." + +"That's right; all safe and well! I don't know why anything should be +otherwise than safe and well here, thank God; but I have been so put out +all day, and I am not as young as I was! My tea, my dear! Thank ye. Now, +come and take your place in the circle, and let us sit quiet, and hear +the echoes about which you have your theory." + +"Not a theory; it was a fancy." + +"A fancy, then, my wise pet," said Mr Lorry, patting her hand. "They +are very numerous and very loud, though, are they not? Only hear them!" + +Headlong, mad, and dangerous footsteps to force their way into anybody's +life, footsteps not easily made clean again if once stained red, the +footsteps raging in Saint Antoine afar off, as the little circle sat in +the dark London window. + +Saint Antoine had been, that morning, a vast dusky mass of scarecrows +heaving to and fro, with frequent gleams of light above the billowy +heads, where steel blades and bayonets shone in the sun. A tremendous +roar arose from the throat of Saint Antoine, and a forest of naked arms +struggled in the air like shrivelled branches of trees in a winter wind: +all the fingers convulsively clutching at every weapon or semblance of a +weapon that was thrown up from the depths below, no matter how far off. + +Who gave them out, whence they last came, where they began, through what +agency they crookedly quivered and jerked, scores at a time, over the +heads of the crowd, like a kind of lightning, no eye in the throng could +have told; but, muskets were being distributed--so were cartridges, +powder, and ball, bars of iron and wood, knives, axes, pikes, every +weapon that distracted ingenuity could discover or devise. People who +could lay hold of nothing else, set themselves with bleeding hands to +force stones and bricks out of their places in walls. Every pulse and +heart in Saint Antoine was on high-fever strain and at high-fever heat. +Every living creature there held life as of no account, and was demented +with a passionate readiness to sacrifice it. + +As a whirlpool of boiling waters has a centre point, so, all this raging +circled round Defarge's wine-shop, and every human drop in the caldron +had a tendency to be sucked towards the vortex where Defarge himself, +already begrimed with gunpowder and sweat, issued orders, issued arms, +thrust this man back, dragged this man forward, disarmed one to arm +another, laboured and strove in the thickest of the uproar. + +"Keep near to me, Jacques Three," cried Defarge; "and do you, Jacques +One and Two, separate and put yourselves at the head of as many of these +patriots as you can. Where is my wife?" + +"Eh, well! Here you see me!" said madame, composed as ever, but not +knitting to-day. Madame's resolute right hand was occupied with an axe, +in place of the usual softer implements, and in her girdle were a pistol +and a cruel knife. + +"Where do you go, my wife?" + +"I go," said madame, "with you at present. You shall see me at the head +of women, by-and-bye." + +"Come, then!" cried Defarge, in a resounding voice. "Patriots and +friends, we are ready! The Bastille!" + +With a roar that sounded as if all the breath in France had been shaped +into the detested word, the living sea rose, wave on wave, depth on +depth, and overflowed the city to that point. Alarm-bells ringing, drums +beating, the sea raging and thundering on its new beach, the attack +began. + +Deep ditches, double drawbridge, massive stone walls, eight great +towers, cannon, muskets, fire and smoke. Through the fire and through +the smoke--in the fire and in the smoke, for the sea cast him up against +a cannon, and on the instant he became a cannonier--Defarge of the +wine-shop worked like a manful soldier, Two fierce hours. + +Deep ditch, single drawbridge, massive stone walls, eight great towers, +cannon, muskets, fire and smoke. One drawbridge down! "Work, comrades +all, work! Work, Jacques One, Jacques Two, Jacques One Thousand, Jacques +Two Thousand, Jacques Five-and-Twenty Thousand; in the name of all +the Angels or the Devils--which you prefer--work!" Thus Defarge of the +wine-shop, still at his gun, which had long grown hot. + +"To me, women!" cried madame his wife. "What! We can kill as well as +the men when the place is taken!" And to her, with a shrill thirsty +cry, trooping women variously armed, but all armed alike in hunger and +revenge. + +Cannon, muskets, fire and smoke; but, still the deep ditch, the single +drawbridge, the massive stone walls, and the eight great towers. Slight +displacements of the raging sea, made by the falling wounded. Flashing +weapons, blazing torches, smoking waggonloads of wet straw, hard work +at neighbouring barricades in all directions, shrieks, volleys, +execrations, bravery without stint, boom smash and rattle, and the +furious sounding of the living sea; but, still the deep ditch, and the +single drawbridge, and the massive stone walls, and the eight great +towers, and still Defarge of the wine-shop at his gun, grown doubly hot +by the service of Four fierce hours. + +A white flag from within the fortress, and a parley--this dimly +perceptible through the raging storm, nothing audible in it--suddenly +the sea rose immeasurably wider and higher, and swept Defarge of the +wine-shop over the lowered drawbridge, past the massive stone outer +walls, in among the eight great towers surrendered! + +So resistless was the force of the ocean bearing him on, that even to +draw his breath or turn his head was as impracticable as if he had been +struggling in the surf at the South Sea, until he was landed in the +outer courtyard of the Bastille. There, against an angle of a wall, he +made a struggle to look about him. Jacques Three was nearly at his side; +Madame Defarge, still heading some of her women, was visible in the +inner distance, and her knife was in her hand. Everywhere was tumult, +exultation, deafening and maniacal bewilderment, astounding noise, yet +furious dumb-show. + +"The Prisoners!" + +"The Records!" + +"The secret cells!" + +"The instruments of torture!" + +"The Prisoners!" + +Of all these cries, and ten thousand incoherences, "The Prisoners!" was +the cry most taken up by the sea that rushed in, as if there were an +eternity of people, as well as of time and space. When the foremost +billows rolled past, bearing the prison officers with them, and +threatening them all with instant death if any secret nook remained +undisclosed, Defarge laid his strong hand on the breast of one of +these men--a man with a grey head, who had a lighted torch in his +hand--separated him from the rest, and got him between himself and the +wall. + +"Show me the North Tower!" said Defarge. "Quick!" + +"I will faithfully," replied the man, "if you will come with me. But +there is no one there." + +"What is the meaning of One Hundred and Five, North Tower?" asked +Defarge. "Quick!" + +"The meaning, monsieur?" + +"Does it mean a captive, or a place of captivity? Or do you mean that I +shall strike you dead?" + +"Kill him!" croaked Jacques Three, who had come close up. + +"Monsieur, it is a cell." + +"Show it me!" + +"Pass this way, then." + +Jacques Three, with his usual craving on him, and evidently disappointed +by the dialogue taking a turn that did not seem to promise bloodshed, +held by Defarge's arm as he held by the turnkey's. Their three heads had +been close together during this brief discourse, and it had been as much +as they could do to hear one another, even then: so tremendous was the +noise of the living ocean, in its irruption into the Fortress, and +its inundation of the courts and passages and staircases. All around +outside, too, it beat the walls with a deep, hoarse roar, from which, +occasionally, some partial shouts of tumult broke and leaped into the +air like spray. + +Through gloomy vaults where the light of day had never shone, past +hideous doors of dark dens and cages, down cavernous flights of steps, +and again up steep rugged ascents of stone and brick, more like dry +waterfalls than staircases, Defarge, the turnkey, and Jacques Three, +linked hand and arm, went with all the speed they could make. Here and +there, especially at first, the inundation started on them and swept by; +but when they had done descending, and were winding and climbing up a +tower, they were alone. Hemmed in here by the massive thickness of walls +and arches, the storm within the fortress and without was only audible +to them in a dull, subdued way, as if the noise out of which they had +come had almost destroyed their sense of hearing. + +The turnkey stopped at a low door, put a key in a clashing lock, swung +the door slowly open, and said, as they all bent their heads and passed +in: + +"One hundred and five, North Tower!" + +There was a small, heavily-grated, unglazed window high in the wall, +with a stone screen before it, so that the sky could be only seen by +stooping low and looking up. There was a small chimney, heavily barred +across, a few feet within. There was a heap of old feathery wood-ashes +on the hearth. There was a stool, and table, and a straw bed. There were +the four blackened walls, and a rusted iron ring in one of them. + +"Pass that torch slowly along these walls, that I may see them," said +Defarge to the turnkey. + +The man obeyed, and Defarge followed the light closely with his eyes. + +"Stop!--Look here, Jacques!" + +"A. M.!" croaked Jacques Three, as he read greedily. + +"Alexandre Manette," said Defarge in his ear, following the letters +with his swart forefinger, deeply engrained with gunpowder. "And here he +wrote 'a poor physician.' And it was he, without doubt, who scratched +a calendar on this stone. What is that in your hand? A crowbar? Give it +me!" + +He had still the linstock of his gun in his own hand. He made a sudden +exchange of the two instruments, and turning on the worm-eaten stool and +table, beat them to pieces in a few blows. + +"Hold the light higher!" he said, wrathfully, to the turnkey. "Look +among those fragments with care, Jacques. And see! Here is my knife," + throwing it to him; "rip open that bed, and search the straw. Hold the +light higher, you!" + +With a menacing look at the turnkey he crawled upon the hearth, and, +peering up the chimney, struck and prised at its sides with the crowbar, +and worked at the iron grating across it. In a few minutes, some mortar +and dust came dropping down, which he averted his face to avoid; and +in it, and in the old wood-ashes, and in a crevice in the chimney +into which his weapon had slipped or wrought itself, he groped with a +cautious touch. + +"Nothing in the wood, and nothing in the straw, Jacques?" + +"Nothing." + +"Let us collect them together, in the middle of the cell. So! Light +them, you!" + +The turnkey fired the little pile, which blazed high and hot. Stooping +again to come out at the low-arched door, they left it burning, and +retraced their way to the courtyard; seeming to recover their sense +of hearing as they came down, until they were in the raging flood once +more. + +They found it surging and tossing, in quest of Defarge himself. Saint +Antoine was clamorous to have its wine-shop keeper foremost in the guard +upon the governor who had defended the Bastille and shot the people. +Otherwise, the governor would not be marched to the Hotel de Ville for +judgment. Otherwise, the governor would escape, and the people's +blood (suddenly of some value, after many years of worthlessness) be +unavenged. + +In the howling universe of passion and contention that seemed to +encompass this grim old officer conspicuous in his grey coat and red +decoration, there was but one quite steady figure, and that was a +woman's. "See, there is my husband!" she cried, pointing him out. +"See Defarge!" She stood immovable close to the grim old officer, and +remained immovable close to him; remained immovable close to him through +the streets, as Defarge and the rest bore him along; remained immovable +close to him when he was got near his destination, and began to +be struck at from behind; remained immovable close to him when the +long-gathering rain of stabs and blows fell heavy; was so close to him +when he dropped dead under it, that, suddenly animated, she put her foot +upon his neck, and with her cruel knife--long ready--hewed off his head. + +The hour was come, when Saint Antoine was to execute his horrible idea +of hoisting up men for lamps to show what he could be and do. Saint +Antoine's blood was up, and the blood of tyranny and domination by the +iron hand was down--down on the steps of the Hotel de Ville where the +governor's body lay--down on the sole of the shoe of Madame Defarge +where she had trodden on the body to steady it for mutilation. "Lower +the lamp yonder!" cried Saint Antoine, after glaring round for a new +means of death; "here is one of his soldiers to be left on guard!" The +swinging sentinel was posted, and the sea rushed on. + +The sea of black and threatening waters, and of destructive upheaving +of wave against wave, whose depths were yet unfathomed and whose forces +were yet unknown. The remorseless sea of turbulently swaying shapes, +voices of vengeance, and faces hardened in the furnaces of suffering +until the touch of pity could make no mark on them. + +But, in the ocean of faces where every fierce and furious expression was +in vivid life, there were two groups of faces--each seven in number--so +fixedly contrasting with the rest, that never did sea roll which bore +more memorable wrecks with it. Seven faces of prisoners, suddenly +released by the storm that had burst their tomb, were carried high +overhead: all scared, all lost, all wondering and amazed, as if the Last +Day were come, and those who rejoiced around them were lost spirits. +Other seven faces there were, carried higher, seven dead faces, whose +drooping eyelids and half-seen eyes awaited the Last Day. Impassive +faces, yet with a suspended--not an abolished--expression on them; +faces, rather, in a fearful pause, as having yet to raise the dropped +lids of the eyes, and bear witness with the bloodless lips, "THOU DIDST +IT!" + +Seven prisoners released, seven gory heads on pikes, the keys of the +accursed fortress of the eight strong towers, some discovered letters +and other memorials of prisoners of old time, long dead of broken +hearts,--such, and such--like, the loudly echoing footsteps of Saint +Antoine escort through the Paris streets in mid-July, one thousand seven +hundred and eighty-nine. Now, Heaven defeat the fancy of Lucie Darnay, +and keep these feet far out of her life! For, they are headlong, mad, +and dangerous; and in the years so long after the breaking of the cask +at Defarge's wine-shop door, they are not easily purified when once +stained red. + + + + +CHAPTER XXII. +The Sea Still Rises + + +Haggard Saint Antoine had had only one exultant week, in which to soften +his modicum of hard and bitter bread to such extent as he could, with +the relish of fraternal embraces and congratulations, when Madame +Defarge sat at her counter, as usual, presiding over the customers. +Madame Defarge wore no rose in her head, for the great brotherhood of +Spies had become, even in one short week, extremely chary of trusting +themselves to the saint's mercies. The lamps across his streets had a +portentously elastic swing with them. + +Madame Defarge, with her arms folded, sat in the morning light and heat, +contemplating the wine-shop and the street. In both, there were several +knots of loungers, squalid and miserable, but now with a manifest sense +of power enthroned on their distress. The raggedest nightcap, awry on +the wretchedest head, had this crooked significance in it: "I know how +hard it has grown for me, the wearer of this, to support life in myself; +but do you know how easy it has grown for me, the wearer of this, to +destroy life in you?" Every lean bare arm, that had been without work +before, had this work always ready for it now, that it could strike. +The fingers of the knitting women were vicious, with the experience that +they could tear. There was a change in the appearance of Saint Antoine; +the image had been hammering into this for hundreds of years, and the +last finishing blows had told mightily on the expression. + +Madame Defarge sat observing it, with such suppressed approval as was +to be desired in the leader of the Saint Antoine women. One of her +sisterhood knitted beside her. The short, rather plump wife of a starved +grocer, and the mother of two children withal, this lieutenant had +already earned the complimentary name of The Vengeance. + +"Hark!" said The Vengeance. "Listen, then! Who comes?" + +As if a train of powder laid from the outermost bound of Saint Antoine +Quarter to the wine-shop door, had been suddenly fired, a fast-spreading +murmur came rushing along. + +"It is Defarge," said madame. "Silence, patriots!" + +Defarge came in breathless, pulled off a red cap he wore, and looked +around him! "Listen, everywhere!" said madame again. "Listen to him!" + Defarge stood, panting, against a background of eager eyes and open +mouths, formed outside the door; all those within the wine-shop had +sprung to their feet. + +"Say then, my husband. What is it?" + +"News from the other world!" + +"How, then?" cried madame, contemptuously. "The other world?" + +"Does everybody here recall old Foulon, who told the famished people +that they might eat grass, and who died, and went to Hell?" + +"Everybody!" from all throats. + +"The news is of him. He is among us!" + +"Among us!" from the universal throat again. "And dead?" + +"Not dead! He feared us so much--and with reason--that he caused himself +to be represented as dead, and had a grand mock-funeral. But they have +found him alive, hiding in the country, and have brought him in. I have +seen him but now, on his way to the Hotel de Ville, a prisoner. I have +said that he had reason to fear us. Say all! _Had_ he reason?" + +Wretched old sinner of more than threescore years and ten, if he had +never known it yet, he would have known it in his heart of hearts if he +could have heard the answering cry. + +A moment of profound silence followed. Defarge and his wife looked +steadfastly at one another. The Vengeance stooped, and the jar of a drum +was heard as she moved it at her feet behind the counter. + +"Patriots!" said Defarge, in a determined voice, "are we ready?" + +Instantly Madame Defarge's knife was in her girdle; the drum was beating +in the streets, as if it and a drummer had flown together by magic; and +The Vengeance, uttering terrific shrieks, and flinging her arms about +her head like all the forty Furies at once, was tearing from house to +house, rousing the women. + +The men were terrible, in the bloody-minded anger with which they looked +from windows, caught up what arms they had, and came pouring down into +the streets; but, the women were a sight to chill the boldest. From +such household occupations as their bare poverty yielded, from their +children, from their aged and their sick crouching on the bare ground +famished and naked, they ran out with streaming hair, urging one +another, and themselves, to madness with the wildest cries and actions. +Villain Foulon taken, my sister! Old Foulon taken, my mother! Miscreant +Foulon taken, my daughter! Then, a score of others ran into the midst of +these, beating their breasts, tearing their hair, and screaming, Foulon +alive! Foulon who told the starving people they might eat grass! Foulon +who told my old father that he might eat grass, when I had no bread +to give him! Foulon who told my baby it might suck grass, when these +breasts were dry with want! O mother of God, this Foulon! O Heaven our +suffering! Hear me, my dead baby and my withered father: I swear on my +knees, on these stones, to avenge you on Foulon! Husbands, and brothers, +and young men, Give us the blood of Foulon, Give us the head of Foulon, +Give us the heart of Foulon, Give us the body and soul of Foulon, Rend +Foulon to pieces, and dig him into the ground, that grass may grow from +him! With these cries, numbers of the women, lashed into blind frenzy, +whirled about, striking and tearing at their own friends until they +dropped into a passionate swoon, and were only saved by the men +belonging to them from being trampled under foot. + +Nevertheless, not a moment was lost; not a moment! This Foulon was at +the Hotel de Ville, and might be loosed. Never, if Saint Antoine knew +his own sufferings, insults, and wrongs! Armed men and women flocked out +of the Quarter so fast, and drew even these last dregs after them with +such a force of suction, that within a quarter of an hour there was not +a human creature in Saint Antoine's bosom but a few old crones and the +wailing children. + +No. They were all by that time choking the Hall of Examination where +this old man, ugly and wicked, was, and overflowing into the adjacent +open space and streets. The Defarges, husband and wife, The Vengeance, +and Jacques Three, were in the first press, and at no great distance +from him in the Hall. + +"See!" cried madame, pointing with her knife. "See the old villain bound +with ropes. That was well done to tie a bunch of grass upon his back. +Ha, ha! That was well done. Let him eat it now!" Madame put her knife +under her arm, and clapped her hands as at a play. + +The people immediately behind Madame Defarge, explaining the cause of +her satisfaction to those behind them, and those again explaining to +others, and those to others, the neighbouring streets resounded with the +clapping of hands. Similarly, during two or three hours of drawl, +and the winnowing of many bushels of words, Madame Defarge's frequent +expressions of impatience were taken up, with marvellous quickness, at +a distance: the more readily, because certain men who had by some +wonderful exercise of agility climbed up the external architecture +to look in from the windows, knew Madame Defarge well, and acted as a +telegraph between her and the crowd outside the building. + +At length the sun rose so high that it struck a kindly ray as of hope or +protection, directly down upon the old prisoner's head. The favour was +too much to bear; in an instant the barrier of dust and chaff that had +stood surprisingly long, went to the winds, and Saint Antoine had got +him! + +It was known directly, to the furthest confines of the crowd. Defarge +had but sprung over a railing and a table, and folded the miserable +wretch in a deadly embrace--Madame Defarge had but followed and turned +her hand in one of the ropes with which he was tied--The Vengeance and +Jacques Three were not yet up with them, and the men at the windows +had not yet swooped into the Hall, like birds of prey from their high +perches--when the cry seemed to go up, all over the city, "Bring him +out! Bring him to the lamp!" + +Down, and up, and head foremost on the steps of the building; now, on +his knees; now, on his feet; now, on his back; dragged, and struck at, +and stifled by the bunches of grass and straw that were thrust into his +face by hundreds of hands; torn, bruised, panting, bleeding, yet always +entreating and beseeching for mercy; now full of vehement agony of +action, with a small clear space about him as the people drew one +another back that they might see; now, a log of dead wood drawn through +a forest of legs; he was hauled to the nearest street corner where one +of the fatal lamps swung, and there Madame Defarge let him go--as a cat +might have done to a mouse--and silently and composedly looked at him +while they made ready, and while he besought her: the women passionately +screeching at him all the time, and the men sternly calling out to have +him killed with grass in his mouth. Once, he went aloft, and the rope +broke, and they caught him shrieking; twice, he went aloft, and the rope +broke, and they caught him shrieking; then, the rope was merciful, and +held him, and his head was soon upon a pike, with grass enough in the +mouth for all Saint Antoine to dance at the sight of. + +Nor was this the end of the day's bad work, for Saint Antoine so shouted +and danced his angry blood up, that it boiled again, on hearing when +the day closed in that the son-in-law of the despatched, another of the +people's enemies and insulters, was coming into Paris under a guard +five hundred strong, in cavalry alone. Saint Antoine wrote his crimes +on flaring sheets of paper, seized him--would have torn him out of the +breast of an army to bear Foulon company--set his head and heart on +pikes, and carried the three spoils of the day, in Wolf-procession +through the streets. + +Not before dark night did the men and women come back to the children, +wailing and breadless. Then, the miserable bakers' shops were beset by +long files of them, patiently waiting to buy bad bread; and while +they waited with stomachs faint and empty, they beguiled the time by +embracing one another on the triumphs of the day, and achieving them +again in gossip. Gradually, these strings of ragged people shortened and +frayed away; and then poor lights began to shine in high windows, and +slender fires were made in the streets, at which neighbours cooked in +common, afterwards supping at their doors. + +Scanty and insufficient suppers those, and innocent of meat, as of +most other sauce to wretched bread. Yet, human fellowship infused +some nourishment into the flinty viands, and struck some sparks of +cheerfulness out of them. Fathers and mothers who had had their full +share in the worst of the day, played gently with their meagre children; +and lovers, with such a world around them and before them, loved and +hoped. + +It was almost morning, when Defarge's wine-shop parted with its last +knot of customers, and Monsieur Defarge said to madame his wife, in +husky tones, while fastening the door: + +"At last it is come, my dear!" + +"Eh well!" returned madame. "Almost." + +Saint Antoine slept, the Defarges slept: even The Vengeance slept with +her starved grocer, and the drum was at rest. The drum's was the +only voice in Saint Antoine that blood and hurry had not changed. The +Vengeance, as custodian of the drum, could have wakened him up and had +the same speech out of him as before the Bastille fell, or old Foulon +was seized; not so with the hoarse tones of the men and women in Saint +Antoine's bosom. + + + + +CHAPTER XXIII. +Fire Rises + + +There was a change on the village where the fountain fell, and where +the mender of roads went forth daily to hammer out of the stones on the +highway such morsels of bread as might serve for patches to hold his +poor ignorant soul and his poor reduced body together. The prison on the +crag was not so dominant as of yore; there were soldiers to guard it, +but not many; there were officers to guard the soldiers, but not one of +them knew what his men would do--beyond this: that it would probably not +be what he was ordered. + +Far and wide lay a ruined country, yielding nothing but desolation. +Every green leaf, every blade of grass and blade of grain, was as +shrivelled and poor as the miserable people. Everything was bowed down, +dejected, oppressed, and broken. Habitations, fences, domesticated +animals, men, women, children, and the soil that bore them--all worn +out. + +Monseigneur (often a most worthy individual gentleman) was a national +blessing, gave a chivalrous tone to things, was a polite example of +luxurious and shining life, and a great deal more to equal purpose; +nevertheless, Monseigneur as a class had, somehow or other, brought +things to this. Strange that Creation, designed expressly for +Monseigneur, should be so soon wrung dry and squeezed out! There must +be something short-sighted in the eternal arrangements, surely! Thus it +was, however; and the last drop of blood having been extracted from the +flints, and the last screw of the rack having been turned so often that +its purchase crumbled, and it now turned and turned with nothing +to bite, Monseigneur began to run away from a phenomenon so low and +unaccountable. + +But, this was not the change on the village, and on many a village like +it. For scores of years gone by, Monseigneur had squeezed it and wrung +it, and had seldom graced it with his presence except for the pleasures +of the chase--now, found in hunting the people; now, found in hunting +the beasts, for whose preservation Monseigneur made edifying spaces +of barbarous and barren wilderness. No. The change consisted in +the appearance of strange faces of low caste, rather than in the +disappearance of the high caste, chiselled, and otherwise beautified and +beautifying features of Monseigneur. + +For, in these times, as the mender of roads worked, solitary, in the +dust, not often troubling himself to reflect that dust he was and +to dust he must return, being for the most part too much occupied in +thinking how little he had for supper and how much more he would eat if +he had it--in these times, as he raised his eyes from his lonely labour, +and viewed the prospect, he would see some rough figure approaching on +foot, the like of which was once a rarity in those parts, but was now +a frequent presence. As it advanced, the mender of roads would discern +without surprise, that it was a shaggy-haired man, of almost barbarian +aspect, tall, in wooden shoes that were clumsy even to the eyes of a +mender of roads, grim, rough, swart, steeped in the mud and dust of many +highways, dank with the marshy moisture of many low grounds, sprinkled +with the thorns and leaves and moss of many byways through woods. + +Such a man came upon him, like a ghost, at noon in the July weather, +as he sat on his heap of stones under a bank, taking such shelter as he +could get from a shower of hail. + +The man looked at him, looked at the village in the hollow, at the mill, +and at the prison on the crag. When he had identified these objects +in what benighted mind he had, he said, in a dialect that was just +intelligible: + +"How goes it, Jacques?" + +"All well, Jacques." + +"Touch then!" + +They joined hands, and the man sat down on the heap of stones. + +"No dinner?" + +"Nothing but supper now," said the mender of roads, with a hungry face. + +"It is the fashion," growled the man. "I meet no dinner anywhere." + +He took out a blackened pipe, filled it, lighted it with flint and +steel, pulled at it until it was in a bright glow: then, suddenly held +it from him and dropped something into it from between his finger and +thumb, that blazed and went out in a puff of smoke. + +"Touch then." It was the turn of the mender of roads to say it this +time, after observing these operations. They again joined hands. + +"To-night?" said the mender of roads. + +"To-night," said the man, putting the pipe in his mouth. + +"Where?" + +"Here." + +He and the mender of roads sat on the heap of stones looking silently at +one another, with the hail driving in between them like a pigmy charge +of bayonets, until the sky began to clear over the village. + +"Show me!" said the traveller then, moving to the brow of the hill. + +"See!" returned the mender of roads, with extended finger. "You go down +here, and straight through the street, and past the fountain--" + +"To the Devil with all that!" interrupted the other, rolling his eye +over the landscape. "_I_ go through no streets and past no fountains. +Well?" + +"Well! About two leagues beyond the summit of that hill above the +village." + +"Good. When do you cease to work?" + +"At sunset." + +"Will you wake me, before departing? I have walked two nights without +resting. Let me finish my pipe, and I shall sleep like a child. Will you +wake me?" + +"Surely." + +The wayfarer smoked his pipe out, put it in his breast, slipped off his +great wooden shoes, and lay down on his back on the heap of stones. He +was fast asleep directly. + +As the road-mender plied his dusty labour, and the hail-clouds, rolling +away, revealed bright bars and streaks of sky which were responded to +by silver gleams upon the landscape, the little man (who wore a red cap +now, in place of his blue one) seemed fascinated by the figure on the +heap of stones. His eyes were so often turned towards it, that he used +his tools mechanically, and, one would have said, to very poor account. +The bronze face, the shaggy black hair and beard, the coarse woollen +red cap, the rough medley dress of home-spun stuff and hairy skins of +beasts, the powerful frame attenuated by spare living, and the sullen +and desperate compression of the lips in sleep, inspired the mender +of roads with awe. The traveller had travelled far, and his feet were +footsore, and his ankles chafed and bleeding; his great shoes, stuffed +with leaves and grass, had been heavy to drag over the many long +leagues, and his clothes were chafed into holes, as he himself was into +sores. Stooping down beside him, the road-mender tried to get a peep at +secret weapons in his breast or where not; but, in vain, for he slept +with his arms crossed upon him, and set as resolutely as his lips. +Fortified towns with their stockades, guard-houses, gates, trenches, and +drawbridges, seemed to the mender of roads, to be so much air as against +this figure. And when he lifted his eyes from it to the horizon and +looked around, he saw in his small fancy similar figures, stopped by no +obstacle, tending to centres all over France. + +The man slept on, indifferent to showers of hail and intervals of +brightness, to sunshine on his face and shadow, to the paltering lumps +of dull ice on his body and the diamonds into which the sun changed +them, until the sun was low in the west, and the sky was glowing. Then, +the mender of roads having got his tools together and all things ready +to go down into the village, roused him. + +"Good!" said the sleeper, rising on his elbow. "Two leagues beyond the +summit of the hill?" + +"About." + +"About. Good!" + +The mender of roads went home, with the dust going on before him +according to the set of the wind, and was soon at the fountain, +squeezing himself in among the lean kine brought there to drink, and +appearing even to whisper to them in his whispering to all the village. +When the village had taken its poor supper, it did not creep to bed, +as it usually did, but came out of doors again, and remained there. A +curious contagion of whispering was upon it, and also, when it gathered +together at the fountain in the dark, another curious contagion of +looking expectantly at the sky in one direction only. Monsieur Gabelle, +chief functionary of the place, became uneasy; went out on his house-top +alone, and looked in that direction too; glanced down from behind his +chimneys at the darkening faces by the fountain below, and sent word to +the sacristan who kept the keys of the church, that there might be need +to ring the tocsin by-and-bye. + +The night deepened. The trees environing the old chateau, keeping its +solitary state apart, moved in a rising wind, as though they threatened +the pile of building massive and dark in the gloom. Up the two terrace +flights of steps the rain ran wildly, and beat at the great door, like a +swift messenger rousing those within; uneasy rushes of wind went through +the hall, among the old spears and knives, and passed lamenting up the +stairs, and shook the curtains of the bed where the last Marquis +had slept. East, West, North, and South, through the woods, four +heavy-treading, unkempt figures crushed the high grass and cracked the +branches, striding on cautiously to come together in the courtyard. Four +lights broke out there, and moved away in different directions, and all +was black again. + +But, not for long. Presently, the chateau began to make itself strangely +visible by some light of its own, as though it were growing luminous. +Then, a flickering streak played behind the architecture of the front, +picking out transparent places, and showing where balustrades, arches, +and windows were. Then it soared higher, and grew broader and brighter. +Soon, from a score of the great windows, flames burst forth, and the +stone faces awakened, stared out of fire. + +A faint murmur arose about the house from the few people who were left +there, and there was a saddling of a horse and riding away. There was +spurring and splashing through the darkness, and bridle was drawn in the +space by the village fountain, and the horse in a foam stood at Monsieur +Gabelle's door. "Help, Gabelle! Help, every one!" The tocsin rang +impatiently, but other help (if that were any) there was none. The +mender of roads, and two hundred and fifty particular friends, stood +with folded arms at the fountain, looking at the pillar of fire in the +sky. "It must be forty feet high," said they, grimly; and never moved. + +The rider from the chateau, and the horse in a foam, clattered away +through the village, and galloped up the stony steep, to the prison on +the crag. At the gate, a group of officers were looking at the fire; +removed from them, a group of soldiers. "Help, gentlemen--officers! The +chateau is on fire; valuable objects may be saved from the flames by +timely aid! Help, help!" The officers looked towards the soldiers who +looked at the fire; gave no orders; and answered, with shrugs and biting +of lips, "It must burn." + +As the rider rattled down the hill again and through the street, the +village was illuminating. The mender of roads, and the two hundred and +fifty particular friends, inspired as one man and woman by the idea of +lighting up, had darted into their houses, and were putting candles in +every dull little pane of glass. The general scarcity of everything, +occasioned candles to be borrowed in a rather peremptory manner of +Monsieur Gabelle; and in a moment of reluctance and hesitation on +that functionary's part, the mender of roads, once so submissive to +authority, had remarked that carriages were good to make bonfires with, +and that post-horses would roast. + +The chateau was left to itself to flame and burn. In the roaring and +raging of the conflagration, a red-hot wind, driving straight from the +infernal regions, seemed to be blowing the edifice away. With the rising +and falling of the blaze, the stone faces showed as if they were in +torment. When great masses of stone and timber fell, the face with the +two dints in the nose became obscured: anon struggled out of the smoke +again, as if it were the face of the cruel Marquis, burning at the stake +and contending with the fire. + +The chateau burned; the nearest trees, laid hold of by the fire, +scorched and shrivelled; trees at a distance, fired by the four fierce +figures, begirt the blazing edifice with a new forest of smoke. Molten +lead and iron boiled in the marble basin of the fountain; the water ran +dry; the extinguisher tops of the towers vanished like ice before the +heat, and trickled down into four rugged wells of flame. Great rents and +splits branched out in the solid walls, like crystallisation; stupefied +birds wheeled about and dropped into the furnace; four fierce figures +trudged away, East, West, North, and South, along the night-enshrouded +roads, guided by the beacon they had lighted, towards their next +destination. The illuminated village had seized hold of the tocsin, and, +abolishing the lawful ringer, rang for joy. + +Not only that; but the village, light-headed with famine, fire, and +bell-ringing, and bethinking itself that Monsieur Gabelle had to do with +the collection of rent and taxes--though it was but a small instalment +of taxes, and no rent at all, that Gabelle had got in those latter +days--became impatient for an interview with him, and, surrounding his +house, summoned him to come forth for personal conference. Whereupon, +Monsieur Gabelle did heavily bar his door, and retire to hold counsel +with himself. The result of that conference was, that Gabelle again +withdrew himself to his housetop behind his stack of chimneys; this time +resolved, if his door were broken in (he was a small Southern man +of retaliative temperament), to pitch himself head foremost over the +parapet, and crush a man or two below. + +Probably, Monsieur Gabelle passed a long night up there, with the +distant chateau for fire and candle, and the beating at his door, +combined with the joy-ringing, for music; not to mention his having an +ill-omened lamp slung across the road before his posting-house gate, +which the village showed a lively inclination to displace in his favour. +A trying suspense, to be passing a whole summer night on the brink of +the black ocean, ready to take that plunge into it upon which Monsieur +Gabelle had resolved! But, the friendly dawn appearing at last, and the +rush-candles of the village guttering out, the people happily dispersed, +and Monsieur Gabelle came down bringing his life with him for that +while. + +Within a hundred miles, and in the light of other fires, there were +other functionaries less fortunate, that night and other nights, whom +the rising sun found hanging across once-peaceful streets, where they +had been born and bred; also, there were other villagers and townspeople +less fortunate than the mender of roads and his fellows, upon whom the +functionaries and soldiery turned with success, and whom they strung up +in their turn. But, the fierce figures were steadily wending East, West, +North, and South, be that as it would; and whosoever hung, fire burned. +The altitude of the gallows that would turn to water and quench it, +no functionary, by any stretch of mathematics, was able to calculate +successfully. + + + + +CHAPTER XXIV. +Drawn to the Loadstone Rock + + +In such risings of fire and risings of sea--the firm earth shaken by +the rushes of an angry ocean which had now no ebb, but was always on the +flow, higher and higher, to the terror and wonder of the beholders on +the shore--three years of tempest were consumed. Three more birthdays +of little Lucie had been woven by the golden thread into the peaceful +tissue of the life of her home. + +Many a night and many a day had its inmates listened to the echoes in +the corner, with hearts that failed them when they heard the thronging +feet. For, the footsteps had become to their minds as the footsteps of +a people, tumultuous under a red flag and with their country declared in +danger, changed into wild beasts, by terrible enchantment long persisted +in. + +Monseigneur, as a class, had dissociated himself from the phenomenon of +his not being appreciated: of his being so little wanted in France, as +to incur considerable danger of receiving his dismissal from it, and +this life together. Like the fabled rustic who raised the Devil with +infinite pains, and was so terrified at the sight of him that he could +ask the Enemy no question, but immediately fled; so, Monseigneur, after +boldly reading the Lord's Prayer backwards for a great number of years, +and performing many other potent spells for compelling the Evil One, no +sooner beheld him in his terrors than he took to his noble heels. + +The shining Bull's Eye of the Court was gone, or it would have been the +mark for a hurricane of national bullets. It had never been a good +eye to see with--had long had the mote in it of Lucifer's pride, +Sardanapalus's luxury, and a mole's blindness--but it had dropped +out and was gone. The Court, from that exclusive inner circle to its +outermost rotten ring of intrigue, corruption, and dissimulation, was +all gone together. Royalty was gone; had been besieged in its Palace and +"suspended," when the last tidings came over. + +The August of the year one thousand seven hundred and ninety-two was +come, and Monseigneur was by this time scattered far and wide. + +As was natural, the head-quarters and great gathering-place of +Monseigneur, in London, was Tellson's Bank. Spirits are supposed to +haunt the places where their bodies most resorted, and Monseigneur +without a guinea haunted the spot where his guineas used to be. +Moreover, it was the spot to which such French intelligence as was most +to be relied upon, came quickest. Again: Tellson's was a munificent +house, and extended great liberality to old customers who had fallen +from their high estate. Again: those nobles who had seen the coming +storm in time, and anticipating plunder or confiscation, had made +provident remittances to Tellson's, were always to be heard of there +by their needy brethren. To which it must be added that every new-comer +from France reported himself and his tidings at Tellson's, almost as +a matter of course. For such variety of reasons, Tellson's was at that +time, as to French intelligence, a kind of High Exchange; and this +was so well known to the public, and the inquiries made there were in +consequence so numerous, that Tellson's sometimes wrote the latest news +out in a line or so and posted it in the Bank windows, for all who ran +through Temple Bar to read. + +On a steaming, misty afternoon, Mr Lorry sat at his desk, and Charles +Darnay stood leaning on it, talking with him in a low voice. The +penitential den once set apart for interviews with the House, was now +the news-Exchange, and was filled to overflowing. It was within half an +hour or so of the time of closing. + +"But, although you are the youngest man that ever lived," said Charles +Darnay, rather hesitating, "I must still suggest to you--" + +"I understand. That I am too old?" said Mr Lorry. + +"Unsettled weather, a long journey, uncertain means of travelling, a +disorganised country, a city that may not be even safe for you." + +"My dear Charles," said Mr Lorry, with cheerful confidence, "you touch +some of the reasons for my going: not for my staying away. It is safe +enough for me; nobody will care to interfere with an old fellow of hard +upon fourscore when there are so many people there much better worth +interfering with. As to its being a disorganised city, if it were not a +disorganised city there would be no occasion to send somebody from our +House here to our House there, who knows the city and the business, of +old, and is in Tellson's confidence. As to the uncertain travelling, the +long journey, and the winter weather, if I were not prepared to submit +myself to a few inconveniences for the sake of Tellson's, after all +these years, who ought to be?" + +"I wish I were going myself," said Charles Darnay, somewhat restlessly, +and like one thinking aloud. + +"Indeed! You are a pretty fellow to object and advise!" exclaimed Mr +Lorry. "You wish you were going yourself? And you a Frenchman born? You +are a wise counsellor." + +"My dear Mr Lorry, it is because I am a Frenchman born, that the +thought (which I did not mean to utter here, however) has passed through +my mind often. One cannot help thinking, having had some sympathy for +the miserable people, and having abandoned something to them," he spoke +here in his former thoughtful manner, "that one might be listened to, +and might have the power to persuade to some restraint. Only last night, +after you had left us, when I was talking to Lucie--" + +"When you were talking to Lucie," Mr Lorry repeated. "Yes. I wonder you +are not ashamed to mention the name of Lucie! Wishing you were going to +France at this time of day!" + +"However, I am not going," said Charles Darnay, with a smile. "It is +more to the purpose that you say you are." + +"And I am, in plain reality. The truth is, my dear Charles," Mr Lorry +glanced at the distant House, and lowered his voice, "you can have no +conception of the difficulty with which our business is transacted, and +of the peril in which our books and papers over yonder are involved. The +Lord above knows what the compromising consequences would be to numbers +of people, if some of our documents were seized or destroyed; and they +might be, at any time, you know, for who can say that Paris is not set +afire to-day, or sacked to-morrow! Now, a judicious selection from these +with the least possible delay, and the burying of them, or otherwise +getting of them out of harm's way, is within the power (without loss of +precious time) of scarcely any one but myself, if any one. And shall +I hang back, when Tellson's knows this and says this--Tellson's, whose +bread I have eaten these sixty years--because I am a little stiff about +the joints? Why, I am a boy, sir, to half a dozen old codgers here!" + +"How I admire the gallantry of your youthful spirit, Mr Lorry." + +"Tut! Nonsense, sir!--And, my dear Charles," said Mr Lorry, glancing at +the House again, "you are to remember, that getting things out of +Paris at this present time, no matter what things, is next to an +impossibility. Papers and precious matters were this very day brought +to us here (I speak in strict confidence; it is not business-like to +whisper it, even to you), by the strangest bearers you can imagine, +every one of whom had his head hanging on by a single hair as he passed +the Barriers. At another time, our parcels would come and go, as easily +as in business-like Old England; but now, everything is stopped." + +"And do you really go to-night?" + +"I really go to-night, for the case has become too pressing to admit of +delay." + +"And do you take no one with you?" + +"All sorts of people have been proposed to me, but I will have nothing +to say to any of them. I intend to take Jerry. Jerry has been my +bodyguard on Sunday nights for a long time past and I am used to him. +Nobody will suspect Jerry of being anything but an English bull-dog, or +of having any design in his head but to fly at anybody who touches his +master." + +"I must say again that I heartily admire your gallantry and +youthfulness." + +"I must say again, nonsense, nonsense! When I have executed this little +commission, I shall, perhaps, accept Tellson's proposal to retire and +live at my ease. Time enough, then, to think about growing old." + +This dialogue had taken place at Mr Lorry's usual desk, with +Monseigneur swarming within a yard or two of it, boastful of what he +would do to avenge himself on the rascal-people before long. It was too +much the way of Monseigneur under his reverses as a refugee, and it +was much too much the way of native British orthodoxy, to talk of this +terrible Revolution as if it were the only harvest ever known under +the skies that had not been sown--as if nothing had ever been done, or +omitted to be done, that had led to it--as if observers of the wretched +millions in France, and of the misused and perverted resources that +should have made them prosperous, had not seen it inevitably coming, +years before, and had not in plain words recorded what they saw. Such +vapouring, combined with the extravagant plots of Monseigneur for the +restoration of a state of things that had utterly exhausted itself, +and worn out Heaven and earth as well as itself, was hard to be endured +without some remonstrance by any sane man who knew the truth. And it was +such vapouring all about his ears, like a troublesome confusion of blood +in his own head, added to a latent uneasiness in his mind, which had +already made Charles Darnay restless, and which still kept him so. + +Among the talkers, was Stryver, of the King's Bench Bar, far on his +way to state promotion, and, therefore, loud on the theme: broaching +to Monseigneur, his devices for blowing the people up and exterminating +them from the face of the earth, and doing without them: and for +accomplishing many similar objects akin in their nature to the abolition +of eagles by sprinkling salt on the tails of the race. Him, Darnay heard +with a particular feeling of objection; and Darnay stood divided between +going away that he might hear no more, and remaining to interpose his +word, when the thing that was to be, went on to shape itself out. + +The House approached Mr Lorry, and laying a soiled and unopened letter +before him, asked if he had yet discovered any traces of the person to +whom it was addressed? The House laid the letter down so close to Darnay +that he saw the direction--the more quickly because it was his own right +name. The address, turned into English, ran: + +"Very pressing. To Monsieur heretofore the Marquis St. Evrémonde, of +France. Confided to the cares of Messrs. Tellson and Co., Bankers, +London, England." + +On the marriage morning, Doctor Manette had made it his one urgent and +express request to Charles Darnay, that the secret of this name should +be--unless he, the Doctor, dissolved the obligation--kept inviolate +between them. Nobody else knew it to be his name; his own wife had no +suspicion of the fact; Mr Lorry could have none. + +"No," said Mr Lorry, in reply to the House; "I have referred it, +I think, to everybody now here, and no one can tell me where this +gentleman is to be found." + +The hands of the clock verging upon the hour of closing the Bank, there +was a general set of the current of talkers past Mr Lorry's desk. He +held the letter out inquiringly; and Monseigneur looked at it, in the +person of this plotting and indignant refugee; and Monseigneur looked at +it in the person of that plotting and indignant refugee; and This, That, +and The Other, all had something disparaging to say, in French or in +English, concerning the Marquis who was not to be found. + +"Nephew, I believe--but in any case degenerate successor--of the +polished Marquis who was murdered," said one. "Happy to say, I never +knew him." + +"A craven who abandoned his post," said another--this Monseigneur had +been got out of Paris, legs uppermost and half suffocated, in a load of +hay--"some years ago." + +"Infected with the new doctrines," said a third, eyeing the direction +through his glass in passing; "set himself in opposition to the last +Marquis, abandoned the estates when he inherited them, and left them to +the ruffian herd. They will recompense him now, I hope, as he deserves." + +"Hey?" cried the blatant Stryver. "Did he though? Is that the sort of +fellow? Let us look at his infamous name. D--n the fellow!" + +Darnay, unable to restrain himself any longer, touched Mr Stryver on +the shoulder, and said: + +"I know the fellow." + +"Do you, by Jupiter?" said Stryver. "I am sorry for it." + +"Why?" + +"Why, Mr Darnay? D'ye hear what he did? Don't ask, why, in these +times." + +"But I do ask why?" + +"Then I tell you again, Mr Darnay, I am sorry for it. I am sorry to +hear you putting any such extraordinary questions. Here is a fellow, +who, infected by the most pestilent and blasphemous code of devilry that +ever was known, abandoned his property to the vilest scum of the earth +that ever did murder by wholesale, and you ask me why I am sorry that a +man who instructs youth knows him? Well, but I'll answer you. I am sorry +because I believe there is contamination in such a scoundrel. That's +why." + +Mindful of the secret, Darnay with great difficulty checked himself, and +said: "You may not understand the gentleman." + +"I understand how to put _you_ in a corner, Mr Darnay," said Bully +Stryver, "and I'll do it. If this fellow is a gentleman, I _don't_ +understand him. You may tell him so, with my compliments. You may also +tell him, from me, that after abandoning his worldly goods and position +to this butcherly mob, I wonder he is not at the head of them. But, no, +gentlemen," said Stryver, looking all round, and snapping his fingers, +"I know something of human nature, and I tell you that you'll never +find a fellow like this fellow, trusting himself to the mercies of such +precious _protégés_. No, gentlemen; he'll always show 'em a clean pair +of heels very early in the scuffle, and sneak away." + +With those words, and a final snap of his fingers, Mr Stryver +shouldered himself into Fleet-street, amidst the general approbation of +his hearers. Mr Lorry and Charles Darnay were left alone at the desk, +in the general departure from the Bank. + +"Will you take charge of the letter?" said Mr Lorry. "You know where to +deliver it?" + +"I do." + +"Will you undertake to explain, that we suppose it to have been +addressed here, on the chance of our knowing where to forward it, and +that it has been here some time?" + +"I will do so. Do you start for Paris from here?" + +"From here, at eight." + +"I will come back, to see you off." + +Very ill at ease with himself, and with Stryver and most other men, +Darnay made the best of his way into the quiet of the Temple, opened the +letter, and read it. These were its contents: + + +"Prison of the Abbaye, Paris. + +"June 21, 1792. "MONSIEUR HERETOFORE THE MARQUIS. + +"After having long been in danger of my life at the hands of the +village, I have been seized, with great violence and indignity, and +brought a long journey on foot to Paris. On the road I have suffered a +great deal. Nor is that all; my house has been destroyed--razed to the +ground. + +"The crime for which I am imprisoned, Monsieur heretofore the Marquis, +and for which I shall be summoned before the tribunal, and shall lose my +life (without your so generous help), is, they tell me, treason against +the majesty of the people, in that I have acted against them for an +emigrant. It is in vain I represent that I have acted for them, and not +against, according to your commands. It is in vain I represent that, +before the sequestration of emigrant property, I had remitted the +imposts they had ceased to pay; that I had collected no rent; that I had +had recourse to no process. The only response is, that I have acted for +an emigrant, and where is that emigrant? + +"Ah! most gracious Monsieur heretofore the Marquis, where is that +emigrant? I cry in my sleep where is he? I demand of Heaven, will he +not come to deliver me? No answer. Ah Monsieur heretofore the Marquis, +I send my desolate cry across the sea, hoping it may perhaps reach your +ears through the great bank of Tilson known at Paris! + +"For the love of Heaven, of justice, of generosity, of the honour of +your noble name, I supplicate you, Monsieur heretofore the Marquis, to +succour and release me. My fault is, that I have been true to you. Oh +Monsieur heretofore the Marquis, I pray you be you true to me! + +"From this prison here of horror, whence I every hour tend nearer and +nearer to destruction, I send you, Monsieur heretofore the Marquis, the +assurance of my dolorous and unhappy service. + +"Your afflicted, + +"Gabelle." + + +The latent uneasiness in Darnay's mind was roused to vigourous life +by this letter. The peril of an old servant and a good one, whose +only crime was fidelity to himself and his family, stared him so +reproachfully in the face, that, as he walked to and fro in the Temple +considering what to do, he almost hid his face from the passersby. + +He knew very well, that in his horror of the deed which had culminated +the bad deeds and bad reputation of the old family house, in his +resentful suspicions of his uncle, and in the aversion with which his +conscience regarded the crumbling fabric that he was supposed to uphold, +he had acted imperfectly. He knew very well, that in his love for Lucie, +his renunciation of his social place, though by no means new to his own +mind, had been hurried and incomplete. He knew that he ought to have +systematically worked it out and supervised it, and that he had meant to +do it, and that it had never been done. + +The happiness of his own chosen English home, the necessity of being +always actively employed, the swift changes and troubles of the time +which had followed on one another so fast, that the events of this week +annihilated the immature plans of last week, and the events of the week +following made all new again; he knew very well, that to the force of +these circumstances he had yielded:--not without disquiet, but still +without continuous and accumulating resistance. That he had watched +the times for a time of action, and that they had shifted and struggled +until the time had gone by, and the nobility were trooping from +France by every highway and byway, and their property was in course of +confiscation and destruction, and their very names were blotting out, +was as well known to himself as it could be to any new authority in +France that might impeach him for it. + +But, he had oppressed no man, he had imprisoned no man; he was so +far from having harshly exacted payment of his dues, that he had +relinquished them of his own will, thrown himself on a world with no +favour in it, won his own private place there, and earned his own +bread. Monsieur Gabelle had held the impoverished and involved estate +on written instructions, to spare the people, to give them what little +there was to give--such fuel as the heavy creditors would let them have +in the winter, and such produce as could be saved from the same grip in +the summer--and no doubt he had put the fact in plea and proof, for his +own safety, so that it could not but appear now. + +This favoured the desperate resolution Charles Darnay had begun to make, +that he would go to Paris. + +Yes. Like the mariner in the old story, the winds and streams had driven +him within the influence of the Loadstone Rock, and it was drawing him +to itself, and he must go. Everything that arose before his mind drifted +him on, faster and faster, more and more steadily, to the terrible +attraction. His latent uneasiness had been, that bad aims were being +worked out in his own unhappy land by bad instruments, and that he who +could not fail to know that he was better than they, was not there, +trying to do something to stay bloodshed, and assert the claims of mercy +and humanity. With this uneasiness half stifled, and half reproaching +him, he had been brought to the pointed comparison of himself with the +brave old gentleman in whom duty was so strong; upon that comparison +(injurious to himself) had instantly followed the sneers of Monseigneur, +which had stung him bitterly, and those of Stryver, which above all were +coarse and galling, for old reasons. Upon those, had followed Gabelle's +letter: the appeal of an innocent prisoner, in danger of death, to his +justice, honour, and good name. + +His resolution was made. He must go to Paris. + +Yes. The Loadstone Rock was drawing him, and he must sail on, until he +struck. He knew of no rock; he saw hardly any danger. The intention +with which he had done what he had done, even although he had left +it incomplete, presented it before him in an aspect that would be +gratefully acknowledged in France on his presenting himself to assert +it. Then, that glorious vision of doing good, which is so often the +sanguine mirage of so many good minds, arose before him, and he even +saw himself in the illusion with some influence to guide this raging +Revolution that was running so fearfully wild. + +As he walked to and fro with his resolution made, he considered that +neither Lucie nor her father must know of it until he was gone. +Lucie should be spared the pain of separation; and her father, always +reluctant to turn his thoughts towards the dangerous ground of old, +should come to the knowledge of the step, as a step taken, and not in +the balance of suspense and doubt. How much of the incompleteness of his +situation was referable to her father, through the painful anxiety +to avoid reviving old associations of France in his mind, he did not +discuss with himself. But, that circumstance too, had had its influence +in his course. + +He walked to and fro, with thoughts very busy, until it was time to +return to Tellson's and take leave of Mr Lorry. As soon as he arrived +in Paris he would present himself to this old friend, but he must say +nothing of his intention now. + +A carriage with post-horses was ready at the Bank door, and Jerry was +booted and equipped. + +"I have delivered that letter," said Charles Darnay to Mr Lorry. "I +would not consent to your being charged with any written answer, but +perhaps you will take a verbal one?" + +"That I will, and readily," said Mr Lorry, "if it is not dangerous." + +"Not at all. Though it is to a prisoner in the Abbaye." + +"What is his name?" said Mr Lorry, with his open pocket-book in his +hand. + +"Gabelle." + +"Gabelle. And what is the message to the unfortunate Gabelle in prison?" + +"Simply, 'that he has received the letter, and will come.'" + +"Any time mentioned?" + +"He will start upon his journey to-morrow night." + +"Any person mentioned?" + +"No." + +He helped Mr Lorry to wrap himself in a number of coats and cloaks, +and went out with him from the warm atmosphere of the old Bank, into the +misty air of Fleet-street. "My love to Lucie, and to little Lucie," said +Mr Lorry at parting, "and take precious care of them till I come back." + Charles Darnay shook his head and doubtfully smiled, as the carriage +rolled away. + +That night--it was the fourteenth of August--he sat up late, and wrote +two fervent letters; one was to Lucie, explaining the strong obligation +he was under to go to Paris, and showing her, at length, the reasons +that he had, for feeling confident that he could become involved in no +personal danger there; the other was to the Doctor, confiding Lucie and +their dear child to his care, and dwelling on the same topics with the +strongest assurances. To both, he wrote that he would despatch letters +in proof of his safety, immediately after his arrival. + +It was a hard day, that day of being among them, with the first +reservation of their joint lives on his mind. It was a hard matter to +preserve the innocent deceit of which they were profoundly unsuspicious. +But, an affectionate glance at his wife, so happy and busy, made him +resolute not to tell her what impended (he had been half moved to do it, +so strange it was to him to act in anything without her quiet aid), and +the day passed quickly. Early in the evening he embraced her, and her +scarcely less dear namesake, pretending that he would return by-and-bye +(an imaginary engagement took him out, and he had secreted a valise +of clothes ready), and so he emerged into the heavy mist of the heavy +streets, with a heavier heart. + +The unseen force was drawing him fast to itself, now, and all the tides +and winds were setting straight and strong towards it. He left his +two letters with a trusty porter, to be delivered half an hour before +midnight, and no sooner; took horse for Dover; and began his journey. +"For the love of Heaven, of justice, of generosity, of the honour of +your noble name!" was the poor prisoner's cry with which he strengthened +his sinking heart, as he left all that was dear on earth behind him, and +floated away for the Loadstone Rock. + + +The end of the second book. + + + + +Book the Third--the Track of a Storm + + + + +CHAPTER I. +In Secret + + +The traveller fared slowly on his way, who fared towards Paris from +England in the autumn of the year one thousand seven hundred and +ninety-two. More than enough of bad roads, bad equipages, and bad +horses, he would have encountered to delay him, though the fallen and +unfortunate King of France had been upon his throne in all his glory; +but, the changed times were fraught with other obstacles than +these. Every town-gate and village taxing-house had its band of +citizen-patriots, with their national muskets in a most explosive state +of readiness, who stopped all comers and goers, cross-questioned them, +inspected their papers, looked for their names in lists of their own, +turned them back, or sent them on, or stopped them and laid them in +hold, as their capricious judgment or fancy deemed best for the dawning +Republic One and Indivisible, of Liberty, Equality, Fraternity, or +Death. + +A very few French leagues of his journey were accomplished, when Charles +Darnay began to perceive that for him along these country roads there +was no hope of return until he should have been declared a good citizen +at Paris. Whatever might befall now, he must on to his journey's end. +Not a mean village closed upon him, not a common barrier dropped across +the road behind him, but he knew it to be another iron door in +the series that was barred between him and England. The universal +watchfulness so encompassed him, that if he had been taken in a net, +or were being forwarded to his destination in a cage, he could not have +felt his freedom more completely gone. + +This universal watchfulness not only stopped him on the highway twenty +times in a stage, but retarded his progress twenty times in a day, by +riding after him and taking him back, riding before him and stopping him +by anticipation, riding with him and keeping him in charge. He had been +days upon his journey in France alone, when he went to bed tired out, in +a little town on the high road, still a long way from Paris. + +Nothing but the production of the afflicted Gabelle's letter from his +prison of the Abbaye would have got him on so far. His difficulty at the +guard-house in this small place had been such, that he felt his journey +to have come to a crisis. And he was, therefore, as little surprised as +a man could be, to find himself awakened at the small inn to which he +had been remitted until morning, in the middle of the night. + +Awakened by a timid local functionary and three armed patriots in rough +red caps and with pipes in their mouths, who sat down on the bed. + +"Emigrant," said the functionary, "I am going to send you on to Paris, +under an escort." + +"Citizen, I desire nothing more than to get to Paris, though I could +dispense with the escort." + +"Silence!" growled a red-cap, striking at the coverlet with the butt-end +of his musket. "Peace, aristocrat!" + +"It is as the good patriot says," observed the timid functionary. "You +are an aristocrat, and must have an escort--and must pay for it." + +"I have no choice," said Charles Darnay. + +"Choice! Listen to him!" cried the same scowling red-cap. "As if it was +not a favour to be protected from the lamp-iron!" + +"It is always as the good patriot says," observed the functionary. "Rise +and dress yourself, emigrant." + +Darnay complied, and was taken back to the guard-house, where other +patriots in rough red caps were smoking, drinking, and sleeping, by +a watch-fire. Here he paid a heavy price for his escort, and hence he +started with it on the wet, wet roads at three o'clock in the morning. + +The escort were two mounted patriots in red caps and tri-coloured +cockades, armed with national muskets and sabres, who rode one on either +side of him. + +The escorted governed his own horse, but a loose line was attached to +his bridle, the end of which one of the patriots kept girded round his +wrist. In this state they set forth with the sharp rain driving in their +faces: clattering at a heavy dragoon trot over the uneven town pavement, +and out upon the mire-deep roads. In this state they traversed without +change, except of horses and pace, all the mire-deep leagues that lay +between them and the capital. + +They travelled in the night, halting an hour or two after daybreak, and +lying by until the twilight fell. The escort were so wretchedly clothed, +that they twisted straw round their bare legs, and thatched their ragged +shoulders to keep the wet off. Apart from the personal discomfort of +being so attended, and apart from such considerations of present danger +as arose from one of the patriots being chronically drunk, and carrying +his musket very recklessly, Charles Darnay did not allow the restraint +that was laid upon him to awaken any serious fears in his breast; for, +he reasoned with himself that it could have no reference to the merits +of an individual case that was not yet stated, and of representations, +confirmable by the prisoner in the Abbaye, that were not yet made. + +But when they came to the town of Beauvais--which they did at eventide, +when the streets were filled with people--he could not conceal from +himself that the aspect of affairs was very alarming. An ominous crowd +gathered to see him dismount of the posting-yard, and many voices called +out loudly, "Down with the emigrant!" + +He stopped in the act of swinging himself out of his saddle, and, +resuming it as his safest place, said: + +"Emigrant, my friends! Do you not see me here, in France, of my own +will?" + +"You are a cursed emigrant," cried a farrier, making at him in a +furious manner through the press, hammer in hand; "and you are a cursed +aristocrat!" + +The postmaster interposed himself between this man and the rider's +bridle (at which he was evidently making), and soothingly said, "Let him +be; let him be! He will be judged at Paris." + +"Judged!" repeated the farrier, swinging his hammer. "Ay! and condemned +as a traitor." At this the crowd roared approval. + +Checking the postmaster, who was for turning his horse's head to the +yard (the drunken patriot sat composedly in his saddle looking on, with +the line round his wrist), Darnay said, as soon as he could make his +voice heard: + +"Friends, you deceive yourselves, or you are deceived. I am not a +traitor." + +"He lies!" cried the smith. "He is a traitor since the decree. His life +is forfeit to the people. His cursed life is not his own!" + +At the instant when Darnay saw a rush in the eyes of the crowd, which +another instant would have brought upon him, the postmaster turned his +horse into the yard, the escort rode in close upon his horse's flanks, +and the postmaster shut and barred the crazy double gates. The farrier +struck a blow upon them with his hammer, and the crowd groaned; but, no +more was done. + +"What is this decree that the smith spoke of?" Darnay asked the +postmaster, when he had thanked him, and stood beside him in the yard. + +"Truly, a decree for selling the property of emigrants." + +"When passed?" + +"On the fourteenth." + +"The day I left England!" + +"Everybody says it is but one of several, and that there will be +others--if there are not already--banishing all emigrants, and +condemning all to death who return. That is what he meant when he said +your life was not your own." + +"But there are no such decrees yet?" + +"What do I know!" said the postmaster, shrugging his shoulders; "there +may be, or there will be. It is all the same. What would you have?" + +They rested on some straw in a loft until the middle of the night, and +then rode forward again when all the town was asleep. Among the many +wild changes observable on familiar things which made this wild ride +unreal, not the least was the seeming rarity of sleep. After long and +lonely spurring over dreary roads, they would come to a cluster of poor +cottages, not steeped in darkness, but all glittering with lights, and +would find the people, in a ghostly manner in the dead of the night, +circling hand in hand round a shrivelled tree of Liberty, or all drawn +up together singing a Liberty song. Happily, however, there was sleep in +Beauvais that night to help them out of it and they passed on once more +into solitude and loneliness: jingling through the untimely cold and +wet, among impoverished fields that had yielded no fruits of the earth +that year, diversified by the blackened remains of burnt houses, and by +the sudden emergence from ambuscade, and sharp reining up across their +way, of patriot patrols on the watch on all the roads. + +Daylight at last found them before the wall of Paris. The barrier was +closed and strongly guarded when they rode up to it. + +"Where are the papers of this prisoner?" demanded a resolute-looking man +in authority, who was summoned out by the guard. + +Naturally struck by the disagreeable word, Charles Darnay requested the +speaker to take notice that he was a free traveller and French citizen, +in charge of an escort which the disturbed state of the country had +imposed upon him, and which he had paid for. + +"Where," repeated the same personage, without taking any heed of him +whatever, "are the papers of this prisoner?" + +The drunken patriot had them in his cap, and produced them. Casting his +eyes over Gabelle's letter, the same personage in authority showed some +disorder and surprise, and looked at Darnay with a close attention. + +He left escort and escorted without saying a word, however, and went +into the guard-room; meanwhile, they sat upon their horses outside the +gate. Looking about him while in this state of suspense, Charles +Darnay observed that the gate was held by a mixed guard of soldiers and +patriots, the latter far outnumbering the former; and that while ingress +into the city for peasants' carts bringing in supplies, and for similar +traffic and traffickers, was easy enough, egress, even for the homeliest +people, was very difficult. A numerous medley of men and women, not +to mention beasts and vehicles of various sorts, was waiting to issue +forth; but, the previous identification was so strict, that they +filtered through the barrier very slowly. Some of these people knew +their turn for examination to be so far off, that they lay down on the +ground to sleep or smoke, while others talked together, or loitered +about. The red cap and tri-colour cockade were universal, both among men +and women. + +When he had sat in his saddle some half-hour, taking note of these +things, Darnay found himself confronted by the same man in authority, +who directed the guard to open the barrier. Then he delivered to the +escort, drunk and sober, a receipt for the escorted, and requested him +to dismount. He did so, and the two patriots, leading his tired horse, +turned and rode away without entering the city. + +He accompanied his conductor into a guard-room, smelling of common wine +and tobacco, where certain soldiers and patriots, asleep and awake, +drunk and sober, and in various neutral states between sleeping and +waking, drunkenness and sobriety, were standing and lying about. The +light in the guard-house, half derived from the waning oil-lamps of +the night, and half from the overcast day, was in a correspondingly +uncertain condition. Some registers were lying open on a desk, and an +officer of a coarse, dark aspect, presided over these. + +"Citizen Defarge," said he to Darnay's conductor, as he took a slip of +paper to write on. "Is this the emigrant Evrémonde?" + +"This is the man." + +"Your age, Evrémonde?" + +"Thirty-seven." + +"Married, Evrémonde?" + +"Yes." + +"Where married?" + +"In England." + +"Without doubt. Where is your wife, Evrémonde?" + +"In England." + +"Without doubt. You are consigned, Evrémonde, to the prison of La +Force." + +"Just Heaven!" exclaimed Darnay. "Under what law, and for what offence?" + +The officer looked up from his slip of paper for a moment. + +"We have new laws, Evrémonde, and new offences, since you were here." He +said it with a hard smile, and went on writing. + +"I entreat you to observe that I have come here voluntarily, in response +to that written appeal of a fellow-countryman which lies before you. I +demand no more than the opportunity to do so without delay. Is not that +my right?" + +"Emigrants have no rights, Evrémonde," was the stolid reply. The officer +wrote until he had finished, read over to himself what he had written, +sanded it, and handed it to Defarge, with the words "In secret." + +Defarge motioned with the paper to the prisoner that he must accompany +him. The prisoner obeyed, and a guard of two armed patriots attended +them. + +"Is it you," said Defarge, in a low voice, as they went down the +guardhouse steps and turned into Paris, "who married the daughter of +Doctor Manette, once a prisoner in the Bastille that is no more?" + +"Yes," replied Darnay, looking at him with surprise. + +"My name is Defarge, and I keep a wine-shop in the Quarter Saint +Antoine. Possibly you have heard of me." + +"My wife came to your house to reclaim her father? Yes!" + +The word "wife" seemed to serve as a gloomy reminder to Defarge, to say +with sudden impatience, "In the name of that sharp female newly-born, +and called La Guillotine, why did you come to France?" + +"You heard me say why, a minute ago. Do you not believe it is the +truth?" + +"A bad truth for you," said Defarge, speaking with knitted brows, and +looking straight before him. + +"Indeed I am lost here. All here is so unprecedented, so changed, so +sudden and unfair, that I am absolutely lost. Will you render me a +little help?" + +"None." Defarge spoke, always looking straight before him. + +"Will you answer me a single question?" + +"Perhaps. According to its nature. You can say what it is." + +"In this prison that I am going to so unjustly, shall I have some free +communication with the world outside?" + +"You will see." + +"I am not to be buried there, prejudged, and without any means of +presenting my case?" + +"You will see. But, what then? Other people have been similarly buried +in worse prisons, before now." + +"But never by me, Citizen Defarge." + +Defarge glanced darkly at him for answer, and walked on in a steady +and set silence. The deeper he sank into this silence, the fainter hope +there was--or so Darnay thought--of his softening in any slight degree. +He, therefore, made haste to say: + +"It is of the utmost importance to me (you know, Citizen, even better +than I, of how much importance), that I should be able to communicate to +Mr Lorry of Tellson's Bank, an English gentleman who is now in Paris, +the simple fact, without comment, that I have been thrown into the +prison of La Force. Will you cause that to be done for me?" + +"I will do," Defarge doggedly rejoined, "nothing for you. My duty is to +my country and the People. I am the sworn servant of both, against you. +I will do nothing for you." + +Charles Darnay felt it hopeless to entreat him further, and his pride +was touched besides. As they walked on in silence, he could not but see +how used the people were to the spectacle of prisoners passing along the +streets. The very children scarcely noticed him. A few passers turned +their heads, and a few shook their fingers at him as an aristocrat; +otherwise, that a man in good clothes should be going to prison, was no +more remarkable than that a labourer in working clothes should be +going to work. In one narrow, dark, and dirty street through which they +passed, an excited orator, mounted on a stool, was addressing an excited +audience on the crimes against the people, of the king and the royal +family. The few words that he caught from this man's lips, first made +it known to Charles Darnay that the king was in prison, and that the +foreign ambassadors had one and all left Paris. On the road (except at +Beauvais) he had heard absolutely nothing. The escort and the universal +watchfulness had completely isolated him. + +That he had fallen among far greater dangers than those which had +developed themselves when he left England, he of course knew now. That +perils had thickened about him fast, and might thicken faster and faster +yet, he of course knew now. He could not but admit to himself that he +might not have made this journey, if he could have foreseen the events +of a few days. And yet his misgivings were not so dark as, imagined by +the light of this later time, they would appear. Troubled as the future +was, it was the unknown future, and in its obscurity there was ignorant +hope. The horrible massacre, days and nights long, which, within a few +rounds of the clock, was to set a great mark of blood upon the blessed +garnering time of harvest, was as far out of his knowledge as if it had +been a hundred thousand years away. The "sharp female newly-born, and +called La Guillotine," was hardly known to him, or to the generality +of people, by name. The frightful deeds that were to be soon done, were +probably unimagined at that time in the brains of the doers. How could +they have a place in the shadowy conceptions of a gentle mind? + +Of unjust treatment in detention and hardship, and in cruel separation +from his wife and child, he foreshadowed the likelihood, or the +certainty; but, beyond this, he dreaded nothing distinctly. With this on +his mind, which was enough to carry into a dreary prison courtyard, he +arrived at the prison of La Force. + +A man with a bloated face opened the strong wicket, to whom Defarge +presented "The Emigrant Evrémonde." + +"What the Devil! How many more of them!" exclaimed the man with the +bloated face. + +Defarge took his receipt without noticing the exclamation, and withdrew, +with his two fellow-patriots. + +"What the Devil, I say again!" exclaimed the gaoler, left with his wife. +"How many more!" + +The gaoler's wife, being provided with no answer to the question, merely +replied, "One must have patience, my dear!" Three turnkeys who entered +responsive to a bell she rang, echoed the sentiment, and one added, "For +the love of Liberty;" which sounded in that place like an inappropriate +conclusion. + +The prison of La Force was a gloomy prison, dark and filthy, and with a +horrible smell of foul sleep in it. Extraordinary how soon the noisome +flavour of imprisoned sleep, becomes manifest in all such places that +are ill cared for! + +"In secret, too," grumbled the gaoler, looking at the written paper. "As +if I was not already full to bursting!" + +He stuck the paper on a file, in an ill-humour, and Charles Darnay +awaited his further pleasure for half an hour: sometimes, pacing to and +fro in the strong arched room: sometimes, resting on a stone seat: in +either case detained to be imprinted on the memory of the chief and his +subordinates. + +"Come!" said the chief, at length taking up his keys, "come with me, +emigrant." + +Through the dismal prison twilight, his new charge accompanied him by +corridor and staircase, many doors clanging and locking behind them, +until they came into a large, low, vaulted chamber, crowded with +prisoners of both sexes. The women were seated at a long table, reading +and writing, knitting, sewing, and embroidering; the men were for the +most part standing behind their chairs, or lingering up and down the +room. + +In the instinctive association of prisoners with shameful crime and +disgrace, the new-comer recoiled from this company. But the crowning +unreality of his long unreal ride, was, their all at once rising to +receive him, with every refinement of manner known to the time, and with +all the engaging graces and courtesies of life. + +So strangely clouded were these refinements by the prison manners and +gloom, so spectral did they become in the inappropriate squalor and +misery through which they were seen, that Charles Darnay seemed to stand +in a company of the dead. Ghosts all! The ghost of beauty, the ghost +of stateliness, the ghost of elegance, the ghost of pride, the ghost of +frivolity, the ghost of wit, the ghost of youth, the ghost of age, all +waiting their dismissal from the desolate shore, all turning on him eyes +that were changed by the death they had died in coming there. + +It struck him motionless. The gaoler standing at his side, and the other +gaolers moving about, who would have been well enough as to appearance +in the ordinary exercise of their functions, looked so extravagantly +coarse contrasted with sorrowing mothers and blooming daughters who were +there--with the apparitions of the coquette, the young beauty, and the +mature woman delicately bred--that the inversion of all experience and +likelihood which the scene of shadows presented, was heightened to its +utmost. Surely, ghosts all. Surely, the long unreal ride some progress +of disease that had brought him to these gloomy shades! + +"In the name of the assembled companions in misfortune," said a +gentleman of courtly appearance and address, coming forward, "I have the +honour of giving you welcome to La Force, and of condoling with you +on the calamity that has brought you among us. May it soon terminate +happily! It would be an impertinence elsewhere, but it is not so here, +to ask your name and condition?" + +Charles Darnay roused himself, and gave the required information, in +words as suitable as he could find. + +"But I hope," said the gentleman, following the chief gaoler with his +eyes, who moved across the room, "that you are not in secret?" + +"I do not understand the meaning of the term, but I have heard them say +so." + +"Ah, what a pity! We so much regret it! But take courage; several +members of our society have been in secret, at first, and it has lasted +but a short time." Then he added, raising his voice, "I grieve to inform +the society--in secret." + +There was a murmur of commiseration as Charles Darnay crossed the room +to a grated door where the gaoler awaited him, and many voices--among +which, the soft and compassionate voices of women were conspicuous--gave +him good wishes and encouragement. He turned at the grated door, to +render the thanks of his heart; it closed under the gaoler's hand; and +the apparitions vanished from his sight forever. + +The wicket opened on a stone staircase, leading upward. When they had +ascended forty steps (the prisoner of half an hour already counted +them), the gaoler opened a low black door, and they passed into a +solitary cell. It struck cold and damp, but was not dark. + +"Yours," said the gaoler. + +"Why am I confined alone?" + +"How do I know!" + +"I can buy pen, ink, and paper?" + +"Such are not my orders. You will be visited, and can ask then. At +present, you may buy your food, and nothing more." + +There were in the cell, a chair, a table, and a straw mattress. As +the gaoler made a general inspection of these objects, and of the four +walls, before going out, a wandering fancy wandered through the mind of +the prisoner leaning against the wall opposite to him, that this gaoler +was so unwholesomely bloated, both in face and person, as to look like +a man who had been drowned and filled with water. When the gaoler was +gone, he thought in the same wandering way, "Now am I left, as if I were +dead." Stopping then, to look down at the mattress, he turned from it +with a sick feeling, and thought, "And here in these crawling creatures +is the first condition of the body after death." + +"Five paces by four and a half, five paces by four and a half, five +paces by four and a half." The prisoner walked to and fro in his cell, +counting its measurement, and the roar of the city arose like muffled +drums with a wild swell of voices added to them. "He made shoes, he made +shoes, he made shoes." The prisoner counted the measurement again, and +paced faster, to draw his mind with him from that latter repetition. +"The ghosts that vanished when the wicket closed. There was one among +them, the appearance of a lady dressed in black, who was leaning in the +embrasure of a window, and she had a light shining upon her golden +hair, and she looked like * * * * Let us ride on again, for God's sake, +through the illuminated villages with the people all awake! * * * * He +made shoes, he made shoes, he made shoes. * * * * Five paces by four and +a half." With such scraps tossing and rolling upward from the depths of +his mind, the prisoner walked faster and faster, obstinately counting +and counting; and the roar of the city changed to this extent--that it +still rolled in like muffled drums, but with the wail of voices that he +knew, in the swell that rose above them. + + + + +CHAPTER II. +The Grindstone + + +Tellson's Bank, established in the Saint Germain Quarter of Paris, was +in a wing of a large house, approached by a courtyard and shut off from +the street by a high wall and a strong gate. The house belonged to +a great nobleman who had lived in it until he made a flight from the +troubles, in his own cook's dress, and got across the borders. A +mere beast of the chase flying from hunters, he was still in his +metempsychosis no other than the same Monseigneur, the preparation +of whose chocolate for whose lips had once occupied three strong men +besides the cook in question. + +Monseigneur gone, and the three strong men absolving themselves from the +sin of having drawn his high wages, by being more than ready and +willing to cut his throat on the altar of the dawning Republic one and +indivisible of Liberty, Equality, Fraternity, or Death, Monseigneur's +house had been first sequestrated, and then confiscated. For, all +things moved so fast, and decree followed decree with that fierce +precipitation, that now upon the third night of the autumn month +of September, patriot emissaries of the law were in possession of +Monseigneur's house, and had marked it with the tri-colour, and were +drinking brandy in its state apartments. + +A place of business in London like Tellson's place of business in Paris, +would soon have driven the House out of its mind and into the Gazette. +For, what would staid British responsibility and respectability have +said to orange-trees in boxes in a Bank courtyard, and even to a Cupid +over the counter? Yet such things were. Tellson's had whitewashed the +Cupid, but he was still to be seen on the ceiling, in the coolest +linen, aiming (as he very often does) at money from morning to +night. Bankruptcy must inevitably have come of this young Pagan, in +Lombard-street, London, and also of a curtained alcove in the rear of +the immortal boy, and also of a looking-glass let into the wall, and +also of clerks not at all old, who danced in public on the slightest +provocation. Yet, a French Tellson's could get on with these things +exceedingly well, and, as long as the times held together, no man had +taken fright at them, and drawn out his money. + +What money would be drawn out of Tellson's henceforth, and what would +lie there, lost and forgotten; what plate and jewels would tarnish in +Tellson's hiding-places, while the depositors rusted in prisons, +and when they should have violently perished; how many accounts with +Tellson's never to be balanced in this world, must be carried over into +the next; no man could have said, that night, any more than Mr Jarvis +Lorry could, though he thought heavily of these questions. He sat by +a newly-lighted wood fire (the blighted and unfruitful year was +prematurely cold), and on his honest and courageous face there was a +deeper shade than the pendent lamp could throw, or any object in the +room distortedly reflect--a shade of horror. + +He occupied rooms in the Bank, in his fidelity to the House of which +he had grown to be a part, like strong root-ivy. It chanced that they +derived a kind of security from the patriotic occupation of the main +building, but the true-hearted old gentleman never calculated about +that. All such circumstances were indifferent to him, so that he did +his duty. On the opposite side of the courtyard, under a colonnade, +was extensive standing--for carriages--where, indeed, some carriages +of Monseigneur yet stood. Against two of the pillars were fastened two +great flaring flambeaux, and in the light of these, standing out in the +open air, was a large grindstone: a roughly mounted thing which appeared +to have hurriedly been brought there from some neighbouring smithy, +or other workshop. Rising and looking out of window at these harmless +objects, Mr Lorry shivered, and retired to his seat by the fire. He had +opened, not only the glass window, but the lattice blind outside it, and +he had closed both again, and he shivered through his frame. + +From the streets beyond the high wall and the strong gate, there came +the usual night hum of the city, with now and then an indescribable ring +in it, weird and unearthly, as if some unwonted sounds of a terrible +nature were going up to Heaven. + +"Thank God," said Mr Lorry, clasping his hands, "that no one near and +dear to me is in this dreadful town to-night. May He have mercy on all +who are in danger!" + +Soon afterwards, the bell at the great gate sounded, and he thought, +"They have come back!" and sat listening. But, there was no loud +irruption into the courtyard, as he had expected, and he heard the gate +clash again, and all was quiet. + +The nervousness and dread that were upon him inspired that vague +uneasiness respecting the Bank, which a great change would naturally +awaken, with such feelings roused. It was well guarded, and he got up to +go among the trusty people who were watching it, when his door suddenly +opened, and two figures rushed in, at sight of which he fell back in +amazement. + +Lucie and her father! Lucie with her arms stretched out to him, and with +that old look of earnestness so concentrated and intensified, that it +seemed as though it had been stamped upon her face expressly to give +force and power to it in this one passage of her life. + +"What is this?" cried Mr Lorry, breathless and confused. "What is the +matter? Lucie! Manette! What has happened? What has brought you here? +What is it?" + +With the look fixed upon him, in her paleness and wildness, she panted +out in his arms, imploringly, "O my dear friend! My husband!" + +"Your husband, Lucie?" + +"Charles." + +"What of Charles?" + +"Here. + +"Here, in Paris?" + +"Has been here some days--three or four--I don't know how many--I can't +collect my thoughts. An errand of generosity brought him here unknown to +us; he was stopped at the barrier, and sent to prison." + +The old man uttered an irrepressible cry. Almost at the same moment, the +bell of the great gate rang again, and a loud noise of feet and voices +came pouring into the courtyard. + +"What is that noise?" said the Doctor, turning towards the window. + +"Don't look!" cried Mr Lorry. "Don't look out! Manette, for your life, +don't touch the blind!" + +The Doctor turned, with his hand upon the fastening of the window, and +said, with a cool, bold smile: + +"My dear friend, I have a charmed life in this city. I have been +a Bastille prisoner. There is no patriot in Paris--in Paris? In +France--who, knowing me to have been a prisoner in the Bastille, would +touch me, except to overwhelm me with embraces, or carry me in triumph. +My old pain has given me a power that has brought us through the +barrier, and gained us news of Charles there, and brought us here. I +knew it would be so; I knew I could help Charles out of all danger; I +told Lucie so.--What is that noise?" His hand was again upon the window. + +"Don't look!" cried Mr Lorry, absolutely desperate. "No, Lucie, my +dear, nor you!" He got his arm round her, and held her. "Don't be so +terrified, my love. I solemnly swear to you that I know of no harm +having happened to Charles; that I had no suspicion even of his being in +this fatal place. What prison is he in?" + +"La Force!" + +"La Force! Lucie, my child, if ever you were brave and serviceable in +your life--and you were always both--you will compose yourself now, to +do exactly as I bid you; for more depends upon it than you can think, or +I can say. There is no help for you in any action on your part to-night; +you cannot possibly stir out. I say this, because what I must bid you +to do for Charles's sake, is the hardest thing to do of all. You must +instantly be obedient, still, and quiet. You must let me put you in a +room at the back here. You must leave your father and me alone for +two minutes, and as there are Life and Death in the world you must not +delay." + +"I will be submissive to you. I see in your face that you know I can do +nothing else than this. I know you are true." + +The old man kissed her, and hurried her into his room, and turned the +key; then, came hurrying back to the Doctor, and opened the window and +partly opened the blind, and put his hand upon the Doctor's arm, and +looked out with him into the courtyard. + +Looked out upon a throng of men and women: not enough in number, or near +enough, to fill the courtyard: not more than forty or fifty in all. The +people in possession of the house had let them in at the gate, and they +had rushed in to work at the grindstone; it had evidently been set up +there for their purpose, as in a convenient and retired spot. + +But, such awful workers, and such awful work! + +The grindstone had a double handle, and, turning at it madly were two +men, whose faces, as their long hair flapped back when the whirlings of +the grindstone brought their faces up, were more horrible and cruel than +the visages of the wildest savages in their most barbarous disguise. +False eyebrows and false moustaches were stuck upon them, and their +hideous countenances were all bloody and sweaty, and all awry with +howling, and all staring and glaring with beastly excitement and want of +sleep. As these ruffians turned and turned, their matted locks now flung +forward over their eyes, now flung backward over their necks, some women +held wine to their mouths that they might drink; and what with dropping +blood, and what with dropping wine, and what with the stream of sparks +struck out of the stone, all their wicked atmosphere seemed gore and +fire. The eye could not detect one creature in the group free from +the smear of blood. Shouldering one another to get next at the +sharpening-stone, were men stripped to the waist, with the stain all +over their limbs and bodies; men in all sorts of rags, with the stain +upon those rags; men devilishly set off with spoils of women's lace +and silk and ribbon, with the stain dyeing those trifles through +and through. Hatchets, knives, bayonets, swords, all brought to be +sharpened, were all red with it. Some of the hacked swords were tied to +the wrists of those who carried them, with strips of linen and fragments +of dress: ligatures various in kind, but all deep of the one colour. And +as the frantic wielders of these weapons snatched them from the stream +of sparks and tore away into the streets, the same red hue was red in +their frenzied eyes;--eyes which any unbrutalised beholder would have +given twenty years of life, to petrify with a well-directed gun. + +All this was seen in a moment, as the vision of a drowning man, or of +any human creature at any very great pass, could see a world if it +were there. They drew back from the window, and the Doctor looked for +explanation in his friend's ashy face. + +"They are," Mr Lorry whispered the words, glancing fearfully round at +the locked room, "murdering the prisoners. If you are sure of what you +say; if you really have the power you think you have--as I believe you +have--make yourself known to these devils, and get taken to La Force. It +may be too late, I don't know, but let it not be a minute later!" + +Doctor Manette pressed his hand, hastened bareheaded out of the room, +and was in the courtyard when Mr Lorry regained the blind. + +His streaming white hair, his remarkable face, and the impetuous +confidence of his manner, as he put the weapons aside like water, +carried him in an instant to the heart of the concourse at the stone. +For a few moments there was a pause, and a hurry, and a murmur, and +the unintelligible sound of his voice; and then Mr Lorry saw him, +surrounded by all, and in the midst of a line of twenty men long, all +linked shoulder to shoulder, and hand to shoulder, hurried out with +cries of--"Live the Bastille prisoner! Help for the Bastille prisoner's +kindred in La Force! Room for the Bastille prisoner in front there! Save +the prisoner Evrémonde at La Force!" and a thousand answering shouts. + +He closed the lattice again with a fluttering heart, closed the window +and the curtain, hastened to Lucie, and told her that her father was +assisted by the people, and gone in search of her husband. He found +her child and Miss Pross with her; but, it never occurred to him to be +surprised by their appearance until a long time afterwards, when he sat +watching them in such quiet as the night knew. + +Lucie had, by that time, fallen into a stupor on the floor at his feet, +clinging to his hand. Miss Pross had laid the child down on his own +bed, and her head had gradually fallen on the pillow beside her pretty +charge. O the long, long night, with the moans of the poor wife! And O +the long, long night, with no return of her father and no tidings! + +Twice more in the darkness the bell at the great gate sounded, and the +irruption was repeated, and the grindstone whirled and spluttered. +"What is it?" cried Lucie, affrighted. "Hush! The soldiers' swords are +sharpened there," said Mr Lorry. "The place is national property now, +and used as a kind of armoury, my love." + +Twice more in all; but, the last spell of work was feeble and fitful. +Soon afterwards the day began to dawn, and he softly detached himself +from the clasping hand, and cautiously looked out again. A man, so +besmeared that he might have been a sorely wounded soldier creeping back +to consciousness on a field of slain, was rising from the pavement by +the side of the grindstone, and looking about him with a vacant air. +Shortly, this worn-out murderer descried in the imperfect light one of +the carriages of Monseigneur, and, staggering to that gorgeous vehicle, +climbed in at the door, and shut himself up to take his rest on its +dainty cushions. + +The great grindstone, Earth, had turned when Mr Lorry looked out again, +and the sun was red on the courtyard. But, the lesser grindstone stood +alone there in the calm morning air, with a red upon it that the sun had +never given, and would never take away. + + + + +CHAPTER III. +The Shadow + + +One of the first considerations which arose in the business mind of Mr +Lorry when business hours came round, was this:--that he had no right to +imperil Tellson's by sheltering the wife of an emigrant prisoner under +the Bank roof. His own possessions, safety, life, he would have hazarded +for Lucie and her child, without a moment's demur; but the great trust +he held was not his own, and as to that business charge he was a strict +man of business. + +At first, his mind reverted to Defarge, and he thought of finding out +the wine-shop again and taking counsel with its master in reference to +the safest dwelling-place in the distracted state of the city. But, the +same consideration that suggested him, repudiated him; he lived in the +most violent Quarter, and doubtless was influential there, and deep in +its dangerous workings. + +Noon coming, and the Doctor not returning, and every minute's delay +tending to compromise Tellson's, Mr Lorry advised with Lucie. She said +that her father had spoken of hiring a lodging for a short term, in that +Quarter, near the Banking-house. As there was no business objection to +this, and as he foresaw that even if it were all well with Charles, and +he were to be released, he could not hope to leave the city, Mr Lorry +went out in quest of such a lodging, and found a suitable one, high up +in a removed by-street where the closed blinds in all the other windows +of a high melancholy square of buildings marked deserted homes. + +To this lodging he at once removed Lucie and her child, and Miss Pross: +giving them what comfort he could, and much more than he had himself. +He left Jerry with them, as a figure to fill a doorway that would bear +considerable knocking on the head, and returned to his own occupations. +A disturbed and doleful mind he brought to bear upon them, and slowly +and heavily the day lagged on with him. + +It wore itself out, and wore him out with it, until the Bank closed. He +was again alone in his room of the previous night, considering what to +do next, when he heard a foot upon the stair. In a few moments, a +man stood in his presence, who, with a keenly observant look at him, +addressed him by his name. + +"Your servant," said Mr Lorry. "Do you know me?" + +He was a strongly made man with dark curling hair, from forty-five +to fifty years of age. For answer he repeated, without any change of +emphasis, the words: + +"Do you know me?" + +"I have seen you somewhere." + +"Perhaps at my wine-shop?" + +Much interested and agitated, Mr Lorry said: "You come from Doctor +Manette?" + +"Yes. I come from Doctor Manette." + +"And what says he? What does he send me?" + +Defarge gave into his anxious hand, an open scrap of paper. It bore the +words in the Doctor's writing: + + "Charles is safe, but I cannot safely leave this place yet. + I have obtained the favour that the bearer has a short note + from Charles to his wife. Let the bearer see his wife." + +It was dated from La Force, within an hour. + +"Will you accompany me," said Mr Lorry, joyfully relieved after reading +this note aloud, "to where his wife resides?" + +"Yes," returned Defarge. + +Scarcely noticing as yet, in what a curiously reserved and mechanical +way Defarge spoke, Mr Lorry put on his hat and they went down into the +courtyard. There, they found two women; one, knitting. + +"Madame Defarge, surely!" said Mr Lorry, who had left her in exactly +the same attitude some seventeen years ago. + +"It is she," observed her husband. + +"Does Madame go with us?" inquired Mr Lorry, seeing that she moved as +they moved. + +"Yes. That she may be able to recognise the faces and know the persons. +It is for their safety." + +Beginning to be struck by Defarge's manner, Mr Lorry looked dubiously +at him, and led the way. Both the women followed; the second woman being +The Vengeance. + +They passed through the intervening streets as quickly as they might, +ascended the staircase of the new domicile, were admitted by Jerry, +and found Lucie weeping, alone. She was thrown into a transport by the +tidings Mr Lorry gave her of her husband, and clasped the hand that +delivered his note--little thinking what it had been doing near him in +the night, and might, but for a chance, have done to him. + + "DEAREST,--Take courage. I am well, and your father has + influence around me. You cannot answer this. + Kiss our child for me." + +That was all the writing. It was so much, however, to her who received +it, that she turned from Defarge to his wife, and kissed one of the +hands that knitted. It was a passionate, loving, thankful, womanly +action, but the hand made no response--dropped cold and heavy, and took +to its knitting again. + +There was something in its touch that gave Lucie a check. She stopped in +the act of putting the note in her bosom, and, with her hands yet at her +neck, looked terrified at Madame Defarge. Madame Defarge met the lifted +eyebrows and forehead with a cold, impassive stare. + +"My dear," said Mr Lorry, striking in to explain; "there are frequent +risings in the streets; and, although it is not likely they will ever +trouble you, Madame Defarge wishes to see those whom she has the power +to protect at such times, to the end that she may know them--that she +may identify them. I believe," said Mr Lorry, rather halting in his +reassuring words, as the stony manner of all the three impressed itself +upon him more and more, "I state the case, Citizen Defarge?" + +Defarge looked gloomily at his wife, and gave no other answer than a +gruff sound of acquiescence. + +"You had better, Lucie," said Mr Lorry, doing all he could to +propitiate, by tone and manner, "have the dear child here, and our +good Pross. Our good Pross, Defarge, is an English lady, and knows no +French." + +The lady in question, whose rooted conviction that she was more than a +match for any foreigner, was not to be shaken by distress and, danger, +appeared with folded arms, and observed in English to The Vengeance, +whom her eyes first encountered, "Well, I am sure, Boldface! I hope +_you_ are pretty well!" She also bestowed a British cough on Madame +Defarge; but, neither of the two took much heed of her. + +"Is that his child?" said Madame Defarge, stopping in her work for the +first time, and pointing her knitting-needle at little Lucie as if it +were the finger of Fate. + +"Yes, madame," answered Mr Lorry; "this is our poor prisoner's darling +daughter, and only child." + +The shadow attendant on Madame Defarge and her party seemed to fall so +threatening and dark on the child, that her mother instinctively +kneeled on the ground beside her, and held her to her breast. The +shadow attendant on Madame Defarge and her party seemed then to fall, +threatening and dark, on both the mother and the child. + +"It is enough, my husband," said Madame Defarge. "I have seen them. We +may go." + +But, the suppressed manner had enough of menace in it--not visible and +presented, but indistinct and withheld--to alarm Lucie into saying, as +she laid her appealing hand on Madame Defarge's dress: + +"You will be good to my poor husband. You will do him no harm. You will +help me to see him if you can?" + +"Your husband is not my business here," returned Madame Defarge, looking +down at her with perfect composure. "It is the daughter of your father +who is my business here." + +"For my sake, then, be merciful to my husband. For my child's sake! She +will put her hands together and pray you to be merciful. We are more +afraid of you than of these others." + +Madame Defarge received it as a compliment, and looked at her husband. +Defarge, who had been uneasily biting his thumb-nail and looking at her, +collected his face into a sterner expression. + +"What is it that your husband says in that little letter?" asked Madame +Defarge, with a lowering smile. "Influence; he says something touching +influence?" + +"That my father," said Lucie, hurriedly taking the paper from her +breast, but with her alarmed eyes on her questioner and not on it, "has +much influence around him." + +"Surely it will release him!" said Madame Defarge. "Let it do so." + +"As a wife and mother," cried Lucie, most earnestly, "I implore you to +have pity on me and not to exercise any power that you possess, against +my innocent husband, but to use it in his behalf. O sister-woman, think +of me. As a wife and mother!" + +Madame Defarge looked, coldly as ever, at the suppliant, and said, +turning to her friend The Vengeance: + +"The wives and mothers we have been used to see, since we were as little +as this child, and much less, have not been greatly considered? We have +known _their_ husbands and fathers laid in prison and kept from them, +often enough? All our lives, we have seen our sister-women suffer, in +themselves and in their children, poverty, nakedness, hunger, thirst, +sickness, misery, oppression and neglect of all kinds?" + +"We have seen nothing else," returned The Vengeance. + +"We have borne this a long time," said Madame Defarge, turning her eyes +again upon Lucie. "Judge you! Is it likely that the trouble of one wife +and mother would be much to us now?" + +She resumed her knitting and went out. The Vengeance followed. Defarge +went last, and closed the door. + +"Courage, my dear Lucie," said Mr Lorry, as he raised her. "Courage, +courage! So far all goes well with us--much, much better than it has of +late gone with many poor souls. Cheer up, and have a thankful heart." + +"I am not thankless, I hope, but that dreadful woman seems to throw a +shadow on me and on all my hopes." + +"Tut, tut!" said Mr Lorry; "what is this despondency in the brave +little breast? A shadow indeed! No substance in it, Lucie." + +But the shadow of the manner of these Defarges was dark upon himself, +for all that, and in his secret mind it troubled him greatly. + + + + +CHAPTER IV. +Calm in Storm + + +Doctor Manette did not return until the morning of the fourth day of his +absence. So much of what had happened in that dreadful time as could be +kept from the knowledge of Lucie was so well concealed from her, that +not until long afterwards, when France and she were far apart, did she +know that eleven hundred defenceless prisoners of both sexes and all +ages had been killed by the populace; that four days and nights had been +darkened by this deed of horror; and that the air around her had been +tainted by the slain. She only knew that there had been an attack upon +the prisons, that all political prisoners had been in danger, and that +some had been dragged out by the crowd and murdered. + +To Mr Lorry, the Doctor communicated under an injunction of secrecy on +which he had no need to dwell, that the crowd had taken him through a +scene of carnage to the prison of La Force. That, in the prison he had +found a self-appointed Tribunal sitting, before which the prisoners were +brought singly, and by which they were rapidly ordered to be put forth +to be massacred, or to be released, or (in a few cases) to be sent back +to their cells. That, presented by his conductors to this Tribunal, he +had announced himself by name and profession as having been for eighteen +years a secret and unaccused prisoner in the Bastille; that, one of the +body so sitting in judgment had risen and identified him, and that this +man was Defarge. + +That, hereupon he had ascertained, through the registers on the table, +that his son-in-law was among the living prisoners, and had pleaded hard +to the Tribunal--of whom some members were asleep and some awake, some +dirty with murder and some clean, some sober and some not--for his life +and liberty. That, in the first frantic greetings lavished on himself as +a notable sufferer under the overthrown system, it had been accorded +to him to have Charles Darnay brought before the lawless Court, and +examined. That, he seemed on the point of being at once released, when +the tide in his favour met with some unexplained check (not intelligible +to the Doctor), which led to a few words of secret conference. That, +the man sitting as President had then informed Doctor Manette that +the prisoner must remain in custody, but should, for his sake, be held +inviolate in safe custody. That, immediately, on a signal, the prisoner +was removed to the interior of the prison again; but, that he, the +Doctor, had then so strongly pleaded for permission to remain and +assure himself that his son-in-law was, through no malice or mischance, +delivered to the concourse whose murderous yells outside the gate had +often drowned the proceedings, that he had obtained the permission, and +had remained in that Hall of Blood until the danger was over. + +The sights he had seen there, with brief snatches of food and sleep by +intervals, shall remain untold. The mad joy over the prisoners who were +saved, had astounded him scarcely less than the mad ferocity against +those who were cut to pieces. One prisoner there was, he said, who had +been discharged into the street free, but at whom a mistaken savage had +thrust a pike as he passed out. Being besought to go to him and dress +the wound, the Doctor had passed out at the same gate, and had found him +in the arms of a company of Samaritans, who were seated on the bodies +of their victims. With an inconsistency as monstrous as anything in this +awful nightmare, they had helped the healer, and tended the wounded man +with the gentlest solicitude--had made a litter for him and escorted him +carefully from the spot--had then caught up their weapons and plunged +anew into a butchery so dreadful, that the Doctor had covered his eyes +with his hands, and swooned away in the midst of it. + +As Mr Lorry received these confidences, and as he watched the face of +his friend now sixty-two years of age, a misgiving arose within him that +such dread experiences would revive the old danger. + +But, he had never seen his friend in his present aspect: he had never +at all known him in his present character. For the first time the Doctor +felt, now, that his suffering was strength and power. For the first time +he felt that in that sharp fire, he had slowly forged the iron which +could break the prison door of his daughter's husband, and deliver him. +"It all tended to a good end, my friend; it was not mere waste and ruin. +As my beloved child was helpful in restoring me to myself, I will be +helpful now in restoring the dearest part of herself to her; by the aid +of Heaven I will do it!" Thus, Doctor Manette. And when Jarvis Lorry saw +the kindled eyes, the resolute face, the calm strong look and bearing +of the man whose life always seemed to him to have been stopped, like a +clock, for so many years, and then set going again with an energy which +had lain dormant during the cessation of its usefulness, he believed. + +Greater things than the Doctor had at that time to contend with, would +have yielded before his persevering purpose. While he kept himself +in his place, as a physician, whose business was with all degrees +of mankind, bond and free, rich and poor, bad and good, he used his +personal influence so wisely, that he was soon the inspecting physician +of three prisons, and among them of La Force. He could now assure Lucie +that her husband was no longer confined alone, but was mixed with the +general body of prisoners; he saw her husband weekly, and brought sweet +messages to her, straight from his lips; sometimes her husband himself +sent a letter to her (though never by the Doctor's hand), but she was +not permitted to write to him: for, among the many wild suspicions of +plots in the prisons, the wildest of all pointed at emigrants who were +known to have made friends or permanent connections abroad. + +This new life of the Doctor's was an anxious life, no doubt; still, the +sagacious Mr Lorry saw that there was a new sustaining pride in it. +Nothing unbecoming tinged the pride; it was a natural and worthy one; +but he observed it as a curiosity. The Doctor knew, that up to that +time, his imprisonment had been associated in the minds of his daughter +and his friend, with his personal affliction, deprivation, and weakness. +Now that this was changed, and he knew himself to be invested through +that old trial with forces to which they both looked for Charles's +ultimate safety and deliverance, he became so far exalted by the change, +that he took the lead and direction, and required them as the weak, to +trust to him as the strong. The preceding relative positions of himself +and Lucie were reversed, yet only as the liveliest gratitude and +affection could reverse them, for he could have had no pride but in +rendering some service to her who had rendered so much to him. "All +curious to see," thought Mr Lorry, in his amiably shrewd way, "but all +natural and right; so, take the lead, my dear friend, and keep it; it +couldn't be in better hands." + +But, though the Doctor tried hard, and never ceased trying, to get +Charles Darnay set at liberty, or at least to get him brought to trial, +the public current of the time set too strong and fast for him. The new +era began; the king was tried, doomed, and beheaded; the Republic of +Liberty, Equality, Fraternity, or Death, declared for victory or death +against the world in arms; the black flag waved night and day from the +great towers of Notre Dame; three hundred thousand men, summoned to rise +against the tyrants of the earth, rose from all the varying soils +of France, as if the dragon's teeth had been sown broadcast, and +had yielded fruit equally on hill and plain, on rock, in gravel, and +alluvial mud, under the bright sky of the South and under the clouds of +the North, in fell and forest, in the vineyards and the olive-grounds +and among the cropped grass and the stubble of the corn, along the +fruitful banks of the broad rivers, and in the sand of the sea-shore. +What private solicitude could rear itself against the deluge of the Year +One of Liberty--the deluge rising from below, not falling from above, +and with the windows of Heaven shut, not opened! + +There was no pause, no pity, no peace, no interval of relenting rest, no +measurement of time. Though days and nights circled as regularly as when +time was young, and the evening and morning were the first day, other +count of time there was none. Hold of it was lost in the raging fever +of a nation, as it is in the fever of one patient. Now, breaking the +unnatural silence of a whole city, the executioner showed the people the +head of the king--and now, it seemed almost in the same breath, the +head of his fair wife which had had eight weary months of imprisoned +widowhood and misery, to turn it grey. + +And yet, observing the strange law of contradiction which obtains in +all such cases, the time was long, while it flamed by so fast. A +revolutionary tribunal in the capital, and forty or fifty thousand +revolutionary committees all over the land; a law of the Suspected, +which struck away all security for liberty or life, and delivered over +any good and innocent person to any bad and guilty one; prisons gorged +with people who had committed no offence, and could obtain no hearing; +these things became the established order and nature of appointed +things, and seemed to be ancient usage before they were many weeks old. +Above all, one hideous figure grew as familiar as if it had been before +the general gaze from the foundations of the world--the figure of the +sharp female called La Guillotine. + +It was the popular theme for jests; it was the best cure for headache, +it infallibly prevented the hair from turning grey, it imparted a +peculiar delicacy to the complexion, it was the National Razor which +shaved close: who kissed La Guillotine, looked through the little window +and sneezed into the sack. It was the sign of the regeneration of the +human race. It superseded the Cross. Models of it were worn on breasts +from which the Cross was discarded, and it was bowed down to and +believed in where the Cross was denied. + +It sheared off heads so many, that it, and the ground it most polluted, +were a rotten red. It was taken to pieces, like a toy-puzzle for a young +Devil, and was put together again when the occasion wanted it. It hushed +the eloquent, struck down the powerful, abolished the beautiful and +good. Twenty-two friends of high public mark, twenty-one living and one +dead, it had lopped the heads off, in one morning, in as many minutes. +The name of the strong man of Old Scripture had descended to the chief +functionary who worked it; but, so armed, he was stronger than his +namesake, and blinder, and tore away the gates of God's own Temple every +day. + +Among these terrors, and the brood belonging to them, the Doctor walked +with a steady head: confident in his power, cautiously persistent in his +end, never doubting that he would save Lucie's husband at last. Yet the +current of the time swept by, so strong and deep, and carried the time +away so fiercely, that Charles had lain in prison one year and three +months when the Doctor was thus steady and confident. So much more +wicked and distracted had the Revolution grown in that December month, +that the rivers of the South were encumbered with the bodies of the +violently drowned by night, and prisoners were shot in lines and squares +under the southern wintry sun. Still, the Doctor walked among the +terrors with a steady head. No man better known than he, in Paris at +that day; no man in a stranger situation. Silent, humane, indispensable +in hospital and prison, using his art equally among assassins and +victims, he was a man apart. In the exercise of his skill, the +appearance and the story of the Bastille Captive removed him from all +other men. He was not suspected or brought in question, any more than if +he had indeed been recalled to life some eighteen years before, or were +a Spirit moving among mortals. + + + + +CHAPTER V. +The Wood-Sawyer + + +One year and three months. During all that time Lucie was never +sure, from hour to hour, but that the Guillotine would strike off her +husband's head next day. Every day, through the stony streets, the +tumbrils now jolted heavily, filled with Condemned. Lovely girls; bright +women, brown-haired, black-haired, and grey; youths; stalwart men and +old; gentle born and peasant born; all red wine for La Guillotine, all +daily brought into light from the dark cellars of the loathsome prisons, +and carried to her through the streets to slake her devouring thirst. +Liberty, equality, fraternity, or death;--the last, much the easiest to +bestow, O Guillotine! + +If the suddenness of her calamity, and the whirling wheels of the time, +had stunned the Doctor's daughter into awaiting the result in idle +despair, it would but have been with her as it was with many. But, from +the hour when she had taken the white head to her fresh young bosom in +the garret of Saint Antoine, she had been true to her duties. She was +truest to them in the season of trial, as all the quietly loyal and good +will always be. + +As soon as they were established in their new residence, and her father +had entered on the routine of his avocations, she arranged the little +household as exactly as if her husband had been there. Everything had +its appointed place and its appointed time. Little Lucie she taught, +as regularly, as if they had all been united in their English home. The +slight devices with which she cheated herself into the show of a belief +that they would soon be reunited--the little preparations for his speedy +return, the setting aside of his chair and his books--these, and the +solemn prayer at night for one dear prisoner especially, among the many +unhappy souls in prison and the shadow of death--were almost the only +outspoken reliefs of her heavy mind. + +She did not greatly alter in appearance. The plain dark dresses, akin to +mourning dresses, which she and her child wore, were as neat and as well +attended to as the brighter clothes of happy days. She lost her colour, +and the old and intent expression was a constant, not an occasional, +thing; otherwise, she remained very pretty and comely. Sometimes, at +night on kissing her father, she would burst into the grief she had +repressed all day, and would say that her sole reliance, under Heaven, +was on him. He always resolutely answered: "Nothing can happen to him +without my knowledge, and I know that I can save him, Lucie." + +They had not made the round of their changed life many weeks, when her +father said to her, on coming home one evening: + +"My dear, there is an upper window in the prison, to which Charles can +sometimes gain access at three in the afternoon. When he can get to +it--which depends on many uncertainties and incidents--he might see you +in the street, he thinks, if you stood in a certain place that I can +show you. But you will not be able to see him, my poor child, and even +if you could, it would be unsafe for you to make a sign of recognition." + +"O show me the place, my father, and I will go there every day." + +From that time, in all weathers, she waited there two hours. As the +clock struck two, she was there, and at four she turned resignedly away. +When it was not too wet or inclement for her child to be with her, they +went together; at other times she was alone; but, she never missed a +single day. + +It was the dark and dirty corner of a small winding street. The hovel +of a cutter of wood into lengths for burning, was the only house at that +end; all else was wall. On the third day of her being there, he noticed +her. + +"Good day, citizeness." + +"Good day, citizen." + +This mode of address was now prescribed by decree. It had been +established voluntarily some time ago, among the more thorough patriots; +but, was now law for everybody. + +"Walking here again, citizeness?" + +"You see me, citizen!" + +The wood-sawyer, who was a little man with a redundancy of gesture (he +had once been a mender of roads), cast a glance at the prison, pointed +at the prison, and putting his ten fingers before his face to represent +bars, peeped through them jocosely. + +"But it's not my business," said he. And went on sawing his wood. + +Next day he was looking out for her, and accosted her the moment she +appeared. + +"What? Walking here again, citizeness?" + +"Yes, citizen." + +"Ah! A child too! Your mother, is it not, my little citizeness?" + +"Do I say yes, mamma?" whispered little Lucie, drawing close to her. + +"Yes, dearest." + +"Yes, citizen." + +"Ah! But it's not my business. My work is my business. See my saw! I +call it my Little Guillotine. La, la, la; La, la, la! And off his head +comes!" + +The billet fell as he spoke, and he threw it into a basket. + +"I call myself the Samson of the firewood guillotine. See here again! +Loo, loo, loo; Loo, loo, loo! And off _her_ head comes! Now, a child. +Tickle, tickle; Pickle, pickle! And off _its_ head comes. All the +family!" + +Lucie shuddered as he threw two more billets into his basket, but it was +impossible to be there while the wood-sawyer was at work, and not be in +his sight. Thenceforth, to secure his good will, she always spoke to him +first, and often gave him drink-money, which he readily received. + +He was an inquisitive fellow, and sometimes when she had quite forgotten +him in gazing at the prison roof and grates, and in lifting her heart +up to her husband, she would come to herself to find him looking at her, +with his knee on his bench and his saw stopped in its work. "But it's +not my business!" he would generally say at those times, and would +briskly fall to his sawing again. + +In all weathers, in the snow and frost of winter, in the bitter winds of +spring, in the hot sunshine of summer, in the rains of autumn, and again +in the snow and frost of winter, Lucie passed two hours of every day at +this place; and every day on leaving it, she kissed the prison wall. +Her husband saw her (so she learned from her father) it might be once in +five or six times: it might be twice or thrice running: it might be, not +for a week or a fortnight together. It was enough that he could and did +see her when the chances served, and on that possibility she would have +waited out the day, seven days a week. + +These occupations brought her round to the December month, wherein her +father walked among the terrors with a steady head. On a lightly-snowing +afternoon she arrived at the usual corner. It was a day of some wild +rejoicing, and a festival. She had seen the houses, as she came along, +decorated with little pikes, and with little red caps stuck upon them; +also, with tricoloured ribbons; also, with the standard inscription +(tricoloured letters were the favourite), Republic One and Indivisible. +Liberty, Equality, Fraternity, or Death! + +The miserable shop of the wood-sawyer was so small, that its whole +surface furnished very indifferent space for this legend. He had got +somebody to scrawl it up for him, however, who had squeezed Death in +with most inappropriate difficulty. On his house-top, he displayed pike +and cap, as a good citizen must, and in a window he had stationed his +saw inscribed as his "Little Sainte Guillotine"--for the great sharp +female was by that time popularly canonised. His shop was shut and he +was not there, which was a relief to Lucie, and left her quite alone. + +But, he was not far off, for presently she heard a troubled movement +and a shouting coming along, which filled her with fear. A moment +afterwards, and a throng of people came pouring round the corner by the +prison wall, in the midst of whom was the wood-sawyer hand in hand with +The Vengeance. There could not be fewer than five hundred people, and +they were dancing like five thousand demons. There was no other music +than their own singing. They danced to the popular Revolution song, +keeping a ferocious time that was like a gnashing of teeth in unison. +Men and women danced together, women danced together, men danced +together, as hazard had brought them together. At first, they were a +mere storm of coarse red caps and coarse woollen rags; but, as they +filled the place, and stopped to dance about Lucie, some ghastly +apparition of a dance-figure gone raving mad arose among them. They +advanced, retreated, struck at one another's hands, clutched at one +another's heads, spun round alone, caught one another and spun round +in pairs, until many of them dropped. While those were down, the rest +linked hand in hand, and all spun round together: then the ring broke, +and in separate rings of two and four they turned and turned until they +all stopped at once, began again, struck, clutched, and tore, and then +reversed the spin, and all spun round another way. Suddenly they stopped +again, paused, struck out the time afresh, formed into lines the width +of the public way, and, with their heads low down and their hands high +up, swooped screaming off. No fight could have been half so terrible +as this dance. It was so emphatically a fallen sport--a something, once +innocent, delivered over to all devilry--a healthy pastime changed into +a means of angering the blood, bewildering the senses, and steeling the +heart. Such grace as was visible in it, made it the uglier, showing how +warped and perverted all things good by nature were become. The maidenly +bosom bared to this, the pretty almost-child's head thus distracted, the +delicate foot mincing in this slough of blood and dirt, were types of +the disjointed time. + +This was the Carmagnole. As it passed, leaving Lucie frightened and +bewildered in the doorway of the wood-sawyer's house, the feathery snow +fell as quietly and lay as white and soft, as if it had never been. + +"O my father!" for he stood before her when she lifted up the eyes she +had momentarily darkened with her hand; "such a cruel, bad sight." + +"I know, my dear, I know. I have seen it many times. Don't be +frightened! Not one of them would harm you." + +"I am not frightened for myself, my father. But when I think of my +husband, and the mercies of these people--" + +"We will set him above their mercies very soon. I left him climbing to +the window, and I came to tell you. There is no one here to see. You may +kiss your hand towards that highest shelving roof." + +"I do so, father, and I send him my Soul with it!" + +"You cannot see him, my poor dear?" + +"No, father," said Lucie, yearning and weeping as she kissed her hand, +"no." + +A footstep in the snow. Madame Defarge. "I salute you, citizeness," + from the Doctor. "I salute you, citizen." This in passing. Nothing more. +Madame Defarge gone, like a shadow over the white road. + +"Give me your arm, my love. Pass from here with an air of cheerfulness +and courage, for his sake. That was well done;" they had left the spot; +"it shall not be in vain. Charles is summoned for to-morrow." + +"For to-morrow!" + +"There is no time to lose. I am well prepared, but there are precautions +to be taken, that could not be taken until he was actually summoned +before the Tribunal. He has not received the notice yet, but I know +that he will presently be summoned for to-morrow, and removed to the +Conciergerie; I have timely information. You are not afraid?" + +She could scarcely answer, "I trust in you." + +"Do so, implicitly. Your suspense is nearly ended, my darling; he shall +be restored to you within a few hours; I have encompassed him with every +protection. I must see Lorry." + +He stopped. There was a heavy lumbering of wheels within hearing. They +both knew too well what it meant. One. Two. Three. Three tumbrils faring +away with their dread loads over the hushing snow. + +"I must see Lorry," the Doctor repeated, turning her another way. + +The staunch old gentleman was still in his trust; had never left it. He +and his books were in frequent requisition as to property confiscated +and made national. What he could save for the owners, he saved. No +better man living to hold fast by what Tellson's had in keeping, and to +hold his peace. + +A murky red and yellow sky, and a rising mist from the Seine, denoted +the approach of darkness. It was almost dark when they arrived at the +Bank. The stately residence of Monseigneur was altogether blighted and +deserted. Above a heap of dust and ashes in the court, ran the letters: +National Property. Republic One and Indivisible. Liberty, Equality, +Fraternity, or Death! + +Who could that be with Mr Lorry--the owner of the riding-coat upon the +chair--who must not be seen? From whom newly arrived, did he come out, +agitated and surprised, to take his favourite in his arms? To whom did +he appear to repeat her faltering words, when, raising his voice and +turning his head towards the door of the room from which he had issued, +he said: "Removed to the Conciergerie, and summoned for to-morrow?" + + + + +CHAPTER VI. +Triumph + + +The dread tribunal of five Judges, Public Prosecutor, and determined +Jury, sat every day. Their lists went forth every evening, and were +read out by the gaolers of the various prisons to their prisoners. The +standard gaoler-joke was, "Come out and listen to the Evening Paper, you +inside there!" + +"Charles Evrémonde, called Darnay!" + +So at last began the Evening Paper at La Force. + +When a name was called, its owner stepped apart into a spot reserved +for those who were announced as being thus fatally recorded. Charles +Evrémonde, called Darnay, had reason to know the usage; he had seen +hundreds pass away so. + +His bloated gaoler, who wore spectacles to read with, glanced over them +to assure himself that he had taken his place, and went through the +list, making a similar short pause at each name. There were twenty-three +names, but only twenty were responded to; for one of the prisoners so +summoned had died in gaol and been forgotten, and two had already been +guillotined and forgotten. The list was read, in the vaulted chamber +where Darnay had seen the associated prisoners on the night of his +arrival. Every one of those had perished in the massacre; every human +creature he had since cared for and parted with, had died on the +scaffold. + +There were hurried words of farewell and kindness, but the parting was +soon over. It was the incident of every day, and the society of La Force +were engaged in the preparation of some games of forfeits and a little +concert, for that evening. They crowded to the grates and shed tears +there; but, twenty places in the projected entertainments had to be +refilled, and the time was, at best, short to the lock-up hour, when the +common rooms and corridors would be delivered over to the great dogs +who kept watch there through the night. The prisoners were far from +insensible or unfeeling; their ways arose out of the condition of the +time. Similarly, though with a subtle difference, a species of fervour +or intoxication, known, without doubt, to have led some persons to +brave the guillotine unnecessarily, and to die by it, was not mere +boastfulness, but a wild infection of the wildly shaken public mind. In +seasons of pestilence, some of us will have a secret attraction to the +disease--a terrible passing inclination to die of it. And all of us have +like wonders hidden in our breasts, only needing circumstances to evoke +them. + +The passage to the Conciergerie was short and dark; the night in its +vermin-haunted cells was long and cold. Next day, fifteen prisoners were +put to the bar before Charles Darnay's name was called. All the fifteen +were condemned, and the trials of the whole occupied an hour and a half. + +"Charles Evrémonde, called Darnay," was at length arraigned. + +His judges sat upon the Bench in feathered hats; but the rough red cap +and tricoloured cockade was the head-dress otherwise prevailing. Looking +at the Jury and the turbulent audience, he might have thought that the +usual order of things was reversed, and that the felons were trying the +honest men. The lowest, cruelest, and worst populace of a city, never +without its quantity of low, cruel, and bad, were the directing +spirits of the scene: noisily commenting, applauding, disapproving, +anticipating, and precipitating the result, without a check. Of the men, +the greater part were armed in various ways; of the women, some wore +knives, some daggers, some ate and drank as they looked on, many +knitted. Among these last, was one, with a spare piece of knitting under +her arm as she worked. She was in a front row, by the side of a man whom +he had never seen since his arrival at the Barrier, but whom he directly +remembered as Defarge. He noticed that she once or twice whispered in +his ear, and that she seemed to be his wife; but, what he most noticed +in the two figures was, that although they were posted as close to +himself as they could be, they never looked towards him. They seemed to +be waiting for something with a dogged determination, and they looked at +the Jury, but at nothing else. Under the President sat Doctor Manette, +in his usual quiet dress. As well as the prisoner could see, he and Mr +Lorry were the only men there, unconnected with the Tribunal, who +wore their usual clothes, and had not assumed the coarse garb of the +Carmagnole. + +Charles Evrémonde, called Darnay, was accused by the public prosecutor +as an emigrant, whose life was forfeit to the Republic, under the decree +which banished all emigrants on pain of Death. It was nothing that the +decree bore date since his return to France. There he was, and there was +the decree; he had been taken in France, and his head was demanded. + +"Take off his head!" cried the audience. "An enemy to the Republic!" + +The President rang his bell to silence those cries, and asked the +prisoner whether it was not true that he had lived many years in +England? + +Undoubtedly it was. + +Was he not an emigrant then? What did he call himself? + +Not an emigrant, he hoped, within the sense and spirit of the law. + +Why not? the President desired to know. + +Because he had voluntarily relinquished a title that was distasteful +to him, and a station that was distasteful to him, and had left +his country--he submitted before the word emigrant in the present +acceptation by the Tribunal was in use--to live by his own industry in +England, rather than on the industry of the overladen people of France. + +What proof had he of this? + +He handed in the names of two witnesses; Theophile Gabelle, and +Alexandre Manette. + +But he had married in England? the President reminded him. + +True, but not an English woman. + +A citizeness of France? + +Yes. By birth. + +Her name and family? + +"Lucie Manette, only daughter of Doctor Manette, the good physician who +sits there." + +This answer had a happy effect upon the audience. Cries in exaltation +of the well-known good physician rent the hall. So capriciously were +the people moved, that tears immediately rolled down several ferocious +countenances which had been glaring at the prisoner a moment before, as +if with impatience to pluck him out into the streets and kill him. + +On these few steps of his dangerous way, Charles Darnay had set his foot +according to Doctor Manette's reiterated instructions. The same cautious +counsel directed every step that lay before him, and had prepared every +inch of his road. + +The President asked, why had he returned to France when he did, and not +sooner? + +He had not returned sooner, he replied, simply because he had no means +of living in France, save those he had resigned; whereas, in England, +he lived by giving instruction in the French language and literature. +He had returned when he did, on the pressing and written entreaty of +a French citizen, who represented that his life was endangered by his +absence. He had come back, to save a citizen's life, and to bear his +testimony, at whatever personal hazard, to the truth. Was that criminal +in the eyes of the Republic? + +The populace cried enthusiastically, "No!" and the President rang his +bell to quiet them. Which it did not, for they continued to cry "No!" + until they left off, of their own will. + +The President required the name of that citizen. The accused explained +that the citizen was his first witness. He also referred with confidence +to the citizen's letter, which had been taken from him at the Barrier, +but which he did not doubt would be found among the papers then before +the President. + +The Doctor had taken care that it should be there--had assured him that +it would be there--and at this stage of the proceedings it was produced +and read. Citizen Gabelle was called to confirm it, and did so. Citizen +Gabelle hinted, with infinite delicacy and politeness, that in the +pressure of business imposed on the Tribunal by the multitude of +enemies of the Republic with which it had to deal, he had been slightly +overlooked in his prison of the Abbaye--in fact, had rather passed out +of the Tribunal's patriotic remembrance--until three days ago; when he +had been summoned before it, and had been set at liberty on the Jury's +declaring themselves satisfied that the accusation against him was +answered, as to himself, by the surrender of the citizen Evrémonde, +called Darnay. + +Doctor Manette was next questioned. His high personal popularity, +and the clearness of his answers, made a great impression; but, as he +proceeded, as he showed that the Accused was his first friend on his +release from his long imprisonment; that, the accused had remained in +England, always faithful and devoted to his daughter and himself in +their exile; that, so far from being in favour with the Aristocrat +government there, he had actually been tried for his life by it, as +the foe of England and friend of the United States--as he brought these +circumstances into view, with the greatest discretion and with the +straightforward force of truth and earnestness, the Jury and the +populace became one. At last, when he appealed by name to Monsieur +Lorry, an English gentleman then and there present, who, like himself, +had been a witness on that English trial and could corroborate his +account of it, the Jury declared that they had heard enough, and that +they were ready with their votes if the President were content to +receive them. + +At every vote (the Jurymen voted aloud and individually), the populace +set up a shout of applause. All the voices were in the prisoner's +favour, and the President declared him free. + +Then, began one of those extraordinary scenes with which the populace +sometimes gratified their fickleness, or their better impulses towards +generosity and mercy, or which they regarded as some set-off against +their swollen account of cruel rage. No man can decide now to which of +these motives such extraordinary scenes were referable; it is probable, +to a blending of all the three, with the second predominating. No sooner +was the acquittal pronounced, than tears were shed as freely as blood +at another time, and such fraternal embraces were bestowed upon the +prisoner by as many of both sexes as could rush at him, that after +his long and unwholesome confinement he was in danger of fainting from +exhaustion; none the less because he knew very well, that the very same +people, carried by another current, would have rushed at him with +the very same intensity, to rend him to pieces and strew him over the +streets. + +His removal, to make way for other accused persons who were to be tried, +rescued him from these caresses for the moment. Five were to be tried +together, next, as enemies of the Republic, forasmuch as they had not +assisted it by word or deed. So quick was the Tribunal to compensate +itself and the nation for a chance lost, that these five came down to +him before he left the place, condemned to die within twenty-four +hours. The first of them told him so, with the customary prison sign +of Death--a raised finger--and they all added in words, "Long live the +Republic!" + +The five had had, it is true, no audience to lengthen their proceedings, +for when he and Doctor Manette emerged from the gate, there was a great +crowd about it, in which there seemed to be every face he had seen in +Court--except two, for which he looked in vain. On his coming out, the +concourse made at him anew, weeping, embracing, and shouting, all by +turns and all together, until the very tide of the river on the bank of +which the mad scene was acted, seemed to run mad, like the people on the +shore. + +They put him into a great chair they had among them, and which they had +taken either out of the Court itself, or one of its rooms or passages. +Over the chair they had thrown a red flag, and to the back of it they +had bound a pike with a red cap on its top. In this car of triumph, not +even the Doctor's entreaties could prevent his being carried to his home +on men's shoulders, with a confused sea of red caps heaving about him, +and casting up to sight from the stormy deep such wrecks of faces, that +he more than once misdoubted his mind being in confusion, and that he +was in the tumbril on his way to the Guillotine. + +In wild dreamlike procession, embracing whom they met and pointing +him out, they carried him on. Reddening the snowy streets with the +prevailing Republican colour, in winding and tramping through them, as +they had reddened them below the snow with a deeper dye, they carried +him thus into the courtyard of the building where he lived. Her father +had gone on before, to prepare her, and when her husband stood upon his +feet, she dropped insensible in his arms. + +As he held her to his heart and turned her beautiful head between his +face and the brawling crowd, so that his tears and her lips might come +together unseen, a few of the people fell to dancing. Instantly, all the +rest fell to dancing, and the courtyard overflowed with the Carmagnole. +Then, they elevated into the vacant chair a young woman from the +crowd to be carried as the Goddess of Liberty, and then swelling and +overflowing out into the adjacent streets, and along the river's bank, +and over the bridge, the Carmagnole absorbed them every one and whirled +them away. + +After grasping the Doctor's hand, as he stood victorious and proud +before him; after grasping the hand of Mr Lorry, who came panting in +breathless from his struggle against the waterspout of the Carmagnole; +after kissing little Lucie, who was lifted up to clasp her arms round +his neck; and after embracing the ever zealous and faithful Pross who +lifted her; he took his wife in his arms, and carried her up to their +rooms. + +"Lucie! My own! I am safe." + +"O dearest Charles, let me thank God for this on my knees as I have +prayed to Him." + +They all reverently bowed their heads and hearts. When she was again in +his arms, he said to her: + +"And now speak to your father, dearest. No other man in all this France +could have done what he has done for me." + +She laid her head upon her father's breast, as she had laid his poor +head on her own breast, long, long ago. He was happy in the return he +had made her, he was recompensed for his suffering, he was proud of his +strength. "You must not be weak, my darling," he remonstrated; "don't +tremble so. I have saved him." + + + + +CHAPTER VII. +A Knock at the Door + + +"I have saved him." It was not another of the dreams in which he had +often come back; he was really here. And yet his wife trembled, and a +vague but heavy fear was upon her. + +All the air round was so thick and dark, the people were so passionately +revengeful and fitful, the innocent were so constantly put to death on +vague suspicion and black malice, it was so impossible to forget that +many as blameless as her husband and as dear to others as he was to +her, every day shared the fate from which he had been clutched, that her +heart could not be as lightened of its load as she felt it ought to be. +The shadows of the wintry afternoon were beginning to fall, and even now +the dreadful carts were rolling through the streets. Her mind pursued +them, looking for him among the Condemned; and then she clung closer to +his real presence and trembled more. + +Her father, cheering her, showed a compassionate superiority to this +woman's weakness, which was wonderful to see. No garret, no shoemaking, +no One Hundred and Five, North Tower, now! He had accomplished the task +he had set himself, his promise was redeemed, he had saved Charles. Let +them all lean upon him. + +Their housekeeping was of a very frugal kind: not only because that was +the safest way of life, involving the least offence to the people, but +because they were not rich, and Charles, throughout his imprisonment, +had had to pay heavily for his bad food, and for his guard, and towards +the living of the poorer prisoners. Partly on this account, and +partly to avoid a domestic spy, they kept no servant; the citizen and +citizeness who acted as porters at the courtyard gate, rendered them +occasional service; and Jerry (almost wholly transferred to them by +Mr Lorry) had become their daily retainer, and had his bed there every +night. + +It was an ordinance of the Republic One and Indivisible of Liberty, +Equality, Fraternity, or Death, that on the door or doorpost of every +house, the name of every inmate must be legibly inscribed in letters +of a certain size, at a certain convenient height from the ground. Mr +Jerry Cruncher's name, therefore, duly embellished the doorpost down +below; and, as the afternoon shadows deepened, the owner of that name +himself appeared, from overlooking a painter whom Doctor Manette had +employed to add to the list the name of Charles Evrémonde, called +Darnay. + +In the universal fear and distrust that darkened the time, all the usual +harmless ways of life were changed. In the Doctor's little household, as +in very many others, the articles of daily consumption that were wanted +were purchased every evening, in small quantities and at various small +shops. To avoid attracting notice, and to give as little occasion as +possible for talk and envy, was the general desire. + +For some months past, Miss Pross and Mr Cruncher had discharged the +office of purveyors; the former carrying the money; the latter, the +basket. Every afternoon at about the time when the public lamps were +lighted, they fared forth on this duty, and made and brought home +such purchases as were needful. Although Miss Pross, through her long +association with a French family, might have known as much of their +language as of her own, if she had had a mind, she had no mind in that +direction; consequently she knew no more of that "nonsense" (as she was +pleased to call it) than Mr Cruncher did. So her manner of marketing +was to plump a noun-substantive at the head of a shopkeeper without any +introduction in the nature of an article, and, if it happened not to be +the name of the thing she wanted, to look round for that thing, lay hold +of it, and hold on by it until the bargain was concluded. She always +made a bargain for it, by holding up, as a statement of its just price, +one finger less than the merchant held up, whatever his number might be. + +"Now, Mr Cruncher," said Miss Pross, whose eyes were red with felicity; +"if you are ready, I am." + +Jerry hoarsely professed himself at Miss Pross's service. He had worn +all his rust off long ago, but nothing would file his spiky head down. + +"There's all manner of things wanted," said Miss Pross, "and we shall +have a precious time of it. We want wine, among the rest. Nice toasts +these Redheads will be drinking, wherever we buy it." + +"It will be much the same to your knowledge, miss, I should think," + retorted Jerry, "whether they drink your health or the Old Un's." + +"Who's he?" said Miss Pross. + +Mr Cruncher, with some diffidence, explained himself as meaning "Old +Nick's." + +"Ha!" said Miss Pross, "it doesn't need an interpreter to explain the +meaning of these creatures. They have but one, and it's Midnight Murder, +and Mischief." + +"Hush, dear! Pray, pray, be cautious!" cried Lucie. + +"Yes, yes, yes, I'll be cautious," said Miss Pross; "but I may say +among ourselves, that I do hope there will be no oniony and tobaccoey +smotherings in the form of embracings all round, going on in the +streets. Now, Ladybird, never you stir from that fire till I come back! +Take care of the dear husband you have recovered, and don't move your +pretty head from his shoulder as you have it now, till you see me again! +May I ask a question, Doctor Manette, before I go?" + +"I think you may take that liberty," the Doctor answered, smiling. + +"For gracious sake, don't talk about Liberty; we have quite enough of +that," said Miss Pross. + +"Hush, dear! Again?" Lucie remonstrated. + +"Well, my sweet," said Miss Pross, nodding her head emphatically, "the +short and the long of it is, that I am a subject of His Most Gracious +Majesty King George the Third;" Miss Pross curtseyed at the name; "and +as such, my maxim is, Confound their politics, Frustrate their knavish +tricks, On him our hopes we fix, God save the King!" + +Mr Cruncher, in an access of loyalty, growlingly repeated the words +after Miss Pross, like somebody at church. + +"I am glad you have so much of the Englishman in you, though I wish you +had never taken that cold in your voice," said Miss Pross, approvingly. +"But the question, Doctor Manette. Is there"--it was the good creature's +way to affect to make light of anything that was a great anxiety +with them all, and to come at it in this chance manner--"is there any +prospect yet, of our getting out of this place?" + +"I fear not yet. It would be dangerous for Charles yet." + +"Heigh-ho-hum!" said Miss Pross, cheerfully repressing a sigh as she +glanced at her darling's golden hair in the light of the fire, "then we +must have patience and wait: that's all. We must hold up our heads and +fight low, as my brother Solomon used to say. Now, Mr Cruncher!--Don't +you move, Ladybird!" + +They went out, leaving Lucie, and her husband, her father, and the +child, by a bright fire. Mr Lorry was expected back presently from the +Banking House. Miss Pross had lighted the lamp, but had put it aside in +a corner, that they might enjoy the fire-light undisturbed. Little Lucie +sat by her grandfather with her hands clasped through his arm: and he, +in a tone not rising much above a whisper, began to tell her a story of +a great and powerful Fairy who had opened a prison-wall and let out +a captive who had once done the Fairy a service. All was subdued and +quiet, and Lucie was more at ease than she had been. + +"What is that?" she cried, all at once. + +"My dear!" said her father, stopping in his story, and laying his hand +on hers, "command yourself. What a disordered state you are in! The +least thing--nothing--startles you! _You_, your father's daughter!" + +"I thought, my father," said Lucie, excusing herself, with a pale face +and in a faltering voice, "that I heard strange feet upon the stairs." + +"My love, the staircase is as still as Death." + +As he said the word, a blow was struck upon the door. + +"Oh father, father. What can this be! Hide Charles. Save him!" + +"My child," said the Doctor, rising, and laying his hand upon her +shoulder, "I _have_ saved him. What weakness is this, my dear! Let me go +to the door." + +He took the lamp in his hand, crossed the two intervening outer rooms, +and opened it. A rude clattering of feet over the floor, and four rough +men in red caps, armed with sabres and pistols, entered the room. + +"The Citizen Evrémonde, called Darnay," said the first. + +"Who seeks him?" answered Darnay. + +"I seek him. We seek him. I know you, Evrémonde; I saw you before the +Tribunal to-day. You are again the prisoner of the Republic." + +The four surrounded him, where he stood with his wife and child clinging +to him. + +"Tell me how and why am I again a prisoner?" + +"It is enough that you return straight to the Conciergerie, and will +know to-morrow. You are summoned for to-morrow." + +Doctor Manette, whom this visitation had so turned into stone, that he +stood with the lamp in his hand, as if he were a statue made to hold it, +moved after these words were spoken, put the lamp down, and confronting +the speaker, and taking him, not ungently, by the loose front of his red +woollen shirt, said: + +"You know him, you have said. Do you know me?" + +"Yes, I know you, Citizen Doctor." + +"We all know you, Citizen Doctor," said the other three. + +He looked abstractedly from one to another, and said, in a lower voice, +after a pause: + +"Will you answer his question to me then? How does this happen?" + +"Citizen Doctor," said the first, reluctantly, "he has been denounced to +the Section of Saint Antoine. This citizen," pointing out the second who +had entered, "is from Saint Antoine." + +The citizen here indicated nodded his head, and added: + +"He is accused by Saint Antoine." + +"Of what?" asked the Doctor. + +"Citizen Doctor," said the first, with his former reluctance, "ask no +more. If the Republic demands sacrifices from you, without doubt you as +a good patriot will be happy to make them. The Republic goes before all. +The People is supreme. Evrémonde, we are pressed." + +"One word," the Doctor entreated. "Will you tell me who denounced him?" + +"It is against rule," answered the first; "but you can ask Him of Saint +Antoine here." + +The Doctor turned his eyes upon that man. Who moved uneasily on his +feet, rubbed his beard a little, and at length said: + +"Well! Truly it is against rule. But he is denounced--and gravely--by +the Citizen and Citizeness Defarge. And by one other." + +"What other?" + +"Do _you_ ask, Citizen Doctor?" + +"Yes." + +"Then," said he of Saint Antoine, with a strange look, "you will be +answered to-morrow. Now, I am dumb!" + + + + +CHAPTER VIII. +A Hand at Cards + + +Happily unconscious of the new calamity at home, Miss Pross threaded her +way along the narrow streets and crossed the river by the bridge of the +Pont-Neuf, reckoning in her mind the number of indispensable purchases +she had to make. Mr Cruncher, with the basket, walked at her side. They +both looked to the right and to the left into most of the shops they +passed, had a wary eye for all gregarious assemblages of people, and +turned out of their road to avoid any very excited group of talkers. It +was a raw evening, and the misty river, blurred to the eye with blazing +lights and to the ear with harsh noises, showed where the barges were +stationed in which the smiths worked, making guns for the Army of the +Republic. Woe to the man who played tricks with _that_ Army, or got +undeserved promotion in it! Better for him that his beard had never +grown, for the National Razor shaved him close. + +Having purchased a few small articles of grocery, and a measure of oil +for the lamp, Miss Pross bethought herself of the wine they wanted. +After peeping into several wine-shops, she stopped at the sign of the +Good Republican Brutus of Antiquity, not far from the National Palace, +once (and twice) the Tuileries, where the aspect of things rather +took her fancy. It had a quieter look than any other place of the same +description they had passed, and, though red with patriotic caps, was +not so red as the rest. Sounding Mr Cruncher, and finding him of her +opinion, Miss Pross resorted to the Good Republican Brutus of Antiquity, +attended by her cavalier. + +Slightly observant of the smoky lights; of the people, pipe in mouth, +playing with limp cards and yellow dominoes; of the one bare-breasted, +bare-armed, soot-begrimed workman reading a journal aloud, and of +the others listening to him; of the weapons worn, or laid aside to be +resumed; of the two or three customers fallen forward asleep, who in the +popular high-shouldered shaggy black spencer looked, in that attitude, +like slumbering bears or dogs; the two outlandish customers approached +the counter, and showed what they wanted. + +As their wine was measuring out, a man parted from another man in a +corner, and rose to depart. In going, he had to face Miss Pross. No +sooner did he face her, than Miss Pross uttered a scream, and clapped +her hands. + +In a moment, the whole company were on their feet. That somebody was +assassinated by somebody vindicating a difference of opinion was the +likeliest occurrence. Everybody looked to see somebody fall, but only +saw a man and a woman standing staring at each other; the man with all +the outward aspect of a Frenchman and a thorough Republican; the woman, +evidently English. + +What was said in this disappointing anti-climax, by the disciples of the +Good Republican Brutus of Antiquity, except that it was something very +voluble and loud, would have been as so much Hebrew or Chaldean to Miss +Pross and her protector, though they had been all ears. But, they had no +ears for anything in their surprise. For, it must be recorded, that +not only was Miss Pross lost in amazement and agitation, but, +Mr Cruncher--though it seemed on his own separate and individual +account--was in a state of the greatest wonder. + +"What is the matter?" said the man who had caused Miss Pross to scream; +speaking in a vexed, abrupt voice (though in a low tone), and in +English. + +"Oh, Solomon, dear Solomon!" cried Miss Pross, clapping her hands again. +"After not setting eyes upon you or hearing of you for so long a time, +do I find you here!" + +"Don't call me Solomon. Do you want to be the death of me?" asked the +man, in a furtive, frightened way. + +"Brother, brother!" cried Miss Pross, bursting into tears. "Have I ever +been so hard with you that you ask me such a cruel question?" + +"Then hold your meddlesome tongue," said Solomon, "and come out, if you +want to speak to me. Pay for your wine, and come out. Who's this man?" + +Miss Pross, shaking her loving and dejected head at her by no means +affectionate brother, said through her tears, "Mr Cruncher." + +"Let him come out too," said Solomon. "Does he think me a ghost?" + +Apparently, Mr Cruncher did, to judge from his looks. He said not a +word, however, and Miss Pross, exploring the depths of her reticule +through her tears with great difficulty paid for her wine. As she did +so, Solomon turned to the followers of the Good Republican Brutus +of Antiquity, and offered a few words of explanation in the French +language, which caused them all to relapse into their former places and +pursuits. + +"Now," said Solomon, stopping at the dark street corner, "what do you +want?" + +"How dreadfully unkind in a brother nothing has ever turned my love away +from!" cried Miss Pross, "to give me such a greeting, and show me no +affection." + +"There. Confound it! There," said Solomon, making a dab at Miss Pross's +lips with his own. "Now are you content?" + +Miss Pross only shook her head and wept in silence. + +"If you expect me to be surprised," said her brother Solomon, "I am not +surprised; I knew you were here; I know of most people who are here. If +you really don't want to endanger my existence--which I half believe you +do--go your ways as soon as possible, and let me go mine. I am busy. I +am an official." + +"My English brother Solomon," mourned Miss Pross, casting up her +tear-fraught eyes, "that had the makings in him of one of the best and +greatest of men in his native country, an official among foreigners, and +such foreigners! I would almost sooner have seen the dear boy lying in +his--" + +"I said so!" cried her brother, interrupting. "I knew it. You want to be +the death of me. I shall be rendered Suspected, by my own sister. Just +as I am getting on!" + +"The gracious and merciful Heavens forbid!" cried Miss Pross. "Far +rather would I never see you again, dear Solomon, though I have ever +loved you truly, and ever shall. Say but one affectionate word to me, +and tell me there is nothing angry or estranged between us, and I will +detain you no longer." + +Good Miss Pross! As if the estrangement between them had come of any +culpability of hers. As if Mr Lorry had not known it for a fact, years +ago, in the quiet corner in Soho, that this precious brother had spent +her money and left her! + +He was saying the affectionate word, however, with a far more grudging +condescension and patronage than he could have shown if their relative +merits and positions had been reversed (which is invariably the case, +all the world over), when Mr Cruncher, touching him on the shoulder, +hoarsely and unexpectedly interposed with the following singular +question: + +"I say! Might I ask the favour? As to whether your name is John Solomon, +or Solomon John?" + +The official turned towards him with sudden distrust. He had not +previously uttered a word. + +"Come!" said Mr Cruncher. "Speak out, you know." (Which, by the way, +was more than he could do himself.) "John Solomon, or Solomon John? She +calls you Solomon, and she must know, being your sister. And _I_ know +you're John, you know. Which of the two goes first? And regarding that +name of Pross, likewise. That warn't your name over the water." + +"What do you mean?" + +"Well, I don't know all I mean, for I can't call to mind what your name +was, over the water." + +"No?" + +"No. But I'll swear it was a name of two syllables." + +"Indeed?" + +"Yes. T'other one's was one syllable. I know you. You was a spy--witness +at the Bailey. What, in the name of the Father of Lies, own father to +yourself, was you called at that time?" + +"Barsad," said another voice, striking in. + +"That's the name for a thousand pound!" cried Jerry. + +The speaker who struck in, was Sydney Carton. He had his hands behind +him under the skirts of his riding-coat, and he stood at Mr Cruncher's +elbow as negligently as he might have stood at the Old Bailey itself. + +"Don't be alarmed, my dear Miss Pross. I arrived at Mr Lorry's, to his +surprise, yesterday evening; we agreed that I would not present myself +elsewhere until all was well, or unless I could be useful; I present +myself here, to beg a little talk with your brother. I wish you had a +better employed brother than Mr Barsad. I wish for your sake Mr Barsad +was not a Sheep of the Prisons." + +Sheep was a cant word of the time for a spy, under the gaolers. The spy, +who was pale, turned paler, and asked him how he dared-- + +"I'll tell you," said Sydney. "I lighted on you, Mr Barsad, coming out +of the prison of the Conciergerie while I was contemplating the walls, +an hour or more ago. You have a face to be remembered, and I remember +faces well. Made curious by seeing you in that connection, and having +a reason, to which you are no stranger, for associating you with +the misfortunes of a friend now very unfortunate, I walked in your +direction. I walked into the wine-shop here, close after you, and +sat near you. I had no difficulty in deducing from your unreserved +conversation, and the rumour openly going about among your admirers, the +nature of your calling. And gradually, what I had done at random, seemed +to shape itself into a purpose, Mr Barsad." + +"What purpose?" the spy asked. + +"It would be troublesome, and might be dangerous, to explain in the +street. Could you favour me, in confidence, with some minutes of your +company--at the office of Tellson's Bank, for instance?" + +"Under a threat?" + +"Oh! Did I say that?" + +"Then, why should I go there?" + +"Really, Mr Barsad, I can't say, if you can't." + +"Do you mean that you won't say, sir?" the spy irresolutely asked. + +"You apprehend me very clearly, Mr Barsad. I won't." + +Carton's negligent recklessness of manner came powerfully in aid of his +quickness and skill, in such a business as he had in his secret mind, +and with such a man as he had to do with. His practised eye saw it, and +made the most of it. + +"Now, I told you so," said the spy, casting a reproachful look at his +sister; "if any trouble comes of this, it's your doing." + +"Come, come, Mr Barsad!" exclaimed Sydney. "Don't be ungrateful. +But for my great respect for your sister, I might not have led up so +pleasantly to a little proposal that I wish to make for our mutual +satisfaction. Do you go with me to the Bank?" + +"I'll hear what you have got to say. Yes, I'll go with you." + +"I propose that we first conduct your sister safely to the corner of her +own street. Let me take your arm, Miss Pross. This is not a good city, +at this time, for you to be out in, unprotected; and as your escort +knows Mr Barsad, I will invite him to Mr Lorry's with us. Are we +ready? Come then!" + +Miss Pross recalled soon afterwards, and to the end of her life +remembered, that as she pressed her hands on Sydney's arm and looked up +in his face, imploring him to do no hurt to Solomon, there was a braced +purpose in the arm and a kind of inspiration in the eyes, which not only +contradicted his light manner, but changed and raised the man. She was +too much occupied then with fears for the brother who so little deserved +her affection, and with Sydney's friendly reassurances, adequately to +heed what she observed. + +They left her at the corner of the street, and Carton led the way to Mr +Lorry's, which was within a few minutes' walk. John Barsad, or Solomon +Pross, walked at his side. + +Mr Lorry had just finished his dinner, and was sitting before a cheery +little log or two of fire--perhaps looking into their blaze for the +picture of that younger elderly gentleman from Tellson's, who had looked +into the red coals at the Royal George at Dover, now a good many years +ago. He turned his head as they entered, and showed the surprise with +which he saw a stranger. + +"Miss Pross's brother, sir," said Sydney. "Mr Barsad." + +"Barsad?" repeated the old gentleman, "Barsad? I have an association +with the name--and with the face." + +"I told you you had a remarkable face, Mr Barsad," observed Carton, +coolly. "Pray sit down." + +As he took a chair himself, he supplied the link that Mr Lorry wanted, +by saying to him with a frown, "Witness at that trial." Mr Lorry +immediately remembered, and regarded his new visitor with an undisguised +look of abhorrence. + +"Mr Barsad has been recognised by Miss Pross as the affectionate +brother you have heard of," said Sydney, "and has acknowledged the +relationship. I pass to worse news. Darnay has been arrested again." + +Struck with consternation, the old gentleman exclaimed, "What do you +tell me! I left him safe and free within these two hours, and am about +to return to him!" + +"Arrested for all that. When was it done, Mr Barsad?" + +"Just now, if at all." + +"Mr Barsad is the best authority possible, sir," said Sydney, "and I +have it from Mr Barsad's communication to a friend and brother Sheep +over a bottle of wine, that the arrest has taken place. He left the +messengers at the gate, and saw them admitted by the porter. There is no +earthly doubt that he is retaken." + +Mr Lorry's business eye read in the speaker's face that it was loss +of time to dwell upon the point. Confused, but sensible that something +might depend on his presence of mind, he commanded himself, and was +silently attentive. + +"Now, I trust," said Sydney to him, "that the name and influence of +Doctor Manette may stand him in as good stead to-morrow--you said he +would be before the Tribunal again to-morrow, Mr Barsad?--" + +"Yes; I believe so." + +"--In as good stead to-morrow as to-day. But it may not be so. I own +to you, I am shaken, Mr Lorry, by Doctor Manette's not having had the +power to prevent this arrest." + +"He may not have known of it beforehand," said Mr Lorry. + +"But that very circumstance would be alarming, when we remember how +identified he is with his son-in-law." + +"That's true," Mr Lorry acknowledged, with his troubled hand at his +chin, and his troubled eyes on Carton. + +"In short," said Sydney, "this is a desperate time, when desperate games +are played for desperate stakes. Let the Doctor play the winning game; I +will play the losing one. No man's life here is worth purchase. Any one +carried home by the people to-day, may be condemned tomorrow. Now, the +stake I have resolved to play for, in case of the worst, is a friend +in the Conciergerie. And the friend I purpose to myself to win, is Mr +Barsad." + +"You need have good cards, sir," said the spy. + +"I'll run them over. I'll see what I hold,--Mr Lorry, you know what a +brute I am; I wish you'd give me a little brandy." + +It was put before him, and he drank off a glassful--drank off another +glassful--pushed the bottle thoughtfully away. + +"Mr Barsad," he went on, in the tone of one who really was looking +over a hand at cards: "Sheep of the prisons, emissary of Republican +committees, now turnkey, now prisoner, always spy and secret informer, +so much the more valuable here for being English that an Englishman +is less open to suspicion of subornation in those characters than a +Frenchman, represents himself to his employers under a false name. +That's a very good card. Mr Barsad, now in the employ of the republican +French government, was formerly in the employ of the aristocratic +English government, the enemy of France and freedom. That's an excellent +card. Inference clear as day in this region of suspicion, that Mr +Barsad, still in the pay of the aristocratic English government, is the +spy of Pitt, the treacherous foe of the Republic crouching in its bosom, +the English traitor and agent of all mischief so much spoken of and so +difficult to find. That's a card not to be beaten. Have you followed my +hand, Mr Barsad?" + +"Not to understand your play," returned the spy, somewhat uneasily. + +"I play my Ace, Denunciation of Mr Barsad to the nearest Section +Committee. Look over your hand, Mr Barsad, and see what you have. Don't +hurry." + +He drew the bottle near, poured out another glassful of brandy, and +drank it off. He saw that the spy was fearful of his drinking himself +into a fit state for the immediate denunciation of him. Seeing it, he +poured out and drank another glassful. + +"Look over your hand carefully, Mr Barsad. Take time." + +It was a poorer hand than he suspected. Mr Barsad saw losing cards +in it that Sydney Carton knew nothing of. Thrown out of his honourable +employment in England, through too much unsuccessful hard swearing +there--not because he was not wanted there; our English reasons for +vaunting our superiority to secrecy and spies are of very modern +date--he knew that he had crossed the Channel, and accepted service in +France: first, as a tempter and an eavesdropper among his own countrymen +there: gradually, as a tempter and an eavesdropper among the natives. He +knew that under the overthrown government he had been a spy upon Saint +Antoine and Defarge's wine-shop; had received from the watchful police +such heads of information concerning Doctor Manette's imprisonment, +release, and history, as should serve him for an introduction to +familiar conversation with the Defarges; and tried them on Madame +Defarge, and had broken down with them signally. He always remembered +with fear and trembling, that that terrible woman had knitted when he +talked with her, and had looked ominously at him as her fingers moved. +He had since seen her, in the Section of Saint Antoine, over and over +again produce her knitted registers, and denounce people whose lives the +guillotine then surely swallowed up. He knew, as every one employed as +he was did, that he was never safe; that flight was impossible; that +he was tied fast under the shadow of the axe; and that in spite of +his utmost tergiversation and treachery in furtherance of the reigning +terror, a word might bring it down upon him. Once denounced, and on such +grave grounds as had just now been suggested to his mind, he foresaw +that the dreadful woman of whose unrelenting character he had seen many +proofs, would produce against him that fatal register, and would quash +his last chance of life. Besides that all secret men are men soon +terrified, here were surely cards enough of one black suit, to justify +the holder in growing rather livid as he turned them over. + +"You scarcely seem to like your hand," said Sydney, with the greatest +composure. "Do you play?" + +"I think, sir," said the spy, in the meanest manner, as he turned to Mr +Lorry, "I may appeal to a gentleman of your years and benevolence, to +put it to this other gentleman, so much your junior, whether he can +under any circumstances reconcile it to his station to play that Ace +of which he has spoken. I admit that _I_ am a spy, and that it is +considered a discreditable station--though it must be filled by +somebody; but this gentleman is no spy, and why should he so demean +himself as to make himself one?" + +"I play my Ace, Mr Barsad," said Carton, taking the answer on himself, +and looking at his watch, "without any scruple, in a very few minutes." + +"I should have hoped, gentlemen both," said the spy, always striving to +hook Mr Lorry into the discussion, "that your respect for my sister--" + +"I could not better testify my respect for your sister than by finally +relieving her of her brother," said Sydney Carton. + +"You think not, sir?" + +"I have thoroughly made up my mind about it." + +The smooth manner of the spy, curiously in dissonance with his +ostentatiously rough dress, and probably with his usual demeanour, +received such a check from the inscrutability of Carton,--who was a +mystery to wiser and honester men than he,--that it faltered here and +failed him. While he was at a loss, Carton said, resuming his former air +of contemplating cards: + +"And indeed, now I think again, I have a strong impression that I +have another good card here, not yet enumerated. That friend and +fellow-Sheep, who spoke of himself as pasturing in the country prisons; +who was he?" + +"French. You don't know him," said the spy, quickly. + +"French, eh?" repeated Carton, musing, and not appearing to notice him +at all, though he echoed his word. "Well; he may be." + +"Is, I assure you," said the spy; "though it's not important." + +"Though it's not important," repeated Carton, in the same mechanical +way--"though it's not important--No, it's not important. No. Yet I know +the face." + +"I think not. I am sure not. It can't be," said the spy. + +"It-can't-be," muttered Sydney Carton, retrospectively, and idling his +glass (which fortunately was a small one) again. "Can't-be. Spoke good +French. Yet like a foreigner, I thought?" + +"Provincial," said the spy. + +"No. Foreign!" cried Carton, striking his open hand on the table, as a +light broke clearly on his mind. "Cly! Disguised, but the same man. We +had that man before us at the Old Bailey." + +"Now, there you are hasty, sir," said Barsad, with a smile that gave his +aquiline nose an extra inclination to one side; "there you really give +me an advantage over you. Cly (who I will unreservedly admit, at this +distance of time, was a partner of mine) has been dead several years. I +attended him in his last illness. He was buried in London, at the church +of Saint Pancras-in-the-Fields. His unpopularity with the blackguard +multitude at the moment prevented my following his remains, but I helped +to lay him in his coffin." + +Here, Mr Lorry became aware, from where he sat, of a most remarkable +goblin shadow on the wall. Tracing it to its source, he discovered it +to be caused by a sudden extraordinary rising and stiffening of all the +risen and stiff hair on Mr Cruncher's head. + +"Let us be reasonable," said the spy, "and let us be fair. To show you +how mistaken you are, and what an unfounded assumption yours is, I will +lay before you a certificate of Cly's burial, which I happened to have +carried in my pocket-book," with a hurried hand he produced and opened +it, "ever since. There it is. Oh, look at it, look at it! You may take +it in your hand; it's no forgery." + +Here, Mr Lorry perceived the reflection on the wall to elongate, and +Mr Cruncher rose and stepped forward. His hair could not have been more +violently on end, if it had been that moment dressed by the Cow with the +crumpled horn in the house that Jack built. + +Unseen by the spy, Mr Cruncher stood at his side, and touched him on +the shoulder like a ghostly bailiff. + +"That there Roger Cly, master," said Mr Cruncher, with a taciturn and +iron-bound visage. "So _you_ put him in his coffin?" + +"I did." + +"Who took him out of it?" + +Barsad leaned back in his chair, and stammered, "What do you mean?" + +"I mean," said Mr Cruncher, "that he warn't never in it. No! Not he! +I'll have my head took off, if he was ever in it." + +The spy looked round at the two gentlemen; they both looked in +unspeakable astonishment at Jerry. + +"I tell you," said Jerry, "that you buried paving-stones and earth in +that there coffin. Don't go and tell me that you buried Cly. It was a +take in. Me and two more knows it." + +"How do you know it?" + +"What's that to you? Ecod!" growled Mr Cruncher, "it's you I have got a +old grudge again, is it, with your shameful impositions upon tradesmen! +I'd catch hold of your throat and choke you for half a guinea." + +Sydney Carton, who, with Mr Lorry, had been lost in amazement at +this turn of the business, here requested Mr Cruncher to moderate and +explain himself. + +"At another time, sir," he returned, evasively, "the present time is +ill-conwenient for explainin'. What I stand to, is, that he knows well +wot that there Cly was never in that there coffin. Let him say he was, +in so much as a word of one syllable, and I'll either catch hold of his +throat and choke him for half a guinea;" Mr Cruncher dwelt upon this as +quite a liberal offer; "or I'll out and announce him." + +"Humph! I see one thing," said Carton. "I hold another card, Mr Barsad. +Impossible, here in raging Paris, with Suspicion filling the air, for +you to outlive denunciation, when you are in communication with another +aristocratic spy of the same antecedents as yourself, who, moreover, has +the mystery about him of having feigned death and come to life again! +A plot in the prisons, of the foreigner against the Republic. A strong +card--a certain Guillotine card! Do you play?" + +"No!" returned the spy. "I throw up. I confess that we were so unpopular +with the outrageous mob, that I only got away from England at the risk +of being ducked to death, and that Cly was so ferreted up and down, that +he never would have got away at all but for that sham. Though how this +man knows it was a sham, is a wonder of wonders to me." + +"Never you trouble your head about this man," retorted the contentious +Mr Cruncher; "you'll have trouble enough with giving your attention to +that gentleman. And look here! Once more!"--Mr Cruncher could not +be restrained from making rather an ostentatious parade of his +liberality--"I'd catch hold of your throat and choke you for half a +guinea." + +The Sheep of the prisons turned from him to Sydney Carton, and said, +with more decision, "It has come to a point. I go on duty soon, and +can't overstay my time. You told me you had a proposal; what is it? +Now, it is of no use asking too much of me. Ask me to do anything in my +office, putting my head in great extra danger, and I had better trust my +life to the chances of a refusal than the chances of consent. In short, +I should make that choice. You talk of desperation. We are all desperate +here. Remember! I may denounce you if I think proper, and I can swear my +way through stone walls, and so can others. Now, what do you want with +me?" + +"Not very much. You are a turnkey at the Conciergerie?" + +"I tell you once for all, there is no such thing as an escape possible," + said the spy, firmly. + +"Why need you tell me what I have not asked? You are a turnkey at the +Conciergerie?" + +"I am sometimes." + +"You can be when you choose?" + +"I can pass in and out when I choose." + +Sydney Carton filled another glass with brandy, poured it slowly out +upon the hearth, and watched it as it dropped. It being all spent, he +said, rising: + +"So far, we have spoken before these two, because it was as well that +the merits of the cards should not rest solely between you and me. Come +into the dark room here, and let us have one final word alone." + + + + +CHAPTER IX. +The Game Made + + +While Sydney Carton and the Sheep of the prisons were in the adjoining +dark room, speaking so low that not a sound was heard, Mr Lorry looked +at Jerry in considerable doubt and mistrust. That honest tradesman's +manner of receiving the look, did not inspire confidence; he changed the +leg on which he rested, as often as if he had fifty of those limbs, +and were trying them all; he examined his finger-nails with a very +questionable closeness of attention; and whenever Mr Lorry's eye caught +his, he was taken with that peculiar kind of short cough requiring the +hollow of a hand before it, which is seldom, if ever, known to be an +infirmity attendant on perfect openness of character. + +"Jerry," said Mr Lorry. "Come here." + +Mr Cruncher came forward sideways, with one of his shoulders in advance +of him. + +"What have you been, besides a messenger?" + +After some cogitation, accompanied with an intent look at his patron, +Mr Cruncher conceived the luminous idea of replying, "Agicultooral +character." + +"My mind misgives me much," said Mr Lorry, angrily shaking a forefinger +at him, "that you have used the respectable and great house of Tellson's +as a blind, and that you have had an unlawful occupation of an infamous +description. If you have, don't expect me to befriend you when you +get back to England. If you have, don't expect me to keep your secret. +Tellson's shall not be imposed upon." + +"I hope, sir," pleaded the abashed Mr Cruncher, "that a gentleman like +yourself wot I've had the honour of odd jobbing till I'm grey at it, +would think twice about harming of me, even if it wos so--I don't say it +is, but even if it wos. And which it is to be took into account that if +it wos, it wouldn't, even then, be all o' one side. There'd be two sides +to it. There might be medical doctors at the present hour, a picking +up their guineas where a honest tradesman don't pick up his +fardens--fardens! no, nor yet his half fardens--half fardens! no, nor +yet his quarter--a banking away like smoke at Tellson's, and a cocking +their medical eyes at that tradesman on the sly, a going in and going +out to their own carriages--ah! equally like smoke, if not more so. +Well, that 'ud be imposing, too, on Tellson's. For you cannot sarse the +goose and not the gander. And here's Mrs Cruncher, or leastways wos +in the Old England times, and would be to-morrow, if cause given, +a floppin' again the business to that degree as is ruinating--stark +ruinating! Whereas them medical doctors' wives don't flop--catch 'em at +it! Or, if they flop, their floppings goes in favour of more patients, +and how can you rightly have one without t'other? Then, wot with +undertakers, and wot with parish clerks, and wot with sextons, and wot +with private watchmen (all awaricious and all in it), a man wouldn't get +much by it, even if it wos so. And wot little a man did get, would never +prosper with him, Mr Lorry. He'd never have no good of it; he'd want +all along to be out of the line, if he, could see his way out, being +once in--even if it wos so." + +"Ugh!" cried Mr Lorry, rather relenting, nevertheless, "I am shocked at +the sight of you." + +"Now, what I would humbly offer to you, sir," pursued Mr Cruncher, +"even if it wos so, which I don't say it is--" + +"Don't prevaricate," said Mr Lorry. + +"No, I will _not_, sir," returned Mr Crunches as if nothing were +further from his thoughts or practice--"which I don't say it is--wot I +would humbly offer to you, sir, would be this. Upon that there stool, at +that there Bar, sets that there boy of mine, brought up and growed up to +be a man, wot will errand you, message you, general-light-job you, till +your heels is where your head is, if such should be your wishes. If it +wos so, which I still don't say it is (for I will not prewaricate to +you, sir), let that there boy keep his father's place, and take care of +his mother; don't blow upon that boy's father--do not do it, sir--and +let that father go into the line of the reg'lar diggin', and make amends +for what he would have undug--if it wos so--by diggin' of 'em in with +a will, and with conwictions respectin' the futur' keepin' of 'em safe. +That, Mr Lorry," said Mr Cruncher, wiping his forehead with his +arm, as an announcement that he had arrived at the peroration of his +discourse, "is wot I would respectfully offer to you, sir. A man don't +see all this here a goin' on dreadful round him, in the way of Subjects +without heads, dear me, plentiful enough fur to bring the price down +to porterage and hardly that, without havin' his serious thoughts of +things. And these here would be mine, if it wos so, entreatin' of you +fur to bear in mind that wot I said just now, I up and said in the good +cause when I might have kep' it back." + +"That at least is true," said Mr Lorry. "Say no more now. It may be +that I shall yet stand your friend, if you deserve it, and repent in +action--not in words. I want no more words." + +Mr Cruncher knuckled his forehead, as Sydney Carton and the spy +returned from the dark room. "Adieu, Mr Barsad," said the former; "our +arrangement thus made, you have nothing to fear from me." + +He sat down in a chair on the hearth, over against Mr Lorry. When they +were alone, Mr Lorry asked him what he had done? + +"Not much. If it should go ill with the prisoner, I have ensured access +to him, once." + +Mr Lorry's countenance fell. + +"It is all I could do," said Carton. "To propose too much, would be +to put this man's head under the axe, and, as he himself said, nothing +worse could happen to him if he were denounced. It was obviously the +weakness of the position. There is no help for it." + +"But access to him," said Mr Lorry, "if it should go ill before the +Tribunal, will not save him." + +"I never said it would." + +Mr Lorry's eyes gradually sought the fire; his sympathy with his +darling, and the heavy disappointment of his second arrest, gradually +weakened them; he was an old man now, overborne with anxiety of late, +and his tears fell. + +"You are a good man and a true friend," said Carton, in an altered +voice. "Forgive me if I notice that you are affected. I could not see my +father weep, and sit by, careless. And I could not respect your +sorrow more, if you were my father. You are free from that misfortune, +however." + +Though he said the last words, with a slip into his usual manner, there +was a true feeling and respect both in his tone and in his touch, +that Mr Lorry, who had never seen the better side of him, was wholly +unprepared for. He gave him his hand, and Carton gently pressed it. + +"To return to poor Darnay," said Carton. "Don't tell Her of this +interview, or this arrangement. It would not enable Her to go to see +him. She might think it was contrived, in case of the worse, to convey +to him the means of anticipating the sentence." + +Mr Lorry had not thought of that, and he looked quickly at Carton to +see if it were in his mind. It seemed to be; he returned the look, and +evidently understood it. + +"She might think a thousand things," Carton said, "and any of them would +only add to her trouble. Don't speak of me to her. As I said to you when +I first came, I had better not see her. I can put my hand out, to do any +little helpful work for her that my hand can find to do, without that. +You are going to her, I hope? She must be very desolate to-night." + +"I am going now, directly." + +"I am glad of that. She has such a strong attachment to you and reliance +on you. How does she look?" + +"Anxious and unhappy, but very beautiful." + +"Ah!" + +It was a long, grieving sound, like a sigh--almost like a sob. It +attracted Mr Lorry's eyes to Carton's face, which was turned to the +fire. A light, or a shade (the old gentleman could not have said which), +passed from it as swiftly as a change will sweep over a hill-side on a +wild bright day, and he lifted his foot to put back one of the little +flaming logs, which was tumbling forward. He wore the white riding-coat +and top-boots, then in vogue, and the light of the fire touching their +light surfaces made him look very pale, with his long brown hair, +all untrimmed, hanging loose about him. His indifference to fire was +sufficiently remarkable to elicit a word of remonstrance from Mr Lorry; +his boot was still upon the hot embers of the flaming log, when it had +broken under the weight of his foot. + +"I forgot it," he said. + +Mr Lorry's eyes were again attracted to his face. Taking note of the +wasted air which clouded the naturally handsome features, and having +the expression of prisoners' faces fresh in his mind, he was strongly +reminded of that expression. + +"And your duties here have drawn to an end, sir?" said Carton, turning +to him. + +"Yes. As I was telling you last night when Lucie came in so +unexpectedly, I have at length done all that I can do here. I hoped to +have left them in perfect safety, and then to have quitted Paris. I have +my Leave to Pass. I was ready to go." + +They were both silent. + +"Yours is a long life to look back upon, sir?" said Carton, wistfully. + +"I am in my seventy-eighth year." + +"You have been useful all your life; steadily and constantly occupied; +trusted, respected, and looked up to?" + +"I have been a man of business, ever since I have been a man. Indeed, I +may say that I was a man of business when a boy." + +"See what a place you fill at seventy-eight. How many people will miss +you when you leave it empty!" + +"A solitary old bachelor," answered Mr Lorry, shaking his head. "There +is nobody to weep for me." + +"How can you say that? Wouldn't She weep for you? Wouldn't her child?" + +"Yes, yes, thank God. I didn't quite mean what I said." + +"It _is_ a thing to thank God for; is it not?" + +"Surely, surely." + +"If you could say, with truth, to your own solitary heart, to-night, +'I have secured to myself the love and attachment, the gratitude or +respect, of no human creature; I have won myself a tender place in no +regard; I have done nothing good or serviceable to be remembered by!' +your seventy-eight years would be seventy-eight heavy curses; would they +not?" + +"You say truly, Mr Carton; I think they would be." + +Sydney turned his eyes again upon the fire, and, after a silence of a +few moments, said: + +"I should like to ask you:--Does your childhood seem far off? Do the +days when you sat at your mother's knee, seem days of very long ago?" + +Responding to his softened manner, Mr Lorry answered: + +"Twenty years back, yes; at this time of my life, no. For, as I draw +closer and closer to the end, I travel in the circle, nearer and +nearer to the beginning. It seems to be one of the kind smoothings and +preparings of the way. My heart is touched now, by many remembrances +that had long fallen asleep, of my pretty young mother (and I so old!), +and by many associations of the days when what we call the World was not +so real with me, and my faults were not confirmed in me." + +"I understand the feeling!" exclaimed Carton, with a bright flush. "And +you are the better for it?" + +"I hope so." + +Carton terminated the conversation here, by rising to help him on with +his outer coat; "But you," said Mr Lorry, reverting to the theme, "you +are young." + +"Yes," said Carton. "I am not old, but my young way was never the way to +age. Enough of me." + +"And of me, I am sure," said Mr Lorry. "Are you going out?" + +"I'll walk with you to her gate. You know my vagabond and restless +habits. If I should prowl about the streets a long time, don't be +uneasy; I shall reappear in the morning. You go to the Court to-morrow?" + +"Yes, unhappily." + +"I shall be there, but only as one of the crowd. My Spy will find a +place for me. Take my arm, sir." + +Mr Lorry did so, and they went down-stairs and out in the streets. A +few minutes brought them to Mr Lorry's destination. Carton left him +there; but lingered at a little distance, and turned back to the gate +again when it was shut, and touched it. He had heard of her going to +the prison every day. "She came out here," he said, looking about him, +"turned this way, must have trod on these stones often. Let me follow in +her steps." + +It was ten o'clock at night when he stood before the prison of La Force, +where she had stood hundreds of times. A little wood-sawyer, having +closed his shop, was smoking his pipe at his shop-door. + +"Good night, citizen," said Sydney Carton, pausing in going by; for, the +man eyed him inquisitively. + +"Good night, citizen." + +"How goes the Republic?" + +"You mean the Guillotine. Not ill. Sixty-three to-day. We shall mount +to a hundred soon. Samson and his men complain sometimes, of being +exhausted. Ha, ha, ha! He is so droll, that Samson. Such a Barber!" + +"Do you often go to see him--" + +"Shave? Always. Every day. What a barber! You have seen him at work?" + +"Never." + +"Go and see him when he has a good batch. Figure this to yourself, +citizen; he shaved the sixty-three to-day, in less than two pipes! Less +than two pipes. Word of honour!" + +As the grinning little man held out the pipe he was smoking, to explain +how he timed the executioner, Carton was so sensible of a rising desire +to strike the life out of him, that he turned away. + +"But you are not English," said the wood-sawyer, "though you wear +English dress?" + +"Yes," said Carton, pausing again, and answering over his shoulder. + +"You speak like a Frenchman." + +"I am an old student here." + +"Aha, a perfect Frenchman! Good night, Englishman." + +"Good night, citizen." + +"But go and see that droll dog," the little man persisted, calling after +him. "And take a pipe with you!" + +Sydney had not gone far out of sight, when he stopped in the middle of +the street under a glimmering lamp, and wrote with his pencil on a scrap +of paper. Then, traversing with the decided step of one who remembered +the way well, several dark and dirty streets--much dirtier than usual, +for the best public thoroughfares remained uncleansed in those times of +terror--he stopped at a chemist's shop, which the owner was closing with +his own hands. A small, dim, crooked shop, kept in a tortuous, up-hill +thoroughfare, by a small, dim, crooked man. + +Giving this citizen, too, good night, as he confronted him at his +counter, he laid the scrap of paper before him. "Whew!" the chemist +whistled softly, as he read it. "Hi! hi! hi!" + +Sydney Carton took no heed, and the chemist said: + +"For you, citizen?" + +"For me." + +"You will be careful to keep them separate, citizen? You know the +consequences of mixing them?" + +"Perfectly." + +Certain small packets were made and given to him. He put them, one by +one, in the breast of his inner coat, counted out the money for them, +and deliberately left the shop. "There is nothing more to do," said he, +glancing upward at the moon, "until to-morrow. I can't sleep." + +It was not a reckless manner, the manner in which he said these words +aloud under the fast-sailing clouds, nor was it more expressive of +negligence than defiance. It was the settled manner of a tired man, who +had wandered and struggled and got lost, but who at length struck into +his road and saw its end. + +Long ago, when he had been famous among his earliest competitors as a +youth of great promise, he had followed his father to the grave. His +mother had died, years before. These solemn words, which had been +read at his father's grave, arose in his mind as he went down the dark +streets, among the heavy shadows, with the moon and the clouds sailing +on high above him. "I am the resurrection and the life, saith the Lord: +he that believeth in me, though he were dead, yet shall he live: and +whosoever liveth and believeth in me, shall never die." + +In a city dominated by the axe, alone at night, with natural sorrow +rising in him for the sixty-three who had been that day put to death, +and for to-morrow's victims then awaiting their doom in the prisons, +and still of to-morrow's and to-morrow's, the chain of association that +brought the words home, like a rusty old ship's anchor from the deep, +might have been easily found. He did not seek it, but repeated them and +went on. + +With a solemn interest in the lighted windows where the people were +going to rest, forgetful through a few calm hours of the horrors +surrounding them; in the towers of the churches, where no prayers +were said, for the popular revulsion had even travelled that length +of self-destruction from years of priestly impostors, plunderers, and +profligates; in the distant burial-places, reserved, as they wrote upon +the gates, for Eternal Sleep; in the abounding gaols; and in the streets +along which the sixties rolled to a death which had become so common and +material, that no sorrowful story of a haunting Spirit ever arose among +the people out of all the working of the Guillotine; with a solemn +interest in the whole life and death of the city settling down to its +short nightly pause in fury; Sydney Carton crossed the Seine again for +the lighter streets. + +Few coaches were abroad, for riders in coaches were liable to be +suspected, and gentility hid its head in red nightcaps, and put on heavy +shoes, and trudged. But, the theatres were all well filled, and the +people poured cheerfully out as he passed, and went chatting home. At +one of the theatre doors, there was a little girl with a mother, looking +for a way across the street through the mud. He carried the child over, +and before the timid arm was loosed from his neck asked her for a kiss. + +"I am the resurrection and the life, saith the Lord: he that believeth +in me, though he were dead, yet shall he live: and whosoever liveth and +believeth in me, shall never die." + +Now, that the streets were quiet, and the night wore on, the words +were in the echoes of his feet, and were in the air. Perfectly calm +and steady, he sometimes repeated them to himself as he walked; but, he +heard them always. + +The night wore out, and, as he stood upon the bridge listening to the +water as it splashed the river-walls of the Island of Paris, where the +picturesque confusion of houses and cathedral shone bright in the light +of the moon, the day came coldly, looking like a dead face out of the +sky. Then, the night, with the moon and the stars, turned pale and died, +and for a little while it seemed as if Creation were delivered over to +Death's dominion. + +But, the glorious sun, rising, seemed to strike those words, that burden +of the night, straight and warm to his heart in its long bright rays. +And looking along them, with reverently shaded eyes, a bridge of light +appeared to span the air between him and the sun, while the river +sparkled under it. + +The strong tide, so swift, so deep, and certain, was like a congenial +friend, in the morning stillness. He walked by the stream, far from the +houses, and in the light and warmth of the sun fell asleep on the +bank. When he awoke and was afoot again, he lingered there yet a little +longer, watching an eddy that turned and turned purposeless, until the +stream absorbed it, and carried it on to the sea.--"Like me." + +A trading-boat, with a sail of the softened colour of a dead leaf, then +glided into his view, floated by him, and died away. As its silent track +in the water disappeared, the prayer that had broken up out of his heart +for a merciful consideration of all his poor blindnesses and errors, +ended in the words, "I am the resurrection and the life." + +Mr Lorry was already out when he got back, and it was easy to surmise +where the good old man was gone. Sydney Carton drank nothing but a +little coffee, ate some bread, and, having washed and changed to refresh +himself, went out to the place of trial. + +The court was all astir and a-buzz, when the black sheep--whom many fell +away from in dread--pressed him into an obscure corner among the crowd. +Mr Lorry was there, and Doctor Manette was there. She was there, +sitting beside her father. + +When her husband was brought in, she turned a look upon him, so +sustaining, so encouraging, so full of admiring love and pitying +tenderness, yet so courageous for his sake, that it called the healthy +blood into his face, brightened his glance, and animated his heart. If +there had been any eyes to notice the influence of her look, on Sydney +Carton, it would have been seen to be the same influence exactly. + +Before that unjust Tribunal, there was little or no order of procedure, +ensuring to any accused person any reasonable hearing. There could have +been no such Revolution, if all laws, forms, and ceremonies, had not +first been so monstrously abused, that the suicidal vengeance of the +Revolution was to scatter them all to the winds. + +Every eye was turned to the jury. The same determined patriots and good +republicans as yesterday and the day before, and to-morrow and the day +after. Eager and prominent among them, one man with a craving face, and +his fingers perpetually hovering about his lips, whose appearance +gave great satisfaction to the spectators. A life-thirsting, +cannibal-looking, bloody-minded juryman, the Jacques Three of St. +Antoine. The whole jury, as a jury of dogs empannelled to try the deer. + +Every eye then turned to the five judges and the public prosecutor. +No favourable leaning in that quarter to-day. A fell, uncompromising, +murderous business-meaning there. Every eye then sought some other eye +in the crowd, and gleamed at it approvingly; and heads nodded at one +another, before bending forward with a strained attention. + +Charles Evrémonde, called Darnay. Released yesterday. Reaccused and +retaken yesterday. Indictment delivered to him last night. Suspected and +Denounced enemy of the Republic, Aristocrat, one of a family of tyrants, +one of a race proscribed, for that they had used their abolished +privileges to the infamous oppression of the people. Charles Evrémonde, +called Darnay, in right of such proscription, absolutely Dead in Law. + +To this effect, in as few or fewer words, the Public Prosecutor. + +The President asked, was the Accused openly denounced or secretly? + +"Openly, President." + +"By whom?" + +"Three voices. Ernest Defarge, wine-vendor of St. Antoine." + +"Good." + +"Thérèse Defarge, his wife." + +"Good." + +"Alexandre Manette, physician." + +A great uproar took place in the court, and in the midst of it, Doctor +Manette was seen, pale and trembling, standing where he had been seated. + +"President, I indignantly protest to you that this is a forgery and +a fraud. You know the accused to be the husband of my daughter. My +daughter, and those dear to her, are far dearer to me than my life. Who +and where is the false conspirator who says that I denounce the husband +of my child!" + +"Citizen Manette, be tranquil. To fail in submission to the authority of +the Tribunal would be to put yourself out of Law. As to what is dearer +to you than life, nothing can be so dear to a good citizen as the +Republic." + +Loud acclamations hailed this rebuke. The President rang his bell, and +with warmth resumed. + +"If the Republic should demand of you the sacrifice of your child +herself, you would have no duty but to sacrifice her. Listen to what is +to follow. In the meanwhile, be silent!" + +Frantic acclamations were again raised. Doctor Manette sat down, with +his eyes looking around, and his lips trembling; his daughter drew +closer to him. The craving man on the jury rubbed his hands together, +and restored the usual hand to his mouth. + +Defarge was produced, when the court was quiet enough to admit of his +being heard, and rapidly expounded the story of the imprisonment, and of +his having been a mere boy in the Doctor's service, and of the release, +and of the state of the prisoner when released and delivered to him. +This short examination followed, for the court was quick with its work. + +"You did good service at the taking of the Bastille, citizen?" + +"I believe so." + +Here, an excited woman screeched from the crowd: "You were one of the +best patriots there. Why not say so? You were a cannonier that day +there, and you were among the first to enter the accursed fortress when +it fell. Patriots, I speak the truth!" + +It was The Vengeance who, amidst the warm commendations of the audience, +thus assisted the proceedings. The President rang his bell; but, The +Vengeance, warming with encouragement, shrieked, "I defy that bell!" + wherein she was likewise much commended. + +"Inform the Tribunal of what you did that day within the Bastille, +citizen." + +"I knew," said Defarge, looking down at his wife, who stood at the +bottom of the steps on which he was raised, looking steadily up at him; +"I knew that this prisoner, of whom I speak, had been confined in a cell +known as One Hundred and Five, North Tower. I knew it from himself. He +knew himself by no other name than One Hundred and Five, North Tower, +when he made shoes under my care. As I serve my gun that day, I resolve, +when the place shall fall, to examine that cell. It falls. I mount to +the cell, with a fellow-citizen who is one of the Jury, directed by a +gaoler. I examine it, very closely. In a hole in the chimney, where a +stone has been worked out and replaced, I find a written paper. This is +that written paper. I have made it my business to examine some specimens +of the writing of Doctor Manette. This is the writing of Doctor Manette. +I confide this paper, in the writing of Doctor Manette, to the hands of +the President." + +"Let it be read." + +In a dead silence and stillness--the prisoner under trial looking +lovingly at his wife, his wife only looking from him to look with +solicitude at her father, Doctor Manette keeping his eyes fixed on the +reader, Madame Defarge never taking hers from the prisoner, Defarge +never taking his from his feasting wife, and all the other eyes there +intent upon the Doctor, who saw none of them--the paper was read, as +follows. + + + + +CHAPTER X. +The Substance of the Shadow + + +"I, Alexandre Manette, unfortunate physician, native of Beauvais, and +afterwards resident in Paris, write this melancholy paper in my doleful +cell in the Bastille, during the last month of the year, 1767. I write +it at stolen intervals, under every difficulty. I design to secrete it +in the wall of the chimney, where I have slowly and laboriously made a +place of concealment for it. Some pitying hand may find it there, when I +and my sorrows are dust. + +"These words are formed by the rusty iron point with which I write with +difficulty in scrapings of soot and charcoal from the chimney, mixed +with blood, in the last month of the tenth year of my captivity. Hope +has quite departed from my breast. I know from terrible warnings I have +noted in myself that my reason will not long remain unimpaired, but I +solemnly declare that I am at this time in the possession of my right +mind--that my memory is exact and circumstantial--and that I write the +truth as I shall answer for these my last recorded words, whether they +be ever read by men or not, at the Eternal Judgment-seat. + +"One cloudy moonlight night, in the third week of December (I think the +twenty-second of the month) in the year 1757, I was walking on a retired +part of the quay by the Seine for the refreshment of the frosty air, +at an hour's distance from my place of residence in the Street of the +School of Medicine, when a carriage came along behind me, driven very +fast. As I stood aside to let that carriage pass, apprehensive that it +might otherwise run me down, a head was put out at the window, and a +voice called to the driver to stop. + +"The carriage stopped as soon as the driver could rein in his horses, +and the same voice called to me by my name. I answered. The carriage +was then so far in advance of me that two gentlemen had time to open the +door and alight before I came up with it. + +"I observed that they were both wrapped in cloaks, and appeared to +conceal themselves. As they stood side by side near the carriage door, +I also observed that they both looked of about my own age, or rather +younger, and that they were greatly alike, in stature, manner, voice, +and (as far as I could see) face too. + +"'You are Doctor Manette?' said one. + +"I am." + +"'Doctor Manette, formerly of Beauvais,' said the other; 'the young +physician, originally an expert surgeon, who within the last year or two +has made a rising reputation in Paris?' + +"'Gentlemen,' I returned, 'I am that Doctor Manette of whom you speak so +graciously.' + +"'We have been to your residence,' said the first, 'and not being +so fortunate as to find you there, and being informed that you were +probably walking in this direction, we followed, in the hope of +overtaking you. Will you please to enter the carriage?' + +"The manner of both was imperious, and they both moved, as these words +were spoken, so as to place me between themselves and the carriage door. +They were armed. I was not. + +"'Gentlemen,' said I, 'pardon me; but I usually inquire who does me +the honour to seek my assistance, and what is the nature of the case to +which I am summoned.' + +"The reply to this was made by him who had spoken second. 'Doctor, +your clients are people of condition. As to the nature of the case, +our confidence in your skill assures us that you will ascertain it for +yourself better than we can describe it. Enough. Will you please to +enter the carriage?' + +"I could do nothing but comply, and I entered it in silence. They both +entered after me--the last springing in, after putting up the steps. The +carriage turned about, and drove on at its former speed. + +"I repeat this conversation exactly as it occurred. I have no doubt that +it is, word for word, the same. I describe everything exactly as it took +place, constraining my mind not to wander from the task. Where I make +the broken marks that follow here, I leave off for the time, and put my +paper in its hiding-place. + + ***** + +"The carriage left the streets behind, passed the North Barrier, and +emerged upon the country road. At two-thirds of a league from the +Barrier--I did not estimate the distance at that time, but afterwards +when I traversed it--it struck out of the main avenue, and presently +stopped at a solitary house, We all three alighted, and walked, by +a damp soft footpath in a garden where a neglected fountain had +overflowed, to the door of the house. It was not opened immediately, in +answer to the ringing of the bell, and one of my two conductors struck +the man who opened it, with his heavy riding glove, across the face. + +"There was nothing in this action to attract my particular attention, +for I had seen common people struck more commonly than dogs. But, the +other of the two, being angry likewise, struck the man in like manner +with his arm; the look and bearing of the brothers were then so exactly +alike, that I then first perceived them to be twin brothers. + +"From the time of our alighting at the outer gate (which we found +locked, and which one of the brothers had opened to admit us, and had +relocked), I had heard cries proceeding from an upper chamber. I was +conducted to this chamber straight, the cries growing louder as we +ascended the stairs, and I found a patient in a high fever of the brain, +lying on a bed. + +"The patient was a woman of great beauty, and young; assuredly not much +past twenty. Her hair was torn and ragged, and her arms were bound to +her sides with sashes and handkerchiefs. I noticed that these bonds were +all portions of a gentleman's dress. On one of them, which was a fringed +scarf for a dress of ceremony, I saw the armorial bearings of a Noble, +and the letter E. + +"I saw this, within the first minute of my contemplation of the patient; +for, in her restless strivings she had turned over on her face on the +edge of the bed, had drawn the end of the scarf into her mouth, and was +in danger of suffocation. My first act was to put out my hand to relieve +her breathing; and in moving the scarf aside, the embroidery in the +corner caught my sight. + +"I turned her gently over, placed my hands upon her breast to calm her +and keep her down, and looked into her face. Her eyes were dilated and +wild, and she constantly uttered piercing shrieks, and repeated the +words, 'My husband, my father, and my brother!' and then counted up to +twelve, and said, 'Hush!' For an instant, and no more, she would pause +to listen, and then the piercing shrieks would begin again, and she +would repeat the cry, 'My husband, my father, and my brother!' and +would count up to twelve, and say, 'Hush!' There was no variation in the +order, or the manner. There was no cessation, but the regular moment's +pause, in the utterance of these sounds. + +"'How long,' I asked, 'has this lasted?' + +"To distinguish the brothers, I will call them the elder and the +younger; by the elder, I mean him who exercised the most authority. It +was the elder who replied, 'Since about this hour last night.' + +"'She has a husband, a father, and a brother?' + +"'A brother.' + +"'I do not address her brother?' + +"He answered with great contempt, 'No.' + +"'She has some recent association with the number twelve?' + +"The younger brother impatiently rejoined, 'With twelve o'clock?' + +"'See, gentlemen,' said I, still keeping my hands upon her breast, 'how +useless I am, as you have brought me! If I had known what I was coming +to see, I could have come provided. As it is, time must be lost. There +are no medicines to be obtained in this lonely place.' + +"The elder brother looked to the younger, who said haughtily, 'There is +a case of medicines here;' and brought it from a closet, and put it on +the table. + + ***** + +"I opened some of the bottles, smelt them, and put the stoppers to my +lips. If I had wanted to use anything save narcotic medicines that were +poisons in themselves, I would not have administered any of those. + +"'Do you doubt them?' asked the younger brother. + +"'You see, monsieur, I am going to use them,' I replied, and said no +more. + +"I made the patient swallow, with great difficulty, and after many +efforts, the dose that I desired to give. As I intended to repeat it +after a while, and as it was necessary to watch its influence, I then +sat down by the side of the bed. There was a timid and suppressed woman +in attendance (wife of the man down-stairs), who had retreated into +a corner. The house was damp and decayed, indifferently +furnished--evidently, recently occupied and temporarily used. Some thick +old hangings had been nailed up before the windows, to deaden the +sound of the shrieks. They continued to be uttered in their regular +succession, with the cry, 'My husband, my father, and my brother!' the +counting up to twelve, and 'Hush!' The frenzy was so violent, that I had +not unfastened the bandages restraining the arms; but, I had looked to +them, to see that they were not painful. The only spark of encouragement +in the case, was, that my hand upon the sufferer's breast had this much +soothing influence, that for minutes at a time it tranquillised the +figure. It had no effect upon the cries; no pendulum could be more +regular. + +"For the reason that my hand had this effect (I assume), I had sat by +the side of the bed for half an hour, with the two brothers looking on, +before the elder said: + +"'There is another patient.' + +"I was startled, and asked, 'Is it a pressing case?' + +"'You had better see,' he carelessly answered; and took up a light. + + ***** + +"The other patient lay in a back room across a second staircase, which +was a species of loft over a stable. There was a low plastered ceiling +to a part of it; the rest was open, to the ridge of the tiled roof, and +there were beams across. Hay and straw were stored in that portion of +the place, fagots for firing, and a heap of apples in sand. I had to +pass through that part, to get at the other. My memory is circumstantial +and unshaken. I try it with these details, and I see them all, in +this my cell in the Bastille, near the close of the tenth year of my +captivity, as I saw them all that night. + +"On some hay on the ground, with a cushion thrown under his head, lay a +handsome peasant boy--a boy of not more than seventeen at the most. +He lay on his back, with his teeth set, his right hand clenched on his +breast, and his glaring eyes looking straight upward. I could not see +where his wound was, as I kneeled on one knee over him; but, I could see +that he was dying of a wound from a sharp point. + +"'I am a doctor, my poor fellow,' said I. 'Let me examine it.' + +"'I do not want it examined,' he answered; 'let it be.' + +"It was under his hand, and I soothed him to let me move his hand away. +The wound was a sword-thrust, received from twenty to twenty-four hours +before, but no skill could have saved him if it had been looked to +without delay. He was then dying fast. As I turned my eyes to the elder +brother, I saw him looking down at this handsome boy whose life was +ebbing out, as if he were a wounded bird, or hare, or rabbit; not at all +as if he were a fellow-creature. + +"'How has this been done, monsieur?' said I. + +"'A crazed young common dog! A serf! Forced my brother to draw upon him, +and has fallen by my brother's sword--like a gentleman.' + +"There was no touch of pity, sorrow, or kindred humanity, in this +answer. The speaker seemed to acknowledge that it was inconvenient to +have that different order of creature dying there, and that it would +have been better if he had died in the usual obscure routine of his +vermin kind. He was quite incapable of any compassionate feeling about +the boy, or about his fate. + +"The boy's eyes had slowly moved to him as he had spoken, and they now +slowly moved to me. + +"'Doctor, they are very proud, these Nobles; but we common dogs are +proud too, sometimes. They plunder us, outrage us, beat us, kill us; but +we have a little pride left, sometimes. She--have you seen her, Doctor?' + +"The shrieks and the cries were audible there, though subdued by the +distance. He referred to them, as if she were lying in our presence. + +"I said, 'I have seen her.' + +"'She is my sister, Doctor. They have had their shameful rights, these +Nobles, in the modesty and virtue of our sisters, many years, but we +have had good girls among us. I know it, and have heard my father say +so. She was a good girl. She was betrothed to a good young man, too: a +tenant of his. We were all tenants of his--that man's who stands there. +The other is his brother, the worst of a bad race.' + +"It was with the greatest difficulty that the boy gathered bodily force +to speak; but, his spirit spoke with a dreadful emphasis. + +"'We were so robbed by that man who stands there, as all we common dogs +are by those superior Beings--taxed by him without mercy, obliged to +work for him without pay, obliged to grind our corn at his mill, obliged +to feed scores of his tame birds on our wretched crops, and forbidden +for our lives to keep a single tame bird of our own, pillaged and +plundered to that degree that when we chanced to have a bit of meat, we +ate it in fear, with the door barred and the shutters closed, that his +people should not see it and take it from us--I say, we were so robbed, +and hunted, and were made so poor, that our father told us it was a +dreadful thing to bring a child into the world, and that what we should +most pray for, was, that our women might be barren and our miserable +race die out!' + +"I had never before seen the sense of being oppressed, bursting forth +like a fire. I had supposed that it must be latent in the people +somewhere; but, I had never seen it break out, until I saw it in the +dying boy. + +"'Nevertheless, Doctor, my sister married. He was ailing at that time, +poor fellow, and she married her lover, that she might tend and comfort +him in our cottage--our dog-hut, as that man would call it. She had not +been married many weeks, when that man's brother saw her and admired +her, and asked that man to lend her to him--for what are husbands among +us! He was willing enough, but my sister was good and virtuous, and +hated his brother with a hatred as strong as mine. What did the two +then, to persuade her husband to use his influence with her, to make her +willing?' + +"The boy's eyes, which had been fixed on mine, slowly turned to the +looker-on, and I saw in the two faces that all he said was true. The two +opposing kinds of pride confronting one another, I can see, even in this +Bastille; the gentleman's, all negligent indifference; the peasant's, all +trodden-down sentiment, and passionate revenge. + +"'You know, Doctor, that it is among the Rights of these Nobles to +harness us common dogs to carts, and drive us. They so harnessed him and +drove him. You know that it is among their Rights to keep us in their +grounds all night, quieting the frogs, in order that their noble sleep +may not be disturbed. They kept him out in the unwholesome mists at +night, and ordered him back into his harness in the day. But he was +not persuaded. No! Taken out of harness one day at noon, to feed--if he +could find food--he sobbed twelve times, once for every stroke of the +bell, and died on her bosom.' + +"Nothing human could have held life in the boy but his determination to +tell all his wrong. He forced back the gathering shadows of death, as +he forced his clenched right hand to remain clenched, and to cover his +wound. + +"'Then, with that man's permission and even with his aid, his +brother took her away; in spite of what I know she must have told his +brother--and what that is, will not be long unknown to you, Doctor, if +it is now--his brother took her away--for his pleasure and diversion, +for a little while. I saw her pass me on the road. When I took the +tidings home, our father's heart burst; he never spoke one of the words +that filled it. I took my young sister (for I have another) to a place +beyond the reach of this man, and where, at least, she will never be +_his_ vassal. Then, I tracked the brother here, and last night climbed +in--a common dog, but sword in hand.--Where is the loft window? It was +somewhere here?' + +"The room was darkening to his sight; the world was narrowing around +him. I glanced about me, and saw that the hay and straw were trampled +over the floor, as if there had been a struggle. + +"'She heard me, and ran in. I told her not to come near us till he was +dead. He came in and first tossed me some pieces of money; then struck +at me with a whip. But I, though a common dog, so struck at him as to +make him draw. Let him break into as many pieces as he will, the sword +that he stained with my common blood; he drew to defend himself--thrust +at me with all his skill for his life.' + +"My glance had fallen, but a few moments before, on the fragments of +a broken sword, lying among the hay. That weapon was a gentleman's. In +another place, lay an old sword that seemed to have been a soldier's. + +"'Now, lift me up, Doctor; lift me up. Where is he?' + +"'He is not here,' I said, supporting the boy, and thinking that he +referred to the brother. + +"'He! Proud as these nobles are, he is afraid to see me. Where is the +man who was here? Turn my face to him.' + +"I did so, raising the boy's head against my knee. But, invested for the +moment with extraordinary power, he raised himself completely: obliging +me to rise too, or I could not have still supported him. + +"'Marquis,' said the boy, turned to him with his eyes opened wide, and +his right hand raised, 'in the days when all these things are to be +answered for, I summon you and yours, to the last of your bad race, to +answer for them. I mark this cross of blood upon you, as a sign that +I do it. In the days when all these things are to be answered for, +I summon your brother, the worst of the bad race, to answer for them +separately. I mark this cross of blood upon him, as a sign that I do +it.' + +"Twice, he put his hand to the wound in his breast, and with his +forefinger drew a cross in the air. He stood for an instant with the +finger yet raised, and as it dropped, he dropped with it, and I laid him +down dead. + + ***** + +"When I returned to the bedside of the young woman, I found her raving +in precisely the same order of continuity. I knew that this might last +for many hours, and that it would probably end in the silence of the +grave. + +"I repeated the medicines I had given her, and I sat at the side of +the bed until the night was far advanced. She never abated the piercing +quality of her shrieks, never stumbled in the distinctness or the order +of her words. They were always 'My husband, my father, and my brother! +One, two, three, four, five, six, seven, eight, nine, ten, eleven, +twelve. Hush!' + +"This lasted twenty-six hours from the time when I first saw her. I had +come and gone twice, and was again sitting by her, when she began to +falter. I did what little could be done to assist that opportunity, and +by-and-bye she sank into a lethargy, and lay like the dead. + +"It was as if the wind and rain had lulled at last, after a long and +fearful storm. I released her arms, and called the woman to assist me to +compose her figure and the dress she had torn. It was then that I knew +her condition to be that of one in whom the first expectations of being +a mother have arisen; and it was then that I lost the little hope I had +had of her. + +"'Is she dead?' asked the Marquis, whom I will still describe as the +elder brother, coming booted into the room from his horse. + +"'Not dead,' said I; 'but like to die.' + +"'What strength there is in these common bodies!' he said, looking down +at her with some curiosity. + +"'There is prodigious strength,' I answered him, 'in sorrow and +despair.' + +"He first laughed at my words, and then frowned at them. He moved a +chair with his foot near to mine, ordered the woman away, and said in a +subdued voice, + +"'Doctor, finding my brother in this difficulty with these hinds, I +recommended that your aid should be invited. Your reputation is high, +and, as a young man with your fortune to make, you are probably mindful +of your interest. The things that you see here, are things to be seen, +and not spoken of.' + +"I listened to the patient's breathing, and avoided answering. + +"'Do you honour me with your attention, Doctor?' + +"'Monsieur,' said I, 'in my profession, the communications of patients +are always received in confidence.' I was guarded in my answer, for I +was troubled in my mind with what I had heard and seen. + +"Her breathing was so difficult to trace, that I carefully tried the +pulse and the heart. There was life, and no more. Looking round as I +resumed my seat, I found both the brothers intent upon me. + + ***** + +"I write with so much difficulty, the cold is so severe, I am so +fearful of being detected and consigned to an underground cell and total +darkness, that I must abridge this narrative. There is no confusion or +failure in my memory; it can recall, and could detail, every word that +was ever spoken between me and those brothers. + +"She lingered for a week. Towards the last, I could understand some few +syllables that she said to me, by placing my ear close to her lips. She +asked me where she was, and I told her; who I was, and I told her. It +was in vain that I asked her for her family name. She faintly shook her +head upon the pillow, and kept her secret, as the boy had done. + +"I had no opportunity of asking her any question, until I had told the +brothers she was sinking fast, and could not live another day. Until +then, though no one was ever presented to her consciousness save the +woman and myself, one or other of them had always jealously sat behind +the curtain at the head of the bed when I was there. But when it came to +that, they seemed careless what communication I might hold with her; as +if--the thought passed through my mind--I were dying too. + +"I always observed that their pride bitterly resented the younger +brother's (as I call him) having crossed swords with a peasant, and that +peasant a boy. The only consideration that appeared to affect the mind +of either of them was the consideration that this was highly degrading +to the family, and was ridiculous. As often as I caught the younger +brother's eyes, their expression reminded me that he disliked me deeply, +for knowing what I knew from the boy. He was smoother and more polite to +me than the elder; but I saw this. I also saw that I was an incumbrance +in the mind of the elder, too. + +"My patient died, two hours before midnight--at a time, by my watch, +answering almost to the minute when I had first seen her. I was alone +with her, when her forlorn young head drooped gently on one side, and +all her earthly wrongs and sorrows ended. + +"The brothers were waiting in a room down-stairs, impatient to ride +away. I had heard them, alone at the bedside, striking their boots with +their riding-whips, and loitering up and down. + +"'At last she is dead?' said the elder, when I went in. + +"'She is dead,' said I. + +"'I congratulate you, my brother,' were his words as he turned round. + +"He had before offered me money, which I had postponed taking. He now +gave me a rouleau of gold. I took it from his hand, but laid it on +the table. I had considered the question, and had resolved to accept +nothing. + +"'Pray excuse me,' said I. 'Under the circumstances, no.' + +"They exchanged looks, but bent their heads to me as I bent mine to +them, and we parted without another word on either side. + + ***** + +"I am weary, weary, weary--worn down by misery. I cannot read what I +have written with this gaunt hand. + +"Early in the morning, the rouleau of gold was left at my door in a +little box, with my name on the outside. From the first, I had anxiously +considered what I ought to do. I decided, that day, to write privately +to the Minister, stating the nature of the two cases to which I had been +summoned, and the place to which I had gone: in effect, stating all the +circumstances. I knew what Court influence was, and what the immunities +of the Nobles were, and I expected that the matter would never be +heard of; but, I wished to relieve my own mind. I had kept the matter a +profound secret, even from my wife; and this, too, I resolved to state +in my letter. I had no apprehension whatever of my real danger; but +I was conscious that there might be danger for others, if others were +compromised by possessing the knowledge that I possessed. + +"I was much engaged that day, and could not complete my letter that +night. I rose long before my usual time next morning to finish it. +It was the last day of the year. The letter was lying before me just +completed, when I was told that a lady waited, who wished to see me. + + ***** + +"I am growing more and more unequal to the task I have set myself. It is +so cold, so dark, my senses are so benumbed, and the gloom upon me is so +dreadful. + +"The lady was young, engaging, and handsome, but not marked for long +life. She was in great agitation. She presented herself to me as the +wife of the Marquis St. Evrémonde. I connected the title by which the +boy had addressed the elder brother, with the initial letter embroidered +on the scarf, and had no difficulty in arriving at the conclusion that I +had seen that nobleman very lately. + +"My memory is still accurate, but I cannot write the words of our +conversation. I suspect that I am watched more closely than I was, and I +know not at what times I may be watched. She had in part suspected, and +in part discovered, the main facts of the cruel story, of her husband's +share in it, and my being resorted to. She did not know that the girl +was dead. Her hope had been, she said in great distress, to show her, +in secret, a woman's sympathy. Her hope had been to avert the wrath of +Heaven from a House that had long been hateful to the suffering many. + +"She had reasons for believing that there was a young sister living, and +her greatest desire was, to help that sister. I could tell her nothing +but that there was such a sister; beyond that, I knew nothing. Her +inducement to come to me, relying on my confidence, had been the hope +that I could tell her the name and place of abode. Whereas, to this +wretched hour I am ignorant of both. + + ***** + +"These scraps of paper fail me. One was taken from me, with a warning, +yesterday. I must finish my record to-day. + +"She was a good, compassionate lady, and not happy in her marriage. How +could she be! The brother distrusted and disliked her, and his influence +was all opposed to her; she stood in dread of him, and in dread of her +husband too. When I handed her down to the door, there was a child, a +pretty boy from two to three years old, in her carriage. + +"'For his sake, Doctor,' she said, pointing to him in tears, 'I would do +all I can to make what poor amends I can. He will never prosper in his +inheritance otherwise. I have a presentiment that if no other innocent +atonement is made for this, it will one day be required of him. What +I have left to call my own--it is little beyond the worth of a few +jewels--I will make it the first charge of his life to bestow, with the +compassion and lamenting of his dead mother, on this injured family, if +the sister can be discovered.' + +"She kissed the boy, and said, caressing him, 'It is for thine own dear +sake. Thou wilt be faithful, little Charles?' The child answered her +bravely, 'Yes!' I kissed her hand, and she took him in her arms, and +went away caressing him. I never saw her more. + +"As she had mentioned her husband's name in the faith that I knew it, +I added no mention of it to my letter. I sealed my letter, and, not +trusting it out of my own hands, delivered it myself that day. + +"That night, the last night of the year, towards nine o'clock, a man in +a black dress rang at my gate, demanded to see me, and softly followed +my servant, Ernest Defarge, a youth, up-stairs. When my servant came +into the room where I sat with my wife--O my wife, beloved of my heart! +My fair young English wife!--we saw the man, who was supposed to be at +the gate, standing silent behind him. + +"An urgent case in the Rue St. Honore, he said. It would not detain me, +he had a coach in waiting. + +"It brought me here, it brought me to my grave. When I was clear of the +house, a black muffler was drawn tightly over my mouth from behind, and +my arms were pinioned. The two brothers crossed the road from a dark +corner, and identified me with a single gesture. The Marquis took from +his pocket the letter I had written, showed it me, burnt it in the light +of a lantern that was held, and extinguished the ashes with his foot. +Not a word was spoken. I was brought here, I was brought to my living +grave. + +"If it had pleased _God_ to put it in the hard heart of either of the +brothers, in all these frightful years, to grant me any tidings of +my dearest wife--so much as to let me know by a word whether alive or +dead--I might have thought that He had not quite abandoned them. But, +now I believe that the mark of the red cross is fatal to them, and that +they have no part in His mercies. And them and their descendants, to the +last of their race, I, Alexandre Manette, unhappy prisoner, do this last +night of the year 1767, in my unbearable agony, denounce to the times +when all these things shall be answered for. I denounce them to Heaven +and to earth." + +A terrible sound arose when the reading of this document was done. A +sound of craving and eagerness that had nothing articulate in it but +blood. The narrative called up the most revengeful passions of the time, +and there was not a head in the nation but must have dropped before it. + +Little need, in presence of that tribunal and that auditory, to show +how the Defarges had not made the paper public, with the other captured +Bastille memorials borne in procession, and had kept it, biding their +time. Little need to show that this detested family name had long been +anathematised by Saint Antoine, and was wrought into the fatal register. +The man never trod ground whose virtues and services would have +sustained him in that place that day, against such denunciation. + +And all the worse for the doomed man, that the denouncer was a +well-known citizen, his own attached friend, the father of his wife. One +of the frenzied aspirations of the populace was, for imitations of +the questionable public virtues of antiquity, and for sacrifices and +self-immolations on the people's altar. Therefore when the President +said (else had his own head quivered on his shoulders), that the good +physician of the Republic would deserve better still of the Republic by +rooting out an obnoxious family of Aristocrats, and would doubtless feel +a sacred glow and joy in making his daughter a widow and her child an +orphan, there was wild excitement, patriotic fervour, not a touch of +human sympathy. + +"Much influence around him, has that Doctor?" murmured Madame Defarge, +smiling to The Vengeance. "Save him now, my Doctor, save him!" + +At every juryman's vote, there was a roar. Another and another. Roar and +roar. + +Unanimously voted. At heart and by descent an Aristocrat, an enemy +of the Republic, a notorious oppressor of the People. Back to the +Conciergerie, and Death within four-and-twenty hours! + + + + +CHAPTER XI. +Dusk + + +The wretched wife of the innocent man thus doomed to die, fell under +the sentence, as if she had been mortally stricken. But, she uttered no +sound; and so strong was the voice within her, representing that it was +she of all the world who must uphold him in his misery and not augment +it, that it quickly raised her, even from that shock. + +The Judges having to take part in a public demonstration out of doors, +the Tribunal adjourned. The quick noise and movement of the court's +emptying itself by many passages had not ceased, when Lucie stood +stretching out her arms towards her husband, with nothing in her face +but love and consolation. + +"If I might touch him! If I might embrace him once! O, good citizens, if +you would have so much compassion for us!" + +There was but a gaoler left, along with two of the four men who had +taken him last night, and Barsad. The people had all poured out to the +show in the streets. Barsad proposed to the rest, "Let her embrace +him then; it is but a moment." It was silently acquiesced in, and they +passed her over the seats in the hall to a raised place, where he, by +leaning over the dock, could fold her in his arms. + +"Farewell, dear darling of my soul. My parting blessing on my love. We +shall meet again, where the weary are at rest!" + +They were her husband's words, as he held her to his bosom. + +"I can bear it, dear Charles. I am supported from above: don't suffer +for me. A parting blessing for our child." + +"I send it to her by you. I kiss her by you. I say farewell to her by +you." + +"My husband. No! A moment!" He was tearing himself apart from her. +"We shall not be separated long. I feel that this will break my heart +by-and-bye; but I will do my duty while I can, and when I leave her, God +will raise up friends for her, as He did for me." + +Her father had followed her, and would have fallen on his knees to both +of them, but that Darnay put out a hand and seized him, crying: + +"No, no! What have you done, what have you done, that you should kneel +to us! We know now, what a struggle you made of old. We know, now what +you underwent when you suspected my descent, and when you knew it. We +know now, the natural antipathy you strove against, and conquered, for +her dear sake. We thank you with all our hearts, and all our love and +duty. Heaven be with you!" + +Her father's only answer was to draw his hands through his white hair, +and wring them with a shriek of anguish. + +"It could not be otherwise," said the prisoner. "All things have worked +together as they have fallen out. It was the always-vain endeavour to +discharge my poor mother's trust that first brought my fatal presence +near you. Good could never come of such evil, a happier end was not in +nature to so unhappy a beginning. Be comforted, and forgive me. Heaven +bless you!" + +As he was drawn away, his wife released him, and stood looking after him +with her hands touching one another in the attitude of prayer, and +with a radiant look upon her face, in which there was even a comforting +smile. As he went out at the prisoners' door, she turned, laid her head +lovingly on her father's breast, tried to speak to him, and fell at his +feet. + +Then, issuing from the obscure corner from which he had never moved, +Sydney Carton came and took her up. Only her father and Mr Lorry were +with her. His arm trembled as it raised her, and supported her head. +Yet, there was an air about him that was not all of pity--that had a +flush of pride in it. + +"Shall I take her to a coach? I shall never feel her weight." + +He carried her lightly to the door, and laid her tenderly down in a +coach. Her father and their old friend got into it, and he took his seat +beside the driver. + +When they arrived at the gateway where he had paused in the dark not +many hours before, to picture to himself on which of the rough stones of +the street her feet had trodden, he lifted her again, and carried her up +the staircase to their rooms. There, he laid her down on a couch, where +her child and Miss Pross wept over her. + +"Don't recall her to herself," he said, softly, to the latter, "she is +better so. Don't revive her to consciousness, while she only faints." + +"Oh, Carton, Carton, dear Carton!" cried little Lucie, springing up and +throwing her arms passionately round him, in a burst of grief. "Now that +you have come, I think you will do something to help mamma, something to +save papa! O, look at her, dear Carton! Can you, of all the people who +love her, bear to see her so?" + +He bent over the child, and laid her blooming cheek against his face. He +put her gently from him, and looked at her unconscious mother. + +"Before I go," he said, and paused--"I may kiss her?" + +It was remembered afterwards that when he bent down and touched her face +with his lips, he murmured some words. The child, who was nearest to +him, told them afterwards, and told her grandchildren when she was a +handsome old lady, that she heard him say, "A life you love." + +When he had gone out into the next room, he turned suddenly on Mr Lorry +and her father, who were following, and said to the latter: + +"You had great influence but yesterday, Doctor Manette; let it at least +be tried. These judges, and all the men in power, are very friendly to +you, and very recognisant of your services; are they not?" + +"Nothing connected with Charles was concealed from me. I had the +strongest assurances that I should save him; and I did." He returned the +answer in great trouble, and very slowly. + +"Try them again. The hours between this and to-morrow afternoon are few +and short, but try." + +"I intend to try. I will not rest a moment." + +"That's well. I have known such energy as yours do great things before +now--though never," he added, with a smile and a sigh together, "such +great things as this. But try! Of little worth as life is when we misuse +it, it is worth that effort. It would cost nothing to lay down if it +were not." + +"I will go," said Doctor Manette, "to the Prosecutor and the President +straight, and I will go to others whom it is better not to name. I will +write too, and--But stay! There is a Celebration in the streets, and no +one will be accessible until dark." + +"That's true. Well! It is a forlorn hope at the best, and not much the +forlorner for being delayed till dark. I should like to know how you +speed; though, mind! I expect nothing! When are you likely to have seen +these dread powers, Doctor Manette?" + +"Immediately after dark, I should hope. Within an hour or two from +this." + +"It will be dark soon after four. Let us stretch the hour or two. If I +go to Mr Lorry's at nine, shall I hear what you have done, either from +our friend or from yourself?" + +"Yes." + +"May you prosper!" + +Mr Lorry followed Sydney to the outer door, and, touching him on the +shoulder as he was going away, caused him to turn. + +"I have no hope," said Mr Lorry, in a low and sorrowful whisper. + +"Nor have I." + +"If any one of these men, or all of these men, were disposed to spare +him--which is a large supposition; for what is his life, or any man's +to them!--I doubt if they durst spare him after the demonstration in the +court." + +"And so do I. I heard the fall of the axe in that sound." + +Mr Lorry leaned his arm upon the door-post, and bowed his face upon it. + +"Don't despond," said Carton, very gently; "don't grieve. I encouraged +Doctor Manette in this idea, because I felt that it might one day be +consolatory to her. Otherwise, she might think 'his life was wantonly +thrown away or wasted,' and that might trouble her." + +"Yes, yes, yes," returned Mr Lorry, drying his eyes, "you are right. +But he will perish; there is no real hope." + +"Yes. He will perish: there is no real hope," echoed Carton. + +And walked with a settled step, down-stairs. + + + + +CHAPTER XII. +Darkness + + +Sydney Carton paused in the street, not quite decided where to go. "At +Tellson's banking-house at nine," he said, with a musing face. "Shall I +do well, in the mean time, to show myself? I think so. It is best that +these people should know there is such a man as I here; it is a sound +precaution, and may be a necessary preparation. But care, care, care! +Let me think it out!" + +Checking his steps which had begun to tend towards an object, he took a +turn or two in the already darkening street, and traced the thought +in his mind to its possible consequences. His first impression was +confirmed. "It is best," he said, finally resolved, "that these people +should know there is such a man as I here." And he turned his face +towards Saint Antoine. + +Defarge had described himself, that day, as the keeper of a wine-shop in +the Saint Antoine suburb. It was not difficult for one who knew the city +well, to find his house without asking any question. Having ascertained +its situation, Carton came out of those closer streets again, and dined +at a place of refreshment and fell sound asleep after dinner. For the +first time in many years, he had no strong drink. Since last night he +had taken nothing but a little light thin wine, and last night he had +dropped the brandy slowly down on Mr Lorry's hearth like a man who had +done with it. + +It was as late as seven o'clock when he awoke refreshed, and went out +into the streets again. As he passed along towards Saint Antoine, he +stopped at a shop-window where there was a mirror, and slightly altered +the disordered arrangement of his loose cravat, and his coat-collar, and +his wild hair. This done, he went on direct to Defarge's, and went in. + +There happened to be no customer in the shop but Jacques Three, of the +restless fingers and the croaking voice. This man, whom he had seen upon +the Jury, stood drinking at the little counter, in conversation with the +Defarges, man and wife. The Vengeance assisted in the conversation, like +a regular member of the establishment. + +As Carton walked in, took his seat and asked (in very indifferent +French) for a small measure of wine, Madame Defarge cast a careless +glance at him, and then a keener, and then a keener, and then advanced +to him herself, and asked him what it was he had ordered. + +He repeated what he had already said. + +"English?" asked Madame Defarge, inquisitively raising her dark +eyebrows. + +After looking at her, as if the sound of even a single French word were +slow to express itself to him, he answered, in his former strong foreign +accent. "Yes, madame, yes. I am English!" + +Madame Defarge returned to her counter to get the wine, and, as he +took up a Jacobin journal and feigned to pore over it puzzling out its +meaning, he heard her say, "I swear to you, like Evrémonde!" + +Defarge brought him the wine, and gave him Good Evening. + +"How?" + +"Good evening." + +"Oh! Good evening, citizen," filling his glass. "Ah! and good wine. I +drink to the Republic." + +Defarge went back to the counter, and said, "Certainly, a little like." + Madame sternly retorted, "I tell you a good deal like." Jacques Three +pacifically remarked, "He is so much in your mind, see you, madame." + The amiable Vengeance added, with a laugh, "Yes, my faith! And you +are looking forward with so much pleasure to seeing him once more +to-morrow!" + +Carton followed the lines and words of his paper, with a slow +forefinger, and with a studious and absorbed face. They were all leaning +their arms on the counter close together, speaking low. After a silence +of a few moments, during which they all looked towards him without +disturbing his outward attention from the Jacobin editor, they resumed +their conversation. + +"It is true what madame says," observed Jacques Three. "Why stop? There +is great force in that. Why stop?" + +"Well, well," reasoned Defarge, "but one must stop somewhere. After all, +the question is still where?" + +"At extermination," said madame. + +"Magnificent!" croaked Jacques Three. The Vengeance, also, highly +approved. + +"Extermination is good doctrine, my wife," said Defarge, rather +troubled; "in general, I say nothing against it. But this Doctor has +suffered much; you have seen him to-day; you have observed his face when +the paper was read." + +"I have observed his face!" repeated madame, contemptuously and angrily. +"Yes. I have observed his face. I have observed his face to be not the +face of a true friend of the Republic. Let him take care of his face!" + +"And you have observed, my wife," said Defarge, in a deprecatory manner, +"the anguish of his daughter, which must be a dreadful anguish to him!" + +"I have observed his daughter," repeated madame; "yes, I have observed +his daughter, more times than one. I have observed her to-day, and I +have observed her other days. I have observed her in the court, and +I have observed her in the street by the prison. Let me but lift my +finger--!" She seemed to raise it (the listener's eyes were always on +his paper), and to let it fall with a rattle on the ledge before her, as +if the axe had dropped. + +"The citizeness is superb!" croaked the Juryman. + +"She is an Angel!" said The Vengeance, and embraced her. + +"As to thee," pursued madame, implacably, addressing her husband, "if it +depended on thee--which, happily, it does not--thou wouldst rescue this +man even now." + +"No!" protested Defarge. "Not if to lift this glass would do it! But I +would leave the matter there. I say, stop there." + +"See you then, Jacques," said Madame Defarge, wrathfully; "and see you, +too, my little Vengeance; see you both! Listen! For other crimes as +tyrants and oppressors, I have this race a long time on my register, +doomed to destruction and extermination. Ask my husband, is that so." + +"It is so," assented Defarge, without being asked. + +"In the beginning of the great days, when the Bastille falls, he finds +this paper of to-day, and he brings it home, and in the middle of the +night when this place is clear and shut, we read it, here on this spot, +by the light of this lamp. Ask him, is that so." + +"It is so," assented Defarge. + +"That night, I tell him, when the paper is read through, and the lamp is +burnt out, and the day is gleaming in above those shutters and between +those iron bars, that I have now a secret to communicate. Ask him, is +that so." + +"It is so," assented Defarge again. + +"I communicate to him that secret. I smite this bosom with these two +hands as I smite it now, and I tell him, 'Defarge, I was brought up +among the fishermen of the sea-shore, and that peasant family so injured +by the two Evrémonde brothers, as that Bastille paper describes, is my +family. Defarge, that sister of the mortally wounded boy upon the ground +was my sister, that husband was my sister's husband, that unborn child +was their child, that brother was my brother, that father was my father, +those dead are my dead, and that summons to answer for those things +descends to me!' Ask him, is that so." + +"It is so," assented Defarge once more. + +"Then tell Wind and Fire where to stop," returned madame; "but don't +tell me." + +Both her hearers derived a horrible enjoyment from the deadly nature +of her wrath--the listener could feel how white she was, without seeing +her--and both highly commended it. Defarge, a weak minority, interposed +a few words for the memory of the compassionate wife of the Marquis; but +only elicited from his own wife a repetition of her last reply. "Tell +the Wind and the Fire where to stop; not me!" + +Customers entered, and the group was broken up. The English customer +paid for what he had had, perplexedly counted his change, and asked, as +a stranger, to be directed towards the National Palace. Madame Defarge +took him to the door, and put her arm on his, in pointing out the road. +The English customer was not without his reflections then, that it might +be a good deed to seize that arm, lift it, and strike under it sharp and +deep. + +But, he went his way, and was soon swallowed up in the shadow of the +prison wall. At the appointed hour, he emerged from it to present +himself in Mr Lorry's room again, where he found the old gentleman +walking to and fro in restless anxiety. He said he had been with Lucie +until just now, and had only left her for a few minutes, to come and +keep his appointment. Her father had not been seen, since he quitted the +banking-house towards four o'clock. She had some faint hopes that his +mediation might save Charles, but they were very slight. He had been +more than five hours gone: where could he be? + +Mr Lorry waited until ten; but, Doctor Manette not returning, and +he being unwilling to leave Lucie any longer, it was arranged that he +should go back to her, and come to the banking-house again at midnight. +In the meanwhile, Carton would wait alone by the fire for the Doctor. + +He waited and waited, and the clock struck twelve; but Doctor Manette +did not come back. Mr Lorry returned, and found no tidings of him, and +brought none. Where could he be? + +They were discussing this question, and were almost building up some +weak structure of hope on his prolonged absence, when they heard him on +the stairs. The instant he entered the room, it was plain that all was +lost. + +Whether he had really been to any one, or whether he had been all that +time traversing the streets, was never known. As he stood staring at +them, they asked him no question, for his face told them everything. + +"I cannot find it," said he, "and I must have it. Where is it?" + +His head and throat were bare, and, as he spoke with a helpless look +straying all around, he took his coat off, and let it drop on the floor. + +"Where is my bench? I have been looking everywhere for my bench, and I +can't find it. What have they done with my work? Time presses: I must +finish those shoes." + +They looked at one another, and their hearts died within them. + +"Come, come!" said he, in a whimpering miserable way; "let me get to +work. Give me my work." + +Receiving no answer, he tore his hair, and beat his feet upon the +ground, like a distracted child. + +"Don't torture a poor forlorn wretch," he implored them, with a dreadful +cry; "but give me my work! What is to become of us, if those shoes are +not done to-night?" + +Lost, utterly lost! + +It was so clearly beyond hope to reason with him, or try to restore him, +that--as if by agreement--they each put a hand upon his shoulder, and +soothed him to sit down before the fire, with a promise that he should +have his work presently. He sank into the chair, and brooded over the +embers, and shed tears. As if all that had happened since the garret +time were a momentary fancy, or a dream, Mr Lorry saw him shrink into +the exact figure that Defarge had had in keeping. + +Affected, and impressed with terror as they both were, by this spectacle +of ruin, it was not a time to yield to such emotions. His lonely +daughter, bereft of her final hope and reliance, appealed to them both +too strongly. Again, as if by agreement, they looked at one another with +one meaning in their faces. Carton was the first to speak: + +"The last chance is gone: it was not much. Yes; he had better be taken +to her. But, before you go, will you, for a moment, steadily attend to +me? Don't ask me why I make the stipulations I am going to make, and +exact the promise I am going to exact; I have a reason--a good one." + +"I do not doubt it," answered Mr Lorry. "Say on." + +The figure in the chair between them, was all the time monotonously +rocking itself to and fro, and moaning. They spoke in such a tone as +they would have used if they had been watching by a sick-bed in the +night. + +Carton stooped to pick up the coat, which lay almost entangling his +feet. As he did so, a small case in which the Doctor was accustomed to +carry the lists of his day's duties, fell lightly on the floor. Carton +took it up, and there was a folded paper in it. "We should look +at this!" he said. Mr Lorry nodded his consent. He opened it, and +exclaimed, "Thank _God!_" + +"What is it?" asked Mr Lorry, eagerly. + +"A moment! Let me speak of it in its place. First," he put his hand in +his coat, and took another paper from it, "that is the certificate which +enables me to pass out of this city. Look at it. You see--Sydney Carton, +an Englishman?" + +Mr Lorry held it open in his hand, gazing in his earnest face. + +"Keep it for me until to-morrow. I shall see him to-morrow, you +remember, and I had better not take it into the prison." + +"Why not?" + +"I don't know; I prefer not to do so. Now, take this paper that Doctor +Manette has carried about him. It is a similar certificate, enabling him +and his daughter and her child, at any time, to pass the barrier and the +frontier! You see?" + +"Yes!" + +"Perhaps he obtained it as his last and utmost precaution against evil, +yesterday. When is it dated? But no matter; don't stay to look; put it +up carefully with mine and your own. Now, observe! I never doubted until +within this hour or two, that he had, or could have such a paper. It is +good, until recalled. But it may be soon recalled, and, I have reason to +think, will be." + +"They are not in danger?" + +"They are in great danger. They are in danger of denunciation by Madame +Defarge. I know it from her own lips. I have overheard words of that +woman's, to-night, which have presented their danger to me in strong +colours. I have lost no time, and since then, I have seen the spy. He +confirms me. He knows that a wood-sawyer, living by the prison wall, +is under the control of the Defarges, and has been rehearsed by +Madame Defarge as to his having seen Her"--he never mentioned Lucie's +name--"making signs and signals to prisoners. It is easy to foresee that +the pretence will be the common one, a prison plot, and that it will +involve her life--and perhaps her child's--and perhaps her father's--for +both have been seen with her at that place. Don't look so horrified. You +will save them all." + +"Heaven grant I may, Carton! But how?" + +"I am going to tell you how. It will depend on you, and it could depend +on no better man. This new denunciation will certainly not take place +until after to-morrow; probably not until two or three days afterwards; +more probably a week afterwards. You know it is a capital crime, to +mourn for, or sympathise with, a victim of the Guillotine. She and her +father would unquestionably be guilty of this crime, and this woman (the +inveteracy of whose pursuit cannot be described) would wait to add that +strength to her case, and make herself doubly sure. You follow me?" + +"So attentively, and with so much confidence in what you say, that for +the moment I lose sight," touching the back of the Doctor's chair, "even +of this distress." + +"You have money, and can buy the means of travelling to the seacoast +as quickly as the journey can be made. Your preparations have been +completed for some days, to return to England. Early to-morrow have your +horses ready, so that they may be in starting trim at two o'clock in the +afternoon." + +"It shall be done!" + +His manner was so fervent and inspiring, that Mr Lorry caught the +flame, and was as quick as youth. + +"You are a noble heart. Did I say we could depend upon no better man? +Tell her, to-night, what you know of her danger as involving her child +and her father. Dwell upon that, for she would lay her own fair head +beside her husband's cheerfully." He faltered for an instant; then went +on as before. "For the sake of her child and her father, press upon her +the necessity of leaving Paris, with them and you, at that hour. Tell +her that it was her husband's last arrangement. Tell her that more +depends upon it than she dare believe, or hope. You think that her +father, even in this sad state, will submit himself to her; do you not?" + +"I am sure of it." + +"I thought so. Quietly and steadily have all these arrangements made in +the courtyard here, even to the taking of your own seat in the carriage. +The moment I come to you, take me in, and drive away." + +"I understand that I wait for you under all circumstances?" + +"You have my certificate in your hand with the rest, you know, and will +reserve my place. Wait for nothing but to have my place occupied, and +then for England!" + +"Why, then," said Mr Lorry, grasping his eager but so firm and steady +hand, "it does not all depend on one old man, but I shall have a young +and ardent man at my side." + +"By the help of Heaven you shall! Promise me solemnly that nothing will +influence you to alter the course on which we now stand pledged to one +another." + +"Nothing, Carton." + +"Remember these words to-morrow: change the course, or delay in it--for +any reason--and no life can possibly be saved, and many lives must +inevitably be sacrificed." + +"I will remember them. I hope to do my part faithfully." + +"And I hope to do mine. Now, good bye!" + +Though he said it with a grave smile of earnestness, and though he even +put the old man's hand to his lips, he did not part from him then. He +helped him so far to arouse the rocking figure before the dying embers, +as to get a cloak and hat put upon it, and to tempt it forth to find +where the bench and work were hidden that it still moaningly besought +to have. He walked on the other side of it and protected it to the +courtyard of the house where the afflicted heart--so happy in +the memorable time when he had revealed his own desolate heart to +it--outwatched the awful night. He entered the courtyard and remained +there for a few moments alone, looking up at the light in the window of +her room. Before he went away, he breathed a blessing towards it, and a +Farewell. + + + + +CHAPTER XIII. +Fifty-two + + +In the black prison of the Conciergerie, the doomed of the day awaited +their fate. They were in number as the weeks of the year. Fifty-two were +to roll that afternoon on the life-tide of the city to the boundless +everlasting sea. Before their cells were quit of them, new occupants +were appointed; before their blood ran into the blood spilled yesterday, +the blood that was to mingle with theirs to-morrow was already set +apart. + +Two score and twelve were told off. From the farmer-general of seventy, +whose riches could not buy his life, to the seamstress of twenty, whose +poverty and obscurity could not save her. Physical diseases, engendered +in the vices and neglects of men, will seize on victims of all degrees; +and the frightful moral disorder, born of unspeakable suffering, +intolerable oppression, and heartless indifference, smote equally +without distinction. + +Charles Darnay, alone in a cell, had sustained himself with no +flattering delusion since he came to it from the Tribunal. In every line +of the narrative he had heard, he had heard his condemnation. He had +fully comprehended that no personal influence could possibly save him, +that he was virtually sentenced by the millions, and that units could +avail him nothing. + +Nevertheless, it was not easy, with the face of his beloved wife fresh +before him, to compose his mind to what it must bear. His hold on life +was strong, and it was very, very hard, to loosen; by gradual efforts +and degrees unclosed a little here, it clenched the tighter there; and +when he brought his strength to bear on that hand and it yielded, +this was closed again. There was a hurry, too, in all his thoughts, +a turbulent and heated working of his heart, that contended against +resignation. If, for a moment, he did feel resigned, then his wife and +child who had to live after him, seemed to protest and to make it a +selfish thing. + +But, all this was at first. Before long, the consideration that there +was no disgrace in the fate he must meet, and that numbers went the same +road wrongfully, and trod it firmly every day, sprang up to stimulate +him. Next followed the thought that much of the future peace of mind +enjoyable by the dear ones, depended on his quiet fortitude. So, +by degrees he calmed into the better state, when he could raise his +thoughts much higher, and draw comfort down. + +Before it had set in dark on the night of his condemnation, he had +travelled thus far on his last way. Being allowed to purchase the means +of writing, and a light, he sat down to write until such time as the +prison lamps should be extinguished. + +He wrote a long letter to Lucie, showing her that he had known nothing +of her father's imprisonment, until he had heard of it from herself, +and that he had been as ignorant as she of his father's and uncle's +responsibility for that misery, until the paper had been read. He had +already explained to her that his concealment from herself of the name +he had relinquished, was the one condition--fully intelligible now--that +her father had attached to their betrothal, and was the one promise he +had still exacted on the morning of their marriage. He entreated her, +for her father's sake, never to seek to know whether her father had +become oblivious of the existence of the paper, or had had it recalled +to him (for the moment, or for good), by the story of the Tower, on +that old Sunday under the dear old plane-tree in the garden. If he had +preserved any definite remembrance of it, there could be no doubt that +he had supposed it destroyed with the Bastille, when he had found no +mention of it among the relics of prisoners which the populace had +discovered there, and which had been described to all the world. He +besought her--though he added that he knew it was needless--to console +her father, by impressing him through every tender means she could think +of, with the truth that he had done nothing for which he could justly +reproach himself, but had uniformly forgotten himself for their joint +sakes. Next to her preservation of his own last grateful love and +blessing, and her overcoming of her sorrow, to devote herself to their +dear child, he adjured her, as they would meet in Heaven, to comfort her +father. + +To her father himself, he wrote in the same strain; but, he told her +father that he expressly confided his wife and child to his care. And +he told him this, very strongly, with the hope of rousing him from any +despondency or dangerous retrospect towards which he foresaw he might be +tending. + +To Mr Lorry, he commended them all, and explained his worldly affairs. +That done, with many added sentences of grateful friendship and warm +attachment, all was done. He never thought of Carton. His mind was so +full of the others, that he never once thought of him. + +He had time to finish these letters before the lights were put out. When +he lay down on his straw bed, he thought he had done with this world. + +But, it beckoned him back in his sleep, and showed itself in shining +forms. Free and happy, back in the old house in Soho (though it had +nothing in it like the real house), unaccountably released and light of +heart, he was with Lucie again, and she told him it was all a dream, and +he had never gone away. A pause of forgetfulness, and then he had even +suffered, and had come back to her, dead and at peace, and yet there +was no difference in him. Another pause of oblivion, and he awoke in the +sombre morning, unconscious where he was or what had happened, until it +flashed upon his mind, "this is the day of my death!" + +Thus, had he come through the hours, to the day when the fifty-two heads +were to fall. And now, while he was composed, and hoped that he could +meet the end with quiet heroism, a new action began in his waking +thoughts, which was very difficult to master. + +He had never seen the instrument that was to terminate his life. How +high it was from the ground, how many steps it had, where he would be +stood, how he would be touched, whether the touching hands would be dyed +red, which way his face would be turned, whether he would be the first, +or might be the last: these and many similar questions, in nowise +directed by his will, obtruded themselves over and over again, countless +times. Neither were they connected with fear: he was conscious of no +fear. Rather, they originated in a strange besetting desire to know what +to do when the time came; a desire gigantically disproportionate to the +few swift moments to which it referred; a wondering that was more like +the wondering of some other spirit within his, than his own. + +The hours went on as he walked to and fro, and the clocks struck the +numbers he would never hear again. Nine gone for ever, ten gone for +ever, eleven gone for ever, twelve coming on to pass away. After a hard +contest with that eccentric action of thought which had last perplexed +him, he had got the better of it. He walked up and down, softly +repeating their names to himself. The worst of the strife was over. +He could walk up and down, free from distracting fancies, praying for +himself and for them. + +Twelve gone for ever. + +He had been apprised that the final hour was Three, and he knew he would +be summoned some time earlier, inasmuch as the tumbrils jolted heavily +and slowly through the streets. Therefore, he resolved to keep Two +before his mind, as the hour, and so to strengthen himself in the +interval that he might be able, after that time, to strengthen others. + +Walking regularly to and fro with his arms folded on his breast, a very +different man from the prisoner, who had walked to and fro at La Force, +he heard One struck away from him, without surprise. The hour had +measured like most other hours. Devoutly thankful to Heaven for his +recovered self-possession, he thought, "There is but another now," and +turned to walk again. + +Footsteps in the stone passage outside the door. He stopped. + +The key was put in the lock, and turned. Before the door was opened, or +as it opened, a man said in a low voice, in English: "He has never seen +me here; I have kept out of his way. Go you in alone; I wait near. Lose +no time!" + +The door was quickly opened and closed, and there stood before him +face to face, quiet, intent upon him, with the light of a smile on his +features, and a cautionary finger on his lip, Sydney Carton. + +There was something so bright and remarkable in his look, that, for the +first moment, the prisoner misdoubted him to be an apparition of his own +imagining. But, he spoke, and it was his voice; he took the prisoner's +hand, and it was his real grasp. + +"Of all the people upon earth, you least expected to see me?" he said. + +"I could not believe it to be you. I can scarcely believe it now. You +are not"--the apprehension came suddenly into his mind--"a prisoner?" + +"No. I am accidentally possessed of a power over one of the keepers +here, and in virtue of it I stand before you. I come from her--your +wife, dear Darnay." + +The prisoner wrung his hand. + +"I bring you a request from her." + +"What is it?" + +"A most earnest, pressing, and emphatic entreaty, addressed to you +in the most pathetic tones of the voice so dear to you, that you well +remember." + +The prisoner turned his face partly aside. + +"You have no time to ask me why I bring it, or what it means; I have +no time to tell you. You must comply with it--take off those boots you +wear, and draw on these of mine." + +There was a chair against the wall of the cell, behind the prisoner. +Carton, pressing forward, had already, with the speed of lightning, got +him down into it, and stood over him, barefoot. + +"Draw on these boots of mine. Put your hands to them; put your will to +them. Quick!" + +"Carton, there is no escaping from this place; it never can be done. You +will only die with me. It is madness." + +"It would be madness if I asked you to escape; but do I? When I ask you +to pass out at that door, tell me it is madness and remain here. Change +that cravat for this of mine, that coat for this of mine. While you do +it, let me take this ribbon from your hair, and shake out your hair like +this of mine!" + +With wonderful quickness, and with a strength both of will and action, +that appeared quite supernatural, he forced all these changes upon him. +The prisoner was like a young child in his hands. + +"Carton! Dear Carton! It is madness. It cannot be accomplished, it never +can be done, it has been attempted, and has always failed. I implore you +not to add your death to the bitterness of mine." + +"Do I ask you, my dear Darnay, to pass the door? When I ask that, +refuse. There are pen and ink and paper on this table. Is your hand +steady enough to write?" + +"It was when you came in." + +"Steady it again, and write what I shall dictate. Quick, friend, quick!" + +Pressing his hand to his bewildered head, Darnay sat down at the table. +Carton, with his right hand in his breast, stood close beside him. + +"Write exactly as I speak." + +"To whom do I address it?" + +"To no one." Carton still had his hand in his breast. + +"Do I date it?" + +"No." + +The prisoner looked up, at each question. Carton, standing over him with +his hand in his breast, looked down. + +"'If you remember,'" said Carton, dictating, "'the words that passed +between us, long ago, you will readily comprehend this when you see it. +You do remember them, I know. It is not in your nature to forget them.'" + +He was drawing his hand from his breast; the prisoner chancing to look +up in his hurried wonder as he wrote, the hand stopped, closing upon +something. + +"Have you written 'forget them'?" Carton asked. + +"I have. Is that a weapon in your hand?" + +"No; I am not armed." + +"What is it in your hand?" + +"You shall know directly. Write on; there are but a few words more." He +dictated again. "'I am thankful that the time has come, when I can prove +them. That I do so is no subject for regret or grief.'" As he said these +words with his eyes fixed on the writer, his hand slowly and softly +moved down close to the writer's face. + +The pen dropped from Darnay's fingers on the table, and he looked about +him vacantly. + +"What vapour is that?" he asked. + +"Vapour?" + +"Something that crossed me?" + +"I am conscious of nothing; there can be nothing here. Take up the pen +and finish. Hurry, hurry!" + +As if his memory were impaired, or his faculties disordered, the +prisoner made an effort to rally his attention. As he looked at Carton +with clouded eyes and with an altered manner of breathing, Carton--his +hand again in his breast--looked steadily at him. + +"Hurry, hurry!" + +The prisoner bent over the paper, once more. + +"'If it had been otherwise;'" Carton's hand was again watchfully and +softly stealing down; "'I never should have used the longer opportunity. +If it had been otherwise;'" the hand was at the prisoner's face; "'I +should but have had so much the more to answer for. If it had been +otherwise--'" Carton looked at the pen and saw it was trailing off into +unintelligible signs. + +Carton's hand moved back to his breast no more. The prisoner sprang up +with a reproachful look, but Carton's hand was close and firm at his +nostrils, and Carton's left arm caught him round the waist. For a few +seconds he faintly struggled with the man who had come to lay down his +life for him; but, within a minute or so, he was stretched insensible on +the ground. + +Quickly, but with hands as true to the purpose as his heart was, Carton +dressed himself in the clothes the prisoner had laid aside, combed back +his hair, and tied it with the ribbon the prisoner had worn. Then, he +softly called, "Enter there! Come in!" and the Spy presented himself. + +"You see?" said Carton, looking up, as he kneeled on one knee beside the +insensible figure, putting the paper in the breast: "is your hazard very +great?" + +"Mr Carton," the Spy answered, with a timid snap of his fingers, "my +hazard is not _that_, in the thick of business here, if you are true to +the whole of your bargain." + +"Don't fear me. I will be true to the death." + +"You must be, Mr Carton, if the tale of fifty-two is to be right. Being +made right by you in that dress, I shall have no fear." + +"Have no fear! I shall soon be out of the way of harming you, and the +rest will soon be far from here, please God! Now, get assistance and +take me to the coach." + +"You?" said the Spy nervously. + +"Him, man, with whom I have exchanged. You go out at the gate by which +you brought me in?" + +"Of course." + +"I was weak and faint when you brought me in, and I am fainter now you +take me out. The parting interview has overpowered me. Such a thing has +happened here, often, and too often. Your life is in your own hands. +Quick! Call assistance!" + +"You swear not to betray me?" said the trembling Spy, as he paused for a +last moment. + +"Man, man!" returned Carton, stamping his foot; "have I sworn by no +solemn vow already, to go through with this, that you waste the precious +moments now? Take him yourself to the courtyard you know of, place +him yourself in the carriage, show him yourself to Mr Lorry, tell him +yourself to give him no restorative but air, and to remember my words of +last night, and his promise of last night, and drive away!" + +The Spy withdrew, and Carton seated himself at the table, resting his +forehead on his hands. The Spy returned immediately, with two men. + +"How, then?" said one of them, contemplating the fallen figure. "So +afflicted to find that his friend has drawn a prize in the lottery of +Sainte Guillotine?" + +"A good patriot," said the other, "could hardly have been more afflicted +if the Aristocrat had drawn a blank." + +They raised the unconscious figure, placed it on a litter they had +brought to the door, and bent to carry it away. + +"The time is short, Evrémonde," said the Spy, in a warning voice. + +"I know it well," answered Carton. "Be careful of my friend, I entreat +you, and leave me." + +"Come, then, my children," said Barsad. "Lift him, and come away!" + +The door closed, and Carton was left alone. Straining his powers of +listening to the utmost, he listened for any sound that might denote +suspicion or alarm. There was none. Keys turned, doors clashed, +footsteps passed along distant passages: no cry was raised, or hurry +made, that seemed unusual. Breathing more freely in a little while, he +sat down at the table, and listened again until the clock struck Two. + +Sounds that he was not afraid of, for he divined their meaning, then +began to be audible. Several doors were opened in succession, and +finally his own. A gaoler, with a list in his hand, looked in, merely +saying, "Follow me, Evrémonde!" and he followed into a large dark room, +at a distance. It was a dark winter day, and what with the shadows +within, and what with the shadows without, he could but dimly discern +the others who were brought there to have their arms bound. Some were +standing; some seated. Some were lamenting, and in restless motion; +but, these were few. The great majority were silent and still, looking +fixedly at the ground. + +As he stood by the wall in a dim corner, while some of the fifty-two +were brought in after him, one man stopped in passing, to embrace him, +as having a knowledge of him. It thrilled him with a great dread of +discovery; but the man went on. A very few moments after that, a young +woman, with a slight girlish form, a sweet spare face in which there was +no vestige of colour, and large widely opened patient eyes, rose from +the seat where he had observed her sitting, and came to speak to him. + +"Citizen Evrémonde," she said, touching him with her cold hand. "I am a +poor little seamstress, who was with you in La Force." + +He murmured for answer: "True. I forget what you were accused of?" + +"Plots. Though the just Heaven knows that I am innocent of any. Is it +likely? Who would think of plotting with a poor little weak creature +like me?" + +The forlorn smile with which she said it, so touched him, that tears +started from his eyes. + +"I am not afraid to die, Citizen Evrémonde, but I have done nothing. I +am not unwilling to die, if the Republic which is to do so much good +to us poor, will profit by my death; but I do not know how that can be, +Citizen Evrémonde. Such a poor weak little creature!" + +As the last thing on earth that his heart was to warm and soften to, it +warmed and softened to this pitiable girl. + +"I heard you were released, Citizen Evrémonde. I hoped it was true?" + +"It was. But, I was again taken and condemned." + +"If I may ride with you, Citizen Evrémonde, will you let me hold your +hand? I am not afraid, but I am little and weak, and it will give me +more courage." + +As the patient eyes were lifted to his face, he saw a sudden doubt in +them, and then astonishment. He pressed the work-worn, hunger-worn young +fingers, and touched his lips. + +"Are you dying for him?" she whispered. + +"And his wife and child. Hush! Yes." + +"O you will let me hold your brave hand, stranger?" + +"Hush! Yes, my poor sister; to the last." + + ***** + +The same shadows that are falling on the prison, are falling, in that +same hour of the early afternoon, on the Barrier with the crowd about +it, when a coach going out of Paris drives up to be examined. + +"Who goes here? Whom have we within? Papers!" + +The papers are handed out, and read. + +"Alexandre Manette. Physician. French. Which is he?" + +This is he; this helpless, inarticulately murmuring, wandering old man +pointed out. + +"Apparently the Citizen-Doctor is not in his right mind? The +Revolution-fever will have been too much for him?" + +Greatly too much for him. + +"Hah! Many suffer with it. Lucie. His daughter. French. Which is she?" + +This is she. + +"Apparently it must be. Lucie, the wife of Evrémonde; is it not?" + +It is. + +"Hah! Evrémonde has an assignation elsewhere. Lucie, her child. English. +This is she?" + +She and no other. + +"Kiss me, child of Evrémonde. Now, thou hast kissed a good Republican; +something new in thy family; remember it! Sydney Carton. Advocate. +English. Which is he?" + +He lies here, in this corner of the carriage. He, too, is pointed out. + +"Apparently the English advocate is in a swoon?" + +It is hoped he will recover in the fresher air. It is represented that +he is not in strong health, and has separated sadly from a friend who is +under the displeasure of the Republic. + +"Is that all? It is not a great deal, that! Many are under the +displeasure of the Republic, and must look out at the little window. +Jarvis Lorry. Banker. English. Which is he?" + +"I am he. Necessarily, being the last." + +It is Jarvis Lorry who has replied to all the previous questions. It +is Jarvis Lorry who has alighted and stands with his hand on the coach +door, replying to a group of officials. They leisurely walk round the +carriage and leisurely mount the box, to look at what little luggage it +carries on the roof; the country-people hanging about, press nearer to +the coach doors and greedily stare in; a little child, carried by its +mother, has its short arm held out for it, that it may touch the wife of +an aristocrat who has gone to the Guillotine. + +"Behold your papers, Jarvis Lorry, countersigned." + +"One can depart, citizen?" + +"One can depart. Forward, my postilions! A good journey!" + +"I salute you, citizens.--And the first danger passed!" + +These are again the words of Jarvis Lorry, as he clasps his hands, and +looks upward. There is terror in the carriage, there is weeping, there +is the heavy breathing of the insensible traveller. + +"Are we not going too slowly? Can they not be induced to go faster?" + asks Lucie, clinging to the old man. + +"It would seem like flight, my darling. I must not urge them too much; +it would rouse suspicion." + +"Look back, look back, and see if we are pursued!" + +"The road is clear, my dearest. So far, we are not pursued." + +Houses in twos and threes pass by us, solitary farms, ruinous buildings, +dye-works, tanneries, and the like, open country, avenues of leafless +trees. The hard uneven pavement is under us, the soft deep mud is on +either side. Sometimes, we strike into the skirting mud, to avoid the +stones that clatter us and shake us; sometimes, we stick in ruts and +sloughs there. The agony of our impatience is then so great, that in our +wild alarm and hurry we are for getting out and running--hiding--doing +anything but stopping. + +Out of the open country, in again among ruinous buildings, solitary +farms, dye-works, tanneries, and the like, cottages in twos and threes, +avenues of leafless trees. Have these men deceived us, and taken us back +by another road? Is not this the same place twice over? Thank Heaven, +no. A village. Look back, look back, and see if we are pursued! Hush! +the posting-house. + +Leisurely, our four horses are taken out; leisurely, the coach stands in +the little street, bereft of horses, and with no likelihood upon it +of ever moving again; leisurely, the new horses come into visible +existence, one by one; leisurely, the new postilions follow, sucking and +plaiting the lashes of their whips; leisurely, the old postilions count +their money, make wrong additions, and arrive at dissatisfied results. +All the time, our overfraught hearts are beating at a rate that would +far outstrip the fastest gallop of the fastest horses ever foaled. + +At length the new postilions are in their saddles, and the old are left +behind. We are through the village, up the hill, and down the hill, and +on the low watery grounds. Suddenly, the postilions exchange speech with +animated gesticulation, and the horses are pulled up, almost on their +haunches. We are pursued? + +"Ho! Within the carriage there. Speak then!" + +"What is it?" asks Mr Lorry, looking out at window. + +"How many did they say?" + +"I do not understand you." + +"--At the last post. How many to the Guillotine to-day?" + +"Fifty-two." + +"I said so! A brave number! My fellow-citizen here would have it +forty-two; ten more heads are worth having. The Guillotine goes +handsomely. I love it. Hi forward. Whoop!" + +The night comes on dark. He moves more; he is beginning to revive, and +to speak intelligibly; he thinks they are still together; he asks him, +by his name, what he has in his hand. O pity us, kind Heaven, and help +us! Look out, look out, and see if we are pursued. + +The wind is rushing after us, and the clouds are flying after us, and +the moon is plunging after us, and the whole wild night is in pursuit of +us; but, so far, we are pursued by nothing else. + + + + +CHAPTER XIV. +The Knitting Done + + +In that same juncture of time when the Fifty-Two awaited their fate +Madame Defarge held darkly ominous council with The Vengeance and +Jacques Three of the Revolutionary Jury. Not in the wine-shop did Madame +Defarge confer with these ministers, but in the shed of the wood-sawyer, +erst a mender of roads. The sawyer himself did not participate in the +conference, but abided at a little distance, like an outer satellite who +was not to speak until required, or to offer an opinion until invited. + +"But our Defarge," said Jacques Three, "is undoubtedly a good +Republican? Eh?" + +"There is no better," the voluble Vengeance protested in her shrill +notes, "in France." + +"Peace, little Vengeance," said Madame Defarge, laying her hand with +a slight frown on her lieutenant's lips, "hear me speak. My husband, +fellow-citizen, is a good Republican and a bold man; he has deserved +well of the Republic, and possesses its confidence. But my husband has +his weaknesses, and he is so weak as to relent towards this Doctor." + +"It is a great pity," croaked Jacques Three, dubiously shaking his head, +with his cruel fingers at his hungry mouth; "it is not quite like a good +citizen; it is a thing to regret." + +"See you," said madame, "I care nothing for this Doctor, I. He may wear +his head or lose it, for any interest I have in him; it is all one to +me. But, the Evrémonde people are to be exterminated, and the wife and +child must follow the husband and father." + +"She has a fine head for it," croaked Jacques Three. "I have seen blue +eyes and golden hair there, and they looked charming when Samson held +them up." Ogre that he was, he spoke like an epicure. + +Madame Defarge cast down her eyes, and reflected a little. + +"The child also," observed Jacques Three, with a meditative enjoyment +of his words, "has golden hair and blue eyes. And we seldom have a child +there. It is a pretty sight!" + +"In a word," said Madame Defarge, coming out of her short abstraction, +"I cannot trust my husband in this matter. Not only do I feel, since +last night, that I dare not confide to him the details of my projects; +but also I feel that if I delay, there is danger of his giving warning, +and then they might escape." + +"That must never be," croaked Jacques Three; "no one must escape. We +have not half enough as it is. We ought to have six score a day." + +"In a word," Madame Defarge went on, "my husband has not my reason for +pursuing this family to annihilation, and I have not his reason for +regarding this Doctor with any sensibility. I must act for myself, +therefore. Come hither, little citizen." + +The wood-sawyer, who held her in the respect, and himself in the +submission, of mortal fear, advanced with his hand to his red cap. + +"Touching those signals, little citizen," said Madame Defarge, sternly, +"that she made to the prisoners; you are ready to bear witness to them +this very day?" + +"Ay, ay, why not!" cried the sawyer. "Every day, in all weathers, from +two to four, always signalling, sometimes with the little one, sometimes +without. I know what I know. I have seen with my eyes." + +He made all manner of gestures while he spoke, as if in incidental +imitation of some few of the great diversity of signals that he had +never seen. + +"Clearly plots," said Jacques Three. "Transparently!" + +"There is no doubt of the Jury?" inquired Madame Defarge, letting her +eyes turn to him with a gloomy smile. + +"Rely upon the patriotic Jury, dear citizeness. I answer for my +fellow-Jurymen." + +"Now, let me see," said Madame Defarge, pondering again. "Yet once more! +Can I spare this Doctor to my husband? I have no feeling either way. Can +I spare him?" + +"He would count as one head," observed Jacques Three, in a low voice. +"We really have not heads enough; it would be a pity, I think." + +"He was signalling with her when I saw her," argued Madame Defarge; "I +cannot speak of one without the other; and I must not be silent, and +trust the case wholly to him, this little citizen here. For, I am not a +bad witness." + +The Vengeance and Jacques Three vied with each other in their fervent +protestations that she was the most admirable and marvellous of +witnesses. The little citizen, not to be outdone, declared her to be a +celestial witness. + +"He must take his chance," said Madame Defarge. "No, I cannot spare +him! You are engaged at three o'clock; you are going to see the batch of +to-day executed.--You?" + +The question was addressed to the wood-sawyer, who hurriedly replied in +the affirmative: seizing the occasion to add that he was the most ardent +of Republicans, and that he would be in effect the most desolate of +Republicans, if anything prevented him from enjoying the pleasure of +smoking his afternoon pipe in the contemplation of the droll national +barber. He was so very demonstrative herein, that he might have been +suspected (perhaps was, by the dark eyes that looked contemptuously at +him out of Madame Defarge's head) of having his small individual fears +for his own personal safety, every hour in the day. + +"I," said madame, "am equally engaged at the same place. After it is +over--say at eight to-night--come you to me, in Saint Antoine, and we +will give information against these people at my Section." + +The wood-sawyer said he would be proud and flattered to attend the +citizeness. The citizeness looking at him, he became embarrassed, evaded +her glance as a small dog would have done, retreated among his wood, and +hid his confusion over the handle of his saw. + +Madame Defarge beckoned the Juryman and The Vengeance a little nearer to +the door, and there expounded her further views to them thus: + +"She will now be at home, awaiting the moment of his death. She will +be mourning and grieving. She will be in a state of mind to impeach the +justice of the Republic. She will be full of sympathy with its enemies. +I will go to her." + +"What an admirable woman; what an adorable woman!" exclaimed Jacques +Three, rapturously. "Ah, my cherished!" cried The Vengeance; and +embraced her. + +"Take you my knitting," said Madame Defarge, placing it in her +lieutenant's hands, "and have it ready for me in my usual seat. Keep +me my usual chair. Go you there, straight, for there will probably be a +greater concourse than usual, to-day." + +"I willingly obey the orders of my Chief," said The Vengeance with +alacrity, and kissing her cheek. "You will not be late?" + +"I shall be there before the commencement." + +"And before the tumbrils arrive. Be sure you are there, my soul," said +The Vengeance, calling after her, for she had already turned into the +street, "before the tumbrils arrive!" + +Madame Defarge slightly waved her hand, to imply that she heard, and +might be relied upon to arrive in good time, and so went through the +mud, and round the corner of the prison wall. The Vengeance and the +Juryman, looking after her as she walked away, were highly appreciative +of her fine figure, and her superb moral endowments. + +There were many women at that time, upon whom the time laid a dreadfully +disfiguring hand; but, there was not one among them more to be dreaded +than this ruthless woman, now taking her way along the streets. Of a +strong and fearless character, of shrewd sense and readiness, of great +determination, of that kind of beauty which not only seems to impart +to its possessor firmness and animosity, but to strike into others an +instinctive recognition of those qualities; the troubled time would have +heaved her up, under any circumstances. But, imbued from her childhood +with a brooding sense of wrong, and an inveterate hatred of a class, +opportunity had developed her into a tigress. She was absolutely without +pity. If she had ever had the virtue in her, it had quite gone out of +her. + +It was nothing to her, that an innocent man was to die for the sins of +his forefathers; she saw, not him, but them. It was nothing to her, that +his wife was to be made a widow and his daughter an orphan; that was +insufficient punishment, because they were her natural enemies and +her prey, and as such had no right to live. To appeal to her, was made +hopeless by her having no sense of pity, even for herself. If she had +been laid low in the streets, in any of the many encounters in which +she had been engaged, she would not have pitied herself; nor, if she had +been ordered to the axe to-morrow, would she have gone to it with any +softer feeling than a fierce desire to change places with the man who +sent her there. + +Such a heart Madame Defarge carried under her rough robe. Carelessly +worn, it was a becoming robe enough, in a certain weird way, and her +dark hair looked rich under her coarse red cap. Lying hidden in her +bosom, was a loaded pistol. Lying hidden at her waist, was a sharpened +dagger. Thus accoutred, and walking with the confident tread of such +a character, and with the supple freedom of a woman who had habitually +walked in her girlhood, bare-foot and bare-legged, on the brown +sea-sand, Madame Defarge took her way along the streets. + +Now, when the journey of the travelling coach, at that very moment +waiting for the completion of its load, had been planned out last night, +the difficulty of taking Miss Pross in it had much engaged Mr Lorry's +attention. It was not merely desirable to avoid overloading the coach, +but it was of the highest importance that the time occupied in examining +it and its passengers, should be reduced to the utmost; since their +escape might depend on the saving of only a few seconds here and there. +Finally, he had proposed, after anxious consideration, that Miss Pross +and Jerry, who were at liberty to leave the city, should leave it at +three o'clock in the lightest-wheeled conveyance known to that period. +Unencumbered with luggage, they would soon overtake the coach, and, +passing it and preceding it on the road, would order its horses in +advance, and greatly facilitate its progress during the precious hours +of the night, when delay was the most to be dreaded. + +Seeing in this arrangement the hope of rendering real service in that +pressing emergency, Miss Pross hailed it with joy. She and Jerry had +beheld the coach start, had known who it was that Solomon brought, had +passed some ten minutes in tortures of suspense, and were now concluding +their arrangements to follow the coach, even as Madame Defarge, +taking her way through the streets, now drew nearer and nearer to the +else-deserted lodging in which they held their consultation. + +"Now what do you think, Mr Cruncher," said Miss Pross, whose agitation +was so great that she could hardly speak, or stand, or move, or live: +"what do you think of our not starting from this courtyard? Another +carriage having already gone from here to-day, it might awaken +suspicion." + +"My opinion, miss," returned Mr Cruncher, "is as you're right. Likewise +wot I'll stand by you, right or wrong." + +"I am so distracted with fear and hope for our precious creatures," said +Miss Pross, wildly crying, "that I am incapable of forming any plan. Are +_you_ capable of forming any plan, my dear good Mr Cruncher?" + +"Respectin' a future spear o' life, miss," returned Mr Cruncher, "I +hope so. Respectin' any present use o' this here blessed old head o' +mine, I think not. Would you do me the favour, miss, to take notice o' +two promises and wows wot it is my wishes fur to record in this here +crisis?" + +"Oh, for gracious sake!" cried Miss Pross, still wildly crying, "record +them at once, and get them out of the way, like an excellent man." + +"First," said Mr Cruncher, who was all in a tremble, and who spoke with +an ashy and solemn visage, "them poor things well out o' this, never no +more will I do it, never no more!" + +"I am quite sure, Mr Cruncher," returned Miss Pross, "that you +never will do it again, whatever it is, and I beg you not to think it +necessary to mention more particularly what it is." + +"No, miss," returned Jerry, "it shall not be named to you. Second: them +poor things well out o' this, and never no more will I interfere with +Mrs Cruncher's flopping, never no more!" + +"Whatever housekeeping arrangement that may be," said Miss Pross, +striving to dry her eyes and compose herself, "I have no doubt it +is best that Mrs Cruncher should have it entirely under her own +superintendence.--O my poor darlings!" + +"I go so far as to say, miss, moreover," proceeded Mr Cruncher, with a +most alarming tendency to hold forth as from a pulpit--"and let my words +be took down and took to Mrs Cruncher through yourself--that wot my +opinions respectin' flopping has undergone a change, and that wot I only +hope with all my heart as Mrs Cruncher may be a flopping at the present +time." + +"There, there, there! I hope she is, my dear man," cried the distracted +Miss Pross, "and I hope she finds it answering her expectations." + +"Forbid it," proceeded Mr Cruncher, with additional solemnity, +additional slowness, and additional tendency to hold forth and hold +out, "as anything wot I have ever said or done should be wisited on my +earnest wishes for them poor creeturs now! Forbid it as we shouldn't all +flop (if it was anyways conwenient) to get 'em out o' this here dismal +risk! Forbid it, miss! Wot I say, for-_bid_ it!" This was Mr Cruncher's +conclusion after a protracted but vain endeavour to find a better one. + +And still Madame Defarge, pursuing her way along the streets, came +nearer and nearer. + +"If we ever get back to our native land," said Miss Pross, "you may rely +upon my telling Mrs Cruncher as much as I may be able to remember and +understand of what you have so impressively said; and at all events +you may be sure that I shall bear witness to your being thoroughly in +earnest at this dreadful time. Now, pray let us think! My esteemed Mr +Cruncher, let us think!" + +Still, Madame Defarge, pursuing her way along the streets, came nearer +and nearer. + +"If you were to go before," said Miss Pross, "and stop the vehicle and +horses from coming here, and were to wait somewhere for me; wouldn't +that be best?" + +Mr Cruncher thought it might be best. + +"Where could you wait for me?" asked Miss Pross. + +Mr Cruncher was so bewildered that he could think of no locality but +Temple Bar. Alas! Temple Bar was hundreds of miles away, and Madame +Defarge was drawing very near indeed. + +"By the cathedral door," said Miss Pross. "Would it be much out of +the way, to take me in, near the great cathedral door between the two +towers?" + +"No, miss," answered Mr Cruncher. + +"Then, like the best of men," said Miss Pross, "go to the posting-house +straight, and make that change." + +"I am doubtful," said Mr Cruncher, hesitating and shaking his head, +"about leaving of you, you see. We don't know what may happen." + +"Heaven knows we don't," returned Miss Pross, "but have no fear for me. +Take me in at the cathedral, at Three o'Clock, or as near it as you can, +and I am sure it will be better than our going from here. I feel certain +of it. There! Bless you, Mr Cruncher! Think-not of me, but of the lives +that may depend on both of us!" + +This exordium, and Miss Pross's two hands in quite agonised entreaty +clasping his, decided Mr Cruncher. With an encouraging nod or two, he +immediately went out to alter the arrangements, and left her by herself +to follow as she had proposed. + +The having originated a precaution which was already in course of +execution, was a great relief to Miss Pross. The necessity of composing +her appearance so that it should attract no special notice in the +streets, was another relief. She looked at her watch, and it was twenty +minutes past two. She had no time to lose, but must get ready at once. + +Afraid, in her extreme perturbation, of the loneliness of the deserted +rooms, and of half-imagined faces peeping from behind every open door +in them, Miss Pross got a basin of cold water and began laving her eyes, +which were swollen and red. Haunted by her feverish apprehensions, she +could not bear to have her sight obscured for a minute at a time by the +dripping water, but constantly paused and looked round to see that there +was no one watching her. In one of those pauses she recoiled and cried +out, for she saw a figure standing in the room. + +The basin fell to the ground broken, and the water flowed to the feet of +Madame Defarge. By strange stern ways, and through much staining blood, +those feet had come to meet that water. + +Madame Defarge looked coldly at her, and said, "The wife of Evrémonde; +where is she?" + +It flashed upon Miss Pross's mind that the doors were all standing open, +and would suggest the flight. Her first act was to shut them. There were +four in the room, and she shut them all. She then placed herself before +the door of the chamber which Lucie had occupied. + +Madame Defarge's dark eyes followed her through this rapid movement, +and rested on her when it was finished. Miss Pross had nothing beautiful +about her; years had not tamed the wildness, or softened the grimness, +of her appearance; but, she too was a determined woman in her different +way, and she measured Madame Defarge with her eyes, every inch. + +"You might, from your appearance, be the wife of Lucifer," said Miss +Pross, in her breathing. "Nevertheless, you shall not get the better of +me. I am an Englishwoman." + +Madame Defarge looked at her scornfully, but still with something of +Miss Pross's own perception that they two were at bay. She saw a tight, +hard, wiry woman before her, as Mr Lorry had seen in the same figure a +woman with a strong hand, in the years gone by. She knew full well that +Miss Pross was the family's devoted friend; Miss Pross knew full well +that Madame Defarge was the family's malevolent enemy. + +"On my way yonder," said Madame Defarge, with a slight movement of +her hand towards the fatal spot, "where they reserve my chair and my +knitting for me, I am come to make my compliments to her in passing. I +wish to see her." + +"I know that your intentions are evil," said Miss Pross, "and you may +depend upon it, I'll hold my own against them." + +Each spoke in her own language; neither understood the other's words; +both were very watchful, and intent to deduce from look and manner, what +the unintelligible words meant. + +"It will do her no good to keep herself concealed from me at this +moment," said Madame Defarge. "Good patriots will know what that means. +Let me see her. Go tell her that I wish to see her. Do you hear?" + +"If those eyes of yours were bed-winches," returned Miss Pross, "and I +was an English four-poster, they shouldn't loose a splinter of me. No, +you wicked foreign woman; I am your match." + +Madame Defarge was not likely to follow these idiomatic remarks in +detail; but, she so far understood them as to perceive that she was set +at naught. + +"Woman imbecile and pig-like!" said Madame Defarge, frowning. "I take no +answer from you. I demand to see her. Either tell her that I demand +to see her, or stand out of the way of the door and let me go to her!" + This, with an angry explanatory wave of her right arm. + +"I little thought," said Miss Pross, "that I should ever want to +understand your nonsensical language; but I would give all I have, +except the clothes I wear, to know whether you suspect the truth, or any +part of it." + +Neither of them for a single moment released the other's eyes. Madame +Defarge had not moved from the spot where she stood when Miss Pross +first became aware of her; but, she now advanced one step. + +"I am a Briton," said Miss Pross, "I am desperate. I don't care an +English Twopence for myself. I know that the longer I keep you here, the +greater hope there is for my Ladybird. I'll not leave a handful of that +dark hair upon your head, if you lay a finger on me!" + +Thus Miss Pross, with a shake of her head and a flash of her eyes +between every rapid sentence, and every rapid sentence a whole breath. +Thus Miss Pross, who had never struck a blow in her life. + +But, her courage was of that emotional nature that it brought the +irrepressible tears into her eyes. This was a courage that Madame +Defarge so little comprehended as to mistake for weakness. "Ha, ha!" she +laughed, "you poor wretch! What are you worth! I address myself to that +Doctor." Then she raised her voice and called out, "Citizen Doctor! Wife +of Evrémonde! Child of Evrémonde! Any person but this miserable fool, +answer the Citizeness Defarge!" + +Perhaps the following silence, perhaps some latent disclosure in the +expression of Miss Pross's face, perhaps a sudden misgiving apart from +either suggestion, whispered to Madame Defarge that they were gone. +Three of the doors she opened swiftly, and looked in. + +"Those rooms are all in disorder, there has been hurried packing, there +are odds and ends upon the ground. There is no one in that room behind +you! Let me look." + +"Never!" said Miss Pross, who understood the request as perfectly as +Madame Defarge understood the answer. + +"If they are not in that room, they are gone, and can be pursued and +brought back," said Madame Defarge to herself. + +"As long as you don't know whether they are in that room or not, you are +uncertain what to do," said Miss Pross to herself; "and you shall not +know that, if I can prevent your knowing it; and know that, or not know +that, you shall not leave here while I can hold you." + +"I have been in the streets from the first, nothing has stopped me, +I will tear you to pieces, but I will have you from that door," said +Madame Defarge. + +"We are alone at the top of a high house in a solitary courtyard, we are +not likely to be heard, and I pray for bodily strength to keep you here, +while every minute you are here is worth a hundred thousand guineas to +my darling," said Miss Pross. + +Madame Defarge made at the door. Miss Pross, on the instinct of the +moment, seized her round the waist in both her arms, and held her tight. +It was in vain for Madame Defarge to struggle and to strike; Miss Pross, +with the vigorous tenacity of love, always so much stronger than hate, +clasped her tight, and even lifted her from the floor in the struggle +that they had. The two hands of Madame Defarge buffeted and tore her +face; but, Miss Pross, with her head down, held her round the waist, and +clung to her with more than the hold of a drowning woman. + +Soon, Madame Defarge's hands ceased to strike, and felt at her encircled +waist. "It is under my arm," said Miss Pross, in smothered tones, "you +shall not draw it. I am stronger than you, I bless Heaven for it. I hold +you till one or other of us faints or dies!" + +Madame Defarge's hands were at her bosom. Miss Pross looked up, saw +what it was, struck at it, struck out a flash and a crash, and stood +alone--blinded with smoke. + +All this was in a second. As the smoke cleared, leaving an awful +stillness, it passed out on the air, like the soul of the furious woman +whose body lay lifeless on the ground. + +In the first fright and horror of her situation, Miss Pross passed the +body as far from it as she could, and ran down the stairs to call for +fruitless help. Happily, she bethought herself of the consequences of +what she did, in time to check herself and go back. It was dreadful to +go in at the door again; but, she did go in, and even went near it, to +get the bonnet and other things that she must wear. These she put on, +out on the staircase, first shutting and locking the door and taking +away the key. She then sat down on the stairs a few moments to breathe +and to cry, and then got up and hurried away. + +By good fortune she had a veil on her bonnet, or she could hardly have +gone along the streets without being stopped. By good fortune, too, she +was naturally so peculiar in appearance as not to show disfigurement +like any other woman. She needed both advantages, for the marks of +gripping fingers were deep in her face, and her hair was torn, and her +dress (hastily composed with unsteady hands) was clutched and dragged a +hundred ways. + +In crossing the bridge, she dropped the door key in the river. Arriving +at the cathedral some few minutes before her escort, and waiting there, +she thought, what if the key were already taken in a net, what if +it were identified, what if the door were opened and the remains +discovered, what if she were stopped at the gate, sent to prison, and +charged with murder! In the midst of these fluttering thoughts, the +escort appeared, took her in, and took her away. + +"Is there any noise in the streets?" she asked him. + +"The usual noises," Mr Cruncher replied; and looked surprised by the +question and by her aspect. + +"I don't hear you," said Miss Pross. "What do you say?" + +It was in vain for Mr Cruncher to repeat what he said; Miss Pross could +not hear him. "So I'll nod my head," thought Mr Cruncher, amazed, "at +all events she'll see that." And she did. + +"Is there any noise in the streets now?" asked Miss Pross again, +presently. + +Again Mr Cruncher nodded his head. + +"I don't hear it." + +"Gone deaf in an hour?" said Mr Cruncher, ruminating, with his mind +much disturbed; "wot's come to her?" + +"I feel," said Miss Pross, "as if there had been a flash and a crash, +and that crash was the last thing I should ever hear in this life." + +"Blest if she ain't in a queer condition!" said Mr Cruncher, more and +more disturbed. "Wot can she have been a takin', to keep her courage up? +Hark! There's the roll of them dreadful carts! You can hear that, miss?" + +"I can hear," said Miss Pross, seeing that he spoke to her, "nothing. O, +my good man, there was first a great crash, and then a great stillness, +and that stillness seems to be fixed and unchangeable, never to be +broken any more as long as my life lasts." + +"If she don't hear the roll of those dreadful carts, now very nigh their +journey's end," said Mr Cruncher, glancing over his shoulder, "it's my +opinion that indeed she never will hear anything else in this world." + +And indeed she never did. + + + + +CHAPTER XV. +The Footsteps Die Out For Ever + + +Along the Paris streets, the death-carts rumble, hollow and harsh. Six +tumbrils carry the day's wine to La Guillotine. All the devouring and +insatiate Monsters imagined since imagination could record itself, +are fused in the one realisation, Guillotine. And yet there is not in +France, with its rich variety of soil and climate, a blade, a leaf, +a root, a sprig, a peppercorn, which will grow to maturity under +conditions more certain than those that have produced this horror. Crush +humanity out of shape once more, under similar hammers, and it will +twist itself into the same tortured forms. Sow the same seed of +rapacious license and oppression over again, and it will surely yield +the same fruit according to its kind. + +Six tumbrils roll along the streets. Change these back again to what +they were, thou powerful enchanter, Time, and they shall be seen to be +the carriages of absolute monarchs, the equipages of feudal nobles, the +toilettes of flaring Jezebels, the churches that are not my father's +house but dens of thieves, the huts of millions of starving peasants! +No; the great magician who majestically works out the appointed order +of the Creator, never reverses his transformations. "If thou be changed +into this shape by the will of God," say the seers to the enchanted, in +the wise Arabian stories, "then remain so! But, if thou wear this +form through mere passing conjuration, then resume thy former aspect!" + Changeless and hopeless, the tumbrils roll along. + +As the sombre wheels of the six carts go round, they seem to plough up +a long crooked furrow among the populace in the streets. Ridges of faces +are thrown to this side and to that, and the ploughs go steadily onward. +So used are the regular inhabitants of the houses to the spectacle, that +in many windows there are no people, and in some the occupation of the +hands is not so much as suspended, while the eyes survey the faces in +the tumbrils. Here and there, the inmate has visitors to see the sight; +then he points his finger, with something of the complacency of a +curator or authorised exponent, to this cart and to this, and seems to +tell who sat here yesterday, and who there the day before. + +Of the riders in the tumbrils, some observe these things, and all +things on their last roadside, with an impassive stare; others, with +a lingering interest in the ways of life and men. Some, seated with +drooping heads, are sunk in silent despair; again, there are some so +heedful of their looks that they cast upon the multitude such glances as +they have seen in theatres, and in pictures. Several close their eyes, +and think, or try to get their straying thoughts together. Only one, and +he a miserable creature, of a crazed aspect, is so shattered and made +drunk by horror, that he sings, and tries to dance. Not one of the whole +number appeals by look or gesture, to the pity of the people. + +There is a guard of sundry horsemen riding abreast of the tumbrils, +and faces are often turned up to some of them, and they are asked some +question. It would seem to be always the same question, for, it is +always followed by a press of people towards the third cart. The +horsemen abreast of that cart, frequently point out one man in it with +their swords. The leading curiosity is, to know which is he; he stands +at the back of the tumbril with his head bent down, to converse with a +mere girl who sits on the side of the cart, and holds his hand. He has +no curiosity or care for the scene about him, and always speaks to the +girl. Here and there in the long street of St. Honore, cries are raised +against him. If they move him at all, it is only to a quiet smile, as he +shakes his hair a little more loosely about his face. He cannot easily +touch his face, his arms being bound. + +On the steps of a church, awaiting the coming-up of the tumbrils, stands +the Spy and prison-sheep. He looks into the first of them: not there. +He looks into the second: not there. He already asks himself, "Has he +sacrificed me?" when his face clears, as he looks into the third. + +"Which is Evrémonde?" says a man behind him. + +"That. At the back there." + +"With his hand in the girl's?" + +"Yes." + +The man cries, "Down, Evrémonde! To the Guillotine all aristocrats! +Down, Evrémonde!" + +"Hush, hush!" the Spy entreats him, timidly. + +"And why not, citizen?" + +"He is going to pay the forfeit: it will be paid in five minutes more. +Let him be at peace." + +But the man continuing to exclaim, "Down, Evrémonde!" the face of +Evrémonde is for a moment turned towards him. Evrémonde then sees the +Spy, and looks attentively at him, and goes his way. + +The clocks are on the stroke of three, and the furrow ploughed among the +populace is turning round, to come on into the place of execution, and +end. The ridges thrown to this side and to that, now crumble in and +close behind the last plough as it passes on, for all are following +to the Guillotine. In front of it, seated in chairs, as in a garden of +public diversion, are a number of women, busily knitting. On one of the +fore-most chairs, stands The Vengeance, looking about for her friend. + +"Thérèse!" she cries, in her shrill tones. "Who has seen her? Thérèse +Defarge!" + +"She never missed before," says a knitting-woman of the sisterhood. + +"No; nor will she miss now," cries The Vengeance, petulantly. "Thérèse." + +"Louder," the woman recommends. + +Ay! Louder, Vengeance, much louder, and still she will scarcely hear +thee. Louder yet, Vengeance, with a little oath or so added, and yet +it will hardly bring her. Send other women up and down to seek her, +lingering somewhere; and yet, although the messengers have done dread +deeds, it is questionable whether of their own wills they will go far +enough to find her! + +"Bad Fortune!" cries The Vengeance, stamping her foot in the chair, "and +here are the tumbrils! And Evrémonde will be despatched in a wink, and +she not here! See her knitting in my hand, and her empty chair ready for +her. I cry with vexation and disappointment!" + +As The Vengeance descends from her elevation to do it, the tumbrils +begin to discharge their loads. The ministers of Sainte Guillotine are +robed and ready. Crash!--A head is held up, and the knitting-women who +scarcely lifted their eyes to look at it a moment ago when it could +think and speak, count One. + +The second tumbril empties and moves on; the third comes up. Crash!--And +the knitting-women, never faltering or pausing in their Work, count Two. + +The supposed Evrémonde descends, and the seamstress is lifted out next +after him. He has not relinquished her patient hand in getting out, but +still holds it as he promised. He gently places her with her back to the +crashing engine that constantly whirrs up and falls, and she looks into +his face and thanks him. + +"But for you, dear stranger, I should not be so composed, for I am +naturally a poor little thing, faint of heart; nor should I have been +able to raise my thoughts to Him who was put to death, that we might +have hope and comfort here to-day. I think you were sent to me by +Heaven." + +"Or you to me," says Sydney Carton. "Keep your eyes upon me, dear child, +and mind no other object." + +"I mind nothing while I hold your hand. I shall mind nothing when I let +it go, if they are rapid." + +"They will be rapid. Fear not!" + +The two stand in the fast-thinning throng of victims, but they speak as +if they were alone. Eye to eye, voice to voice, hand to hand, heart to +heart, these two children of the Universal Mother, else so wide apart +and differing, have come together on the dark highway, to repair home +together, and to rest in her bosom. + +"Brave and generous friend, will you let me ask you one last question? I +am very ignorant, and it troubles me--just a little." + +"Tell me what it is." + +"I have a cousin, an only relative and an orphan, like myself, whom I +love very dearly. She is five years younger than I, and she lives in a +farmer's house in the south country. Poverty parted us, and she knows +nothing of my fate--for I cannot write--and if I could, how should I +tell her! It is better as it is." + +"Yes, yes: better as it is." + +"What I have been thinking as we came along, and what I am still +thinking now, as I look into your kind strong face which gives me so +much support, is this:--If the Republic really does good to the poor, +and they come to be less hungry, and in all ways to suffer less, she may +live a long time: she may even live to be old." + +"What then, my gentle sister?" + +"Do you think:" the uncomplaining eyes in which there is so much +endurance, fill with tears, and the lips part a little more and tremble: +"that it will seem long to me, while I wait for her in the better land +where I trust both you and I will be mercifully sheltered?" + +"It cannot be, my child; there is no Time there, and no trouble there." + +"You comfort me so much! I am so ignorant. Am I to kiss you now? Is the +moment come?" + +"Yes." + +She kisses his lips; he kisses hers; they solemnly bless each other. +The spare hand does not tremble as he releases it; nothing worse than +a sweet, bright constancy is in the patient face. She goes next before +him--is gone; the knitting-women count Twenty-Two. + +"I am the Resurrection and the Life, saith the Lord: he that believeth +in me, though he were dead, yet shall he live: and whosoever liveth and +believeth in me shall never die." + +The murmuring of many voices, the upturning of many faces, the pressing +on of many footsteps in the outskirts of the crowd, so that it swells +forward in a mass, like one great heave of water, all flashes away. +Twenty-Three. + + ***** + +They said of him, about the city that night, that it was the +peacefullest man's face ever beheld there. Many added that he looked +sublime and prophetic. + +One of the most remarkable sufferers by the same axe--a woman--had asked +at the foot of the same scaffold, not long before, to be allowed to +write down the thoughts that were inspiring her. If he had given any +utterance to his, and they were prophetic, they would have been these: + +"I see Barsad, and Cly, Defarge, The Vengeance, the Juryman, the Judge, +long ranks of the new oppressors who have risen on the destruction of +the old, perishing by this retributive instrument, before it shall cease +out of its present use. I see a beautiful city and a brilliant people +rising from this abyss, and, in their struggles to be truly free, in +their triumphs and defeats, through long years to come, I see the evil +of this time and of the previous time of which this is the natural +birth, gradually making expiation for itself and wearing out. + +"I see the lives for which I lay down my life, peaceful, useful, +prosperous and happy, in that England which I shall see no more. I see +Her with a child upon her bosom, who bears my name. I see her father, +aged and bent, but otherwise restored, and faithful to all men in his +healing office, and at peace. I see the good old man, so long their +friend, in ten years' time enriching them with all he has, and passing +tranquilly to his reward. + +"I see that I hold a sanctuary in their hearts, and in the hearts of +their descendants, generations hence. I see her, an old woman, weeping +for me on the anniversary of this day. I see her and her husband, their +course done, lying side by side in their last earthly bed, and I know +that each was not more honoured and held sacred in the other's soul, +than I was in the souls of both. + +"I see that child who lay upon her bosom and who bore my name, a man +winning his way up in that path of life which once was mine. I see him +winning it so well, that my name is made illustrious there by the +light of his. I see the blots I threw upon it, faded away. I see him, +fore-most of just judges and honoured men, bringing a boy of my name, +with a forehead that I know and golden hair, to this place--then fair to +look upon, with not a trace of this day's disfigurement--and I hear him +tell the child my story, with a tender and a faltering voice. + +"It is a far, far better thing that I do, than I have ever done; it is a +far, far better rest that I go to than I have ever known." diff --git a/3.eliza/3.eliza.ipynb b/3.eliza/3.eliza.ipynb new file mode 100644 index 0000000..7dde655 --- /dev/null +++ b/3.eliza/3.eliza.ipynb @@ -0,0 +1,1119 @@ +{ + "cells": [ + { + "cell_type": "markdown", + "id": "30ac2802", + "metadata": {}, + "source": [ + "# ELIZA, a simple chatbot" + ] + }, + { + "cell_type": "markdown", + "id": "9da33592", + "metadata": {}, + "source": [ + "In this activity, you'll build a version of _ELIZA_, the first chatbot. \n", + "\n", + "An AI system that has conversations with people is commonly called a chatbot. You could well have encountered them as the first level of customer service for large companies, or the question-answering assistant in phones and smart speakers. Just like the term AI the chatbot has a long history. The first chatbot was ELIZA (Weizenbaum, 1966), which purported to be a psychotherapist. It worked by simple pattern matching on the text inputs it was given.\n", + "\n", + "ELIZA had a set of rules that specified some keywords in the input: if a rule matched the input, then the rule specified how to use it to create a response.\n", + "\n", + "For instance, consider if ELIZA had the rules specified below.\n", + "\n", + "| Pattern | Responses |\n", + "|---------|-----------|\n", + "| ?X I want ?Y | what would it mean if you got ?Y
why do you want ?Y
suppose you got ?Y soon |\n", + "| ?X I am sad ?Y | I am sorry to hear you are depressed
I’m sure it’s not pleasant to be sad |\n", + "| ?X are like ?Y | what resemblance do you see between ?X and ?Y |\n", + "\n", + "With these rules, the sentence \n", + "\n", + "> sometimes I want to be happy\n", + "\n", + "would match the first rule, with the variable `?Y` matching the fragment ‘to be happy’. \n", + "\n", + "| ?X | | ?Y |\n", + "|----|-|----|\n", + "|sometimes | I want | to be happy |\n", + "\n", + "ELIZA could use that information to respond with the sentence:\n", + "\n", + "> ‘Why do you want to be happy?’\n", + "\n", + "with the matched value for `?Y` filling out the response.\n", + "\n", + "Weizenbaum created ELIZA to show how text communication could be simulated by such superficial processing. However, he was surprised by how readily people took to ELIZA and engaged it in conversations that were meaningful to the person. ELIZA is simple enough that it’s easy to modify its behaviour, which you will do in this activity.\n", + "\n", + "The state of the art of chatbots has moved on since the 1960s and tools like ChatGPT can now have conversations that seem like they are with a person. While ChatGPT is much more sophisticated than ELIZA, its basic operation remains the same: analyses its input, identifies the salient parts, and uses them to construct the response." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "fa45aca6", + "metadata": {}, + "outputs": [], + "source": [ + "import yaml\n", + "import collections\n", + "import random\n", + "import string" + ] + }, + { + "cell_type": "markdown", + "id": "f1d0b817", + "metadata": {}, + "source": [ + "# Building ELIZA" + ] + }, + { + "cell_type": "markdown", + "id": "7a37a176", + "metadata": {}, + "source": [ + "How do we go about building ELIZA?\n", + "\n", + "There are three main components we need to address.\n", + "1. Representing the rules\n", + "2. Matching user input to rules\n", + "3. Using the matches to create ELIZA's output\n", + "\n", + "Once we have these pieces, we can do the fourth stage of putting them all together into the full chatbot.\n", + "\n", + "We'll take each of these steps in turn." + ] + }, + { + "cell_type": "markdown", + "id": "c353b2b1", + "metadata": {}, + "source": [ + "# Rules" + ] + }, + { + "cell_type": "markdown", + "id": "def8c739-ba3c-4dcb-b2fb-64012d96dfb8", + "metadata": {}, + "source": [ + "We can download some rules to work with. Execute this cell." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "0d0eb2a7-cafd-4abe-90ff-112f31202ae8", + "metadata": {}, + "outputs": [], + "source": [ + "!wget --no-check-certificate https://raw.githubusercontent.com/NeilNjae/nominet-quick-start-ai/main/3.eliza/rules.yaml" + ] + }, + { + "cell_type": "markdown", + "id": "35ac73c0-778e-4b90-8a08-87c01264be9a", + "metadata": {}, + "source": [ + "You can look at the raw rules file by clicking on the \"Files\" icon in the left sidebar and choosing the `rules.yaml` entry. You should be alboe to see that the rules follow the structure of a pattern and a set of possible responses." + ] + }, + { + "cell_type": "markdown", + "id": "4efa9ee9", + "metadata": {}, + "source": [ + "We will follow that structure in our implementation and represent each rule as a dictionary of two elements: a `pattern` and a list of `responses`." + ] + }, + { + "cell_type": "markdown", + "id": "e3e752b7", + "metadata": {}, + "source": [ + "We can now read in the set of rules from the file `rules.yaml`." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "4cae5d1a", + "metadata": {}, + "outputs": [], + "source": [ + "def read_rules(rules_file):\n", + " \"\"\"Read a set of Eliza rules from a file.\"\"\"\n", + " rules = []\n", + " with open(rules_file) as f:\n", + " for r in yaml.safe_load(f):\n", + " resps = []\n", + " for rsp in r['responses']:\n", + " resps += [rsp.split()]\n", + " rule = {'pattern': r['pattern'].split(),\n", + " 'responses': resps}\n", + " rules += [rule]\n", + " return rules" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "17bf7923", + "metadata": {}, + "outputs": [], + "source": [ + "all_rules = read_rules('rules.yaml')\n", + "all_rules[:3]" + ] + }, + { + "cell_type": "markdown", + "id": "5f40b5c2", + "metadata": {}, + "source": [ + "Showing the rules like this is accurate, but hardly easy to read. We'll use this function to \"pretty print\" a rule into something nicer to look at." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "cd869417", + "metadata": {}, + "outputs": [], + "source": [ + "def show_rule(rule):\n", + " \"\"\"Pretty print a rule.\"\"\"\n", + " return {'pattern': ' '.join(rule['pattern']),\n", + " 'responses': [' '.join(resp) for resp in rule['responses']]}" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "fa32da8c", + "metadata": {}, + "outputs": [], + "source": [ + "for rule in all_rules[5:8]:\n", + " print(show_rule(rule))" + ] + }, + { + "cell_type": "markdown", + "id": "bfcbe978", + "metadata": {}, + "source": [ + "# Matches" + ] + }, + { + "cell_type": "markdown", + "id": "8350366e", + "metadata": {}, + "source": [ + "We need to match user input to the rules. The _result_ of this process is for us to know which variables in a rule match which parts of the input; that information can be used to generate the output. The normal term for \"connecting a variable and its value\" is a _binding_. In the example above, we would say that the variable `?X` is _bound_ to the value \"sometimes\" and the variable `?Y` is _bound_ to the value \"to be happy\". We can store a binding as a Python `dict` going from variable name to its bound value, such as `{'?X': ['sometimes'], '?Y': ['to' 'be' 'happy']}`.\n", + "\n", + "We'll do that by walking along the input text and the rule pattern in parallel, from left to right. If we can match the first token of each, we'll record any bindings then move on to the next tokens.\n", + "\n", + "Consider the input text\n", + "> the cat sat on the mat\n", + "\n", + "and the rule pattern\n", + "> the ?X sat on the ?Y\n", + "\n", + "We start by comparing the leftmost tokens. The leftmost token in in the pattern is the literal word \"the\" and this is the same as the first word of the input. These are the same, so the matching continues.\n", + "\n", + "We now have the situation of matching \"cat sat on the mat\" with \"?X sat on the ?Y\". We need to bind the variable `?X` with some words in the input. The variable can match zero or more words; as yet, just by looking at the first word of the input, we don't know how many words to include in the binding. We'll do what's easy for us and try them all, letting the computer do the work. This gives us a set of possible bindings and next steps:\n", + "\n", + "| Remaining text | Remaining pattern | Bindings |\n", + "|----------------|-------------------|----------|\n", + "| cat sat on the mat | sat on the ?Y | {'?X': []} |\n", + "| sat on the mat | sat on the ?Y | {'?X': ['cat']} |\n", + "| on the mat | sat on the ?Y | {'?X': ['cat', 'sat']} |\n", + "| the mat | sat on the ?Y | {'?X': ['cat', 'sat', 'on']} |\n", + "| mat | sat on the ?Y | {'?X': ['cat', 'sat', 'on', 'the']} |\n", + "\n", + "It's obvious to us that only one of these will lead to the whole pattern matching, but that's all we can do by looking at just the _first_ elements of the text and the pattern.\n", + "\n", + "There's more to look at with how matches work, but this is enough to get along with at the moment.\n", + "\n", + "The first thing to do is define a structure to hold a partial match: we need to hold the remaining text, the remaining pattern, and the bindings found so far. We'll use another `dict` with these three elements." + ] + }, + { + "cell_type": "markdown", + "id": "6cff8344", + "metadata": {}, + "source": [ + "We define a match as _successful_ if there is both no more text and no more pattern." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "dfd08ccf", + "metadata": {}, + "outputs": [], + "source": [ + "def successful_match(match):\n", + " \"\"\"A match is successful it it uses all the text and all the pattern.\"\"\"\n", + " return match['text'] == [] and match['pattern'] == []" + ] + }, + { + "cell_type": "markdown", + "id": "d9abebf7", + "metadata": {}, + "source": [ + "We also have a utility function that will convert the user's input into a list of words. It removes punctuation and converts all the text to lower-case." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "ce8a3719", + "metadata": {}, + "outputs": [], + "source": [ + "def tokenise(text):\n", + " \"\"\"Convert a text string into a list of lower-case words, removing punctuation\"\"\"\n", + " without_punctuation = text.translate(str.maketrans('', '', string.punctuation))\n", + " lowered = without_punctuation.lower()\n", + " return lowered.split()" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "5dc9ab7c", + "metadata": {}, + "outputs": [], + "source": [ + "tokenise(\"A man, a plan, a canal, Panama!\")" + ] + }, + { + "cell_type": "markdown", + "id": "7a0b40d5", + "metadata": {}, + "source": [ + "## Exercise" + ] + }, + { + "cell_type": "markdown", + "id": "776006fb", + "metadata": {}, + "source": [ + "We can now build a couple of utiilty functions to make this all work. \n", + "\n", + "First is a function that will detect if a token in a pattern is a variable. We mark variables as any string that starts with a \"?\".\n", + "\n", + "Write the function `is_var()`. Recall that you can find the specific characters of a string by using indexes." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "f412e4fa", + "metadata": {}, + "outputs": [], + "source": [ + "def is_var(word):\n", + " ...." + ] + }, + { + "cell_type": "markdown", + "id": "250f5de2", + "metadata": {}, + "source": [ + "### Solution" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "ea5da5f8", + "metadata": {}, + "outputs": [], + "source": [ + "def is_var(word):\n", + " \"\"\"True if word is a variable.\"\"\"\n", + " return word[0] == '?'" + ] + }, + { + "cell_type": "markdown", + "id": "6194db69", + "metadata": {}, + "source": [ + "### End of solution" + ] + }, + { + "cell_type": "markdown", + "id": "af0f1314", + "metadata": {}, + "source": [ + "## Exercise" + ] + }, + { + "cell_type": "markdown", + "id": "b28d2150", + "metadata": {}, + "source": [ + "The next thing is to find candiates for a variable to match. We need to split the text into two parts (a prefix and a suffix); the prefix can be bound to a variable and the suffix used to continue matching.\n", + "\n", + "Write the function `splits()` that returns all two-part splits of a list. Either part can be empty.\n", + "\n", + "For instance, the function call \n", + "```python\n", + "splits(['a', 'man', 'a', 'plan'])\n", + "```\n", + "\n", + "should return\n", + "\n", + "```python\n", + "[([], ['a', 'man', 'a', 'plan']),\n", + " (['a'], ['man', 'a', 'plan']),\n", + " (['a', 'man'], ['a', 'plan']),\n", + " (['a', 'man', 'a'], ['plan']),\n", + " (['a', 'man', 'a', 'plan'], [])]\n", + "```\n", + "\n", + "Recall how to find slices of a list." + ] + }, + { + "cell_type": "markdown", + "id": "81c4dc11", + "metadata": {}, + "source": [ + "### Solution" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "5a705f6f", + "metadata": {}, + "outputs": [], + "source": [ + "def splits(items):\n", + " \"\"\"Return all the ways of splitting the items into two parts, \n", + " either of which can be empty.\"\"\"\n", + " results = []\n", + " for i in range(len(items) + 1):\n", + " results += [(items[:i], items[i:])]\n", + " return results" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "c6862262-3c29-43e2-aa1d-0864bd85d2fc", + "metadata": {}, + "outputs": [], + "source": [ + "splits(['a', 'man', 'a', 'plan'])" + ] + }, + { + "cell_type": "markdown", + "id": "5f704fae", + "metadata": {}, + "source": [ + "### End of solution" + ] + }, + { + "cell_type": "markdown", + "id": "ffb67064", + "metadata": {}, + "source": [ + "We can now match the start of a pattern against the start of some text. This function is given some text, a pattern, and some bindings. It returns a list of `Match` objects that can be used to continue matching from this point. If the given pattern can't match against the given text, the function returns an empty list.\n", + "\n", + "There are a few cases to consider, and the implementation of the function follows them.\n", + "\n", + "1. If the first element of the pattern is a varialble:\n", + " 1. If this is a variable that is already bound:\n", + " 1. If the first few tokens of the text match the bound value:\n", + " 1. Create a new `Match` object that drops the first few tokens from the text, variable from the pattern, and the existing bindings; return it as a singleton list.\n", + " 2. Otherwise:\n", + " 1. Return this empty list.\n", + " 2. Otherwise (this is the first time seeing this variable):\n", + " 1. Initialise the list of matches to the empty list.\n", + " 2. For each (prefix, suffix) pair from splitting the text:\n", + " 1. Bind the variable to the prefix.\n", + " 2. Create a new `Match` object, where the text to match is the suffix and the pattern doesn't have this variable.\n", + " 3. Add the new `Match` to the list of matches\n", + " 3. Return the list of matches\n", + "2. Otherwise (the first element of the pattern is a literal word):\n", + " 1. If the first element of the pattern is the same as the first element of the text:\n", + " 1. Return a new `Match` object that drops this word.\n", + " 2. Otherwise:\n", + " 1. Return the empty list.\n", + " " + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "828ccaf4", + "metadata": {}, + "outputs": [], + "source": [ + "def match_item(match):\n", + " \"\"\"Match the first segment of text against the first segment of rule,\n", + " respecting the current variable bindings, and creating new bindings\n", + " if necessary.\"\"\"\n", + " text = match['text']\n", + " pattern = match['pattern']\n", + " bindings = match['bindings']\n", + " element = pattern[0]\n", + " if is_var(element):\n", + " if element in bindings:\n", + " # already seen this variable\n", + " if text[:len(bindings[element])] == bindings[element]:\n", + " return [{'text': text[(len(bindings[element])):], \n", + " 'pattern': pattern[1:], \n", + " 'bindings': bindings}]\n", + " else:\n", + " return []\n", + " else:\n", + " # not seen this variable yet\n", + " matches = []\n", + " for prefix, suffix in splits(text):\n", + " new_bindings = bindings.copy()\n", + " new_bindings[element] = prefix\n", + " matches += [{'text': suffix, 'pattern': pattern[1:], 'bindings': new_bindings}]\n", + " return matches\n", + " elif text and text[0] == element:\n", + " return [{'text': text[1:], 'pattern': pattern[1:], 'bindings': bindings}]\n", + " else:\n", + " return []" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "51d17231", + "metadata": {}, + "outputs": [], + "source": [ + "match_item({'text': tokenise('a man a plan a canal panama'), 'pattern': ['?X', 'a', '?Y'], 'bindings': {}})" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "cd688dd2", + "metadata": {}, + "outputs": [], + "source": [ + "match_item({'text': tokenise('a man a plan a canal panama'), 'pattern': ['a', '?Y'], 'bindings': {}})" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "b088cae7", + "metadata": {}, + "outputs": [], + "source": [ + "match_item({'text': tokenise('a man a plan a canal panama'), 'pattern': ['?X', 'a', '?Y'], 'bindings': {'?X': ['a', 'man']}})" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "300534e4", + "metadata": {}, + "outputs": [], + "source": [ + "match_item({'text': tokenise('a man a plan a canal panama'), 'pattern': ['?X', 'a', '?Y'], 'bindings': {'?X': ['a', 'plan']}})" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "6ea8afde", + "metadata": {}, + "outputs": [], + "source": [ + "match_item({'text': tokenise('a man a plan a canal panama'), 'pattern': ['a', 'plan'], 'bindings': {'?X': ['a', 'man']}})" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "b3be4e3d", + "metadata": {}, + "outputs": [], + "source": [ + "match_item({'text': tokenise('a man a plan a canal panama'), 'pattern': ['plan'], 'bindings': {'?X': ['a', 'man']}})" + ] + }, + { + "cell_type": "markdown", + "id": "f79afe2c-8fbf-40b7-848c-f27c79290bd1", + "metadata": {}, + "source": [ + "Now we can match one item in a pattern, we can write a wrapper that will find all matches between a given text and a given pattern.\n", + "\n", + "We do that by maintianing two lists. One is a list of partial matches in progress, the other is a list of successful matches.\n", + "\n", + "The \"matches in progress\" starts with just one item: the initial text, the initial item, and the empty set of bindings. The successes starts empty.\n", + "\n", + "We treat the matches in progress as a queue of work. While there is work to do, we take the first item of the queue, find all the results of `match_item` on that partial match, and insert the results at the end of the queue.\n", + "\n", + "The full pseudocode for `match` is:\n", + "\n", + "```\n", + "initialise successes to []\n", + "initialise matches to [{text, pattern, {} }]\n", + "while matches:\n", + " set current to first element of matches\n", + " set new_matches to []\n", + " if current is a successful match:\n", + " add current's bindings to successes\n", + " set new_matches to []\n", + " else if current's pattern is not empty:\n", + " set new_matches to match_item(current)\n", + " set matches to (matches without the first element) + new_matches\n", + "return successes\n", + "```" + ] + }, + { + "cell_type": "markdown", + "id": "3d1e15d8-906f-4a6c-ab09-9ab6b15c7375", + "metadata": {}, + "source": [ + "## Exericse" + ] + }, + { + "cell_type": "markdown", + "id": "a76a97de-4004-4840-9bb6-b2713d9f362e", + "metadata": {}, + "source": [ + "Write `match`.\n", + "\n", + "The call to \n", + "```\n", + "match(tokenise('a man a plan a canal panama'), ['?X', 'a', '?Y', 'a', '?Z'])\n", + "```\n", + "\n", + "should give this result of three possible matches.\n", + "\n", + "```\n", + "[{'?X': [], '?Y': ['man'], '?Z': ['plan', 'a', 'canal', 'panama']},\n", + " {'?X': [], '?Y': ['man', 'a', 'plan'], '?Z': ['canal', 'panama']},\n", + " {'?X': ['a', 'man'], '?Y': ['plan'], '?Z': ['canal', 'panama']}]\n", + "```" + ] + }, + { + "cell_type": "markdown", + "id": "8576f10c-8e13-448a-8385-4df3c65fa879", + "metadata": {}, + "source": [ + "### Solution" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "38ea68e6", + "metadata": {}, + "outputs": [], + "source": [ + "def match(text, pattern):\n", + " \"\"\"Match a text against a pattern, returning all possible matches.\"\"\"\n", + " successes = []\n", + " matches = [{'text': text, 'pattern': pattern, 'bindings': {}}]\n", + " while matches:\n", + " # print(matches, '***', successes)\n", + " current = matches[0]\n", + " new_matches = []\n", + " if successful_match(current):\n", + " successes += [current['bindings']]\n", + " new_matches = []\n", + " elif current['pattern']:\n", + " new_matches = match_item(current)\n", + " matches = matches[1:] + new_matches\n", + " return successes" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "7985f18d", + "metadata": {}, + "outputs": [], + "source": [ + "match(tokenise('a man a plan a canal panama'), ['?X', 'a', '?Y', 'a', '?Z'])" + ] + }, + { + "cell_type": "markdown", + "id": "084eb2cc-ab9c-4f2d-a232-e0ce8a5d363d", + "metadata": {}, + "source": [ + "### End of solution" + ] + }, + { + "cell_type": "markdown", + "id": "60e0a8e8", + "metadata": {}, + "source": [ + "There are a couple of complexities here. \n", + "\n", + "It could be that a pattern matches some text in more than one way. For instance, the pattern `?X a ?Y` has several possible matches to the sentence \"a man, a plan, a canal, Panama!\"\n", + "\n", + "| ?X | ?Y |\n", + "|----|----|\n", + "| Nothing | man, a plan, a canal, Panama! |\n", + "| a man, | plan, a canal, Panama! |\n", + "| a man, a plan, | canal, Panama! |\n", + "\n", + "In this case, we should find all the matches." + ] + }, + { + "cell_type": "markdown", + "id": "bd8f830d-2dc4-4d6f-a6ea-a3b68c1d1553", + "metadata": {}, + "source": [ + "# Responses" + ] + }, + { + "cell_type": "markdown", + "id": "c6d1fae0-18e9-4a64-9e22-acdc77cbf02a", + "metadata": {}, + "source": [ + "Now we can _match_ a rule against an input text, it's time to _respond_ to that text.\n", + "\n", + "We'll use the `response` part of the rule, together with the `bindings` we've found, to build the response.\n", + "\n", + "We'll walk along the `response`, element by element. We'll build up the `filled_response` as we go. If the current element of the `response` is a variable, we add the variable's bound value to the `filled_response`; otherwise, the element is a word, and we add it.\n", + "\n", + "For instance, if we have the rule\n", + "\n", + "```\n", + "pattern: ?X sat on ?Y\n", + "response: does ?Y like ?X ?\n", + "```\n", + "\n", + "and the binding `{'?X': ['the', 'cat'], ?Y': ['the', 'mat']}` , we would want to build the response `['does', 'the', 'mat', 'like', 'the', 'cat', '?']`" + ] + }, + { + "cell_type": "markdown", + "id": "131280a9-33ef-4f65-85b0-52ad7458aaaa", + "metadata": {}, + "source": [ + "## Exercise" + ] + }, + { + "cell_type": "markdown", + "id": "5029467a-15fc-4467-96a7-247652cbb2df", + "metadata": {}, + "source": [ + "Write `fill`, that takes a rule response and some bindings, and fills out the response. Note that the `response` is a list of tokens, either words or variables." + ] + }, + { + "cell_type": "markdown", + "id": "0fe44dc9-46c5-4f81-86cb-359f9c026760", + "metadata": {}, + "source": [ + "### Solution" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "b25cfaa2", + "metadata": {}, + "outputs": [], + "source": [ + "def fill(response, bindings):\n", + " \"\"\"Complete a rule's response by using the bindings to fill\n", + " the variable slots.\"\"\"\n", + " filled_response = []\n", + " for w in response:\n", + " if is_var(w):\n", + " if w in bindings:\n", + " filled_response += bindings[w]\n", + " else:\n", + " filled_response += ['MISSING']\n", + " else:\n", + " filled_response += [w]\n", + " return filled_response" + ] + }, + { + "cell_type": "markdown", + "id": "e78f51df-fd27-4554-be44-62ac9658cca1", + "metadata": {}, + "source": [ + "### End of solution" + ] + }, + { + "cell_type": "markdown", + "id": "ab505f45-4ad9-4a2b-83b8-5bdb4b6ebc2a", + "metadata": {}, + "source": [ + "# Interaction loop" + ] + }, + { + "cell_type": "markdown", + "id": "1b8bdea3-8573-470e-8436-3c74ac48b077", + "metadata": {}, + "source": [ + "Now we've got all the parts of ELIZA, it's time to put them together.\n", + "\n", + "The basic interaction loop is:\n", + "\n", + "1. Ask for input\n", + "2. Find a matching rule\n", + "3. Build the response\n", + "4. Repeat forever\n", + "\n", + "Expressed in Python, it looks like this:" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "197a4f42", + "metadata": {}, + "outputs": [], + "source": [ + "def eliza_loop(rules):\n", + " \"\"\"Do the main Eliza loop, asking for input and generating responses.\"\"\"\n", + " print(\"Hello. I'm Eliza. What seems to be the problem?\")\n", + " while True:\n", + " c = input(\"> \")\n", + " comment = tokenise(c)\n", + " if comment[0] in halt_words: break\n", + " rule, bindings = all_matches(rules, comment)[0]\n", + " swapped_bindings = pronoun_person_swap(bindings)\n", + " response = respond(rule, swapped_bindings)\n", + " print(' '.join(response))" + ] + }, + { + "cell_type": "markdown", + "id": "7a951072-cd20-4229-a9f1-3d212cfb2781", + "metadata": {}, + "source": [ + "There are a few loose ends to tidy up." + ] + }, + { + "cell_type": "markdown", + "id": "35dc28eb-e7dc-4410-bb83-14792420a4f8", + "metadata": {}, + "source": [ + "## Stopping" + ] + }, + { + "cell_type": "markdown", + "id": "6626001c-7807-4755-9c1b-e22961fab49c", + "metadata": {}, + "source": [ + "At some point, we want to stop ELIZA. We do that by having a list of words to halt on. If the first token of the user's input is one of these, we stop." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "645a739f", + "metadata": {}, + "outputs": [], + "source": [ + "halt_words = 'quit halt exit stop'.split()" + ] + }, + { + "cell_type": "markdown", + "id": "58a96d98-18e6-4b66-b173-547209563ef3", + "metadata": {}, + "source": [ + "## Picking the one rule and binding" + ] + }, + { + "cell_type": "markdown", + "id": "b4837d40-73da-42ee-91d2-38894fc1d24f", + "metadata": {}, + "source": [ + "Our `match` procedure can return many bindings for a rule, and there could be many rules that match as given input. Which do we choose?\n", + "\n", + "We want to choose the first rule the matches, as that allows us to give specific rules before more general ones. If there are several possible bindings, we could pick any; for convenience, we'll pick the first.\n", + "\n", + "We'll do that by writing a function `all_matches` that returns a list of all rule/binding combinations that match the input. We can then take the first of these in the ELIZA main loop (above)." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "9f219004-cf11-4063-b765-60f85781d92e", + "metadata": {}, + "outputs": [], + "source": [ + "def all_matches(rules, text):\n", + " \"\"\"Find all the rules that match the text, returning\n", + " the rules and the bindings that allow the match.\"\"\"\n", + " results = []\n", + " for rule in rules:\n", + " for bindings in match(text, rule['pattern']):\n", + " results += [(rule, bindings)]\n", + " return results" + ] + }, + { + "cell_type": "markdown", + "id": "4b15ffb6-3e15-4d0c-b2ed-a5b55546b183", + "metadata": {}, + "source": [ + "## Pronoun swapping" + ] + }, + { + "cell_type": "markdown", + "id": "1dbf55ac-d5d8-479d-a88a-5fc2ded459ee", + "metadata": {}, + "source": [ + "Consider the rule\n", + "\n", + "* Pattern: 'I like ?X'\n", + "* Response: 'Tell me more about ?X'\n", + "\n", + "applied to the sentence \"I like my cat\".\n", + "\n", + "This would bind with `{'?X': 'my cat'}`, and would in turn generate the response \"Tell me more about my cat\". This isn't what we want. Instead, we want to swap pronouns in the bindings from first-person to second-person, so the binding would become `{'?X': 'your cat'}` and the response \"Tell me more about your cat\".\n", + "\n", + "We do this with a somple lookup table (implemented as a `dict`) that maps an original word to its replacement." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "47d1ac0c", + "metadata": {}, + "outputs": [], + "source": [ + "pronoun_swaps = {\n", + " 'i': 'you',\n", + " 'me': 'you',\n", + " 'my': 'your',\n", + " 'mine': 'yours',\n", + " 'am': 'are',\n", + " 'you': 'i',\n", + " 'your': 'my',\n", + " 'yours': 'mine'\n", + "}" + ] + }, + { + "cell_type": "markdown", + "id": "74f5f51a-ada4-47fb-9cd6-5c771a29c0d6", + "metadata": {}, + "source": [ + "## Exercise" + ] + }, + { + "cell_type": "markdown", + "id": "a3834141-f935-4d94-b7b5-ea781a87a9b0", + "metadata": {}, + "source": [ + "Write the function `pronoun_person_swap` that uses `pronoun_swaps` to change the pronouns in a collection of bindings. You'll need two nested loops (one to cycle through each binding, one to cycle through each word in that binding). For each binding, build up a new bound value, word by word." + ] + }, + { + "cell_type": "markdown", + "id": "4888526a-f93e-458e-b720-9090c6a64ff3", + "metadata": {}, + "source": [ + "### Solution" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "0e6af7ce-83bc-4b29-b80d-25cef3e1b397", + "metadata": {}, + "outputs": [], + "source": [ + "def pronoun_person_swap(bindings):\n", + " \"\"\"Swap pronouns in the given bindings.\"\"\"\n", + " result = {}\n", + " for var in bindings:\n", + " swapped_value = []\n", + " for word in bindings[var]:\n", + " if word in pronoun_swaps:\n", + " swapped_value += [pronoun_swaps[word]]\n", + " else:\n", + " swapped_value += [word]\n", + " result[var] = swapped_value\n", + " return result" + ] + }, + { + "cell_type": "markdown", + "id": "1b5d4263-bf07-4cb3-8093-768c6b7d2459", + "metadata": {}, + "source": [ + "### End of solution" + ] + }, + { + "cell_type": "markdown", + "id": "bfd3158e-f9ef-47ac-b780-0e4031ac9387", + "metadata": {}, + "source": [ + "The final part of the interaction loop is to pick a random response from the ones available. We do that with Python's built-in `random` library." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "e016c150", + "metadata": {}, + "outputs": [], + "source": [ + "def respond(rule, bindings):\n", + " \"\"\"Create a single response from a rule.\"\"\"\n", + " return fill(random.choice(rule['responses']), bindings)" + ] + }, + { + "cell_type": "markdown", + "id": "f36eb36b-b7d9-427f-a81a-77a9708fd4f2", + "metadata": {}, + "source": [ + "# Using ELIZA" + ] + }, + { + "cell_type": "markdown", + "id": "21703ed0-6bdc-4c16-9606-a0f8e09bb392", + "metadata": {}, + "source": [ + "With ELIZA built, it's time to use it!\n", + "\n", + "We call the main loop, using the rules we loaded earlier. Use one of the halt words to stop the interaction." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "4f3b2f33", + "metadata": {}, + "outputs": [], + "source": [ + "eliza_loop(all_rules)" + ] + }, + { + "cell_type": "markdown", + "id": "12a1c0c6-7d90-4429-85f8-23787b3009f7", + "metadata": {}, + "source": [ + "# Modifying ELIZA" + ] + }, + { + "cell_type": "markdown", + "id": "96d70385-9739-41ab-bd63-9b8a5fe5fadf", + "metadata": {}, + "source": [ + "With the basic functionality of ELIZA, we can change its behaviour by changing the rules. \n", + "\n", + "Open the `rules.yaml` file (use the \"Files\" icon on the left). You can modify the extisting rules, or add new ones, by typing the new rules into the file. \n", + "\n", + "Change some of the rules to change how ELIZA interacts. Remember that ELIZA will respond with the first rule that matches, so you're more likely to see your rules in action if you put them near the top of the `rules.yaml` file.\n", + "\n", + "> Note that the formatting must be precise, with the left indents being exactly two spaces. Use an existing rule as a template.\n", + "\n", + "Save the file when you're done. Reload the rules then run ELIZA again." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "beaff374-6ca2-4100-8d44-0c66c34e392c", + "metadata": {}, + "outputs": [], + "source": [ + "all_rules = read_rules('rules.yaml')\n", + "eliza_loop(all_rules)" + ] + }, + { + "cell_type": "markdown", + "id": "a9690e74-1183-4eae-92cd-f4e5c0c9fee1", + "metadata": {}, + "source": [ + "# Conclusion" + ] + }, + { + "cell_type": "markdown", + "id": "d99eb24e-88e6-468b-933a-4a5cb1ef441a", + "metadata": {}, + "source": [ + "Chatbots have been around since the very dawn of computers. Modern conversational agents work in very differently from this approach, but the very high-level overview of the process is the same. The rules in ELIZA are a form of language model, but one that combines both understanding its input and generating its output. The chatbot uses that language model to \"understand\" what the user says to it, then \"decides\" how to form a response. The fact that ELIZA works at all is down to two key features. One is the very restrictive domain of discourse; ELIZA simulates a [Rogerian psychotherapist](https://en.wikipedia.org/wiki/Person-centered_therapy) who only reflects back what the patient says. The other is the human propensity to anthropomorphise most things around us. People talk; ELIZA talks; therefore ELIZA must be some kind of person. It's an easy trap to fall into, to beware of it when you see other AI-generated text online." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "d013da3f-6428-4579-b624-9e74221cb0c3", + "metadata": {}, + "outputs": [], + "source": [] + } + ], + "metadata": { + "jupytext": { + "cell_metadata_filter": "-all", + "formats": "md,ipynb", + "notebook_metadata_filter": "-all" + }, + "kernelspec": { + "display_name": "Python 3 (ipykernel)", + "language": "python", + "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.10.13" + } + }, + "nbformat": 4, + "nbformat_minor": 5 +} diff --git a/3.eliza/3.eliza.md b/3.eliza/3.eliza.md new file mode 100644 index 0000000..adf1c4a --- /dev/null +++ b/3.eliza/3.eliza.md @@ -0,0 +1,602 @@ +# ELIZA, a simple chatbot + + +In this activity, you'll build a version of _ELIZA_, the first chatbot. + +An AI system that has conversations with people is commonly called a chatbot. You could well have encountered them as the first level of customer service for large companies, or the question-answering assistant in phones and smart speakers. Just like the term AI the chatbot has a long history. The first chatbot was ELIZA (Weizenbaum, 1966), which purported to be a psychotherapist. It worked by simple pattern matching on the text inputs it was given. + +ELIZA had a set of rules that specified some keywords in the input: if a rule matched the input, then the rule specified how to use it to create a response. + +For instance, consider if ELIZA had the rules specified below. + +| Pattern | Responses | +|---------|-----------| +| ?X I want ?Y | what would it mean if you got ?Y
why do you want ?Y
suppose you got ?Y soon | +| ?X I am sad ?Y | I am sorry to hear you are depressed
I’m sure it’s not pleasant to be sad | +| ?X are like ?Y | what resemblance do you see between ?X and ?Y | + +With these rules, the sentence + +> sometimes I want to be happy + +would match the first rule, with the variable `?Y` matching the fragment ‘to be happy’. + +| ?X | | ?Y | +|----|-|----| +|sometimes | I want | to be happy | + +ELIZA could use that information to respond with the sentence: + +> ‘Why do you want to be happy?’ + +with the matched value for `?Y` filling out the response. + +Weizenbaum created ELIZA to show how text communication could be simulated by such superficial processing. However, he was surprised by how readily people took to ELIZA and engaged it in conversations that were meaningful to the person. ELIZA is simple enough that it’s easy to modify its behaviour, which you will do in this activity. + +The state of the art of chatbots has moved on since the 1960s and tools like ChatGPT can now have conversations that seem like they are with a person. While ChatGPT is much more sophisticated than ELIZA, its basic operation remains the same: analyses its input, identifies the salient parts, and uses them to construct the response. + +```python +import yaml +import collections +import random +import string +``` + +# Building ELIZA + + +How do we go about building ELIZA? + +There are three main components we need to address. +1. Representing the rules +2. Matching user input to rules +3. Using the matches to create ELIZA's output + +Once we have these pieces, we can do the fourth stage of putting them all together into the full chatbot. + +We'll take each of these steps in turn. + + +# Rules + + +We can download some rules to work with. Execute this cell. + +```python +!wget --no-check-certificate https://raw.githubusercontent.com/NeilNjae/nominet-quick-start-ai/main/3.eliza/rules.yaml +``` + +You can look at the raw rules file by clicking on the "Files" icon in the left sidebar and choosing the `rules.yaml` entry. You should be alboe to see that the rules follow the structure of a pattern and a set of possible responses. + + +We will follow that structure in our implementation and represent each rule as a dictionary of two elements: a `pattern` and a list of `responses`. + + +We can now read in the set of rules from the file `rules.yaml`. + +```python +def read_rules(rules_file): + """Read a set of Eliza rules from a file.""" + rules = [] + with open(rules_file) as f: + for r in yaml.safe_load(f): + resps = [] + for rsp in r['responses']: + resps += [rsp.split()] + rule = {'pattern': r['pattern'].split(), + 'responses': resps} + rules += [rule] + return rules +``` + +```python +all_rules = read_rules('rules.yaml') +all_rules[:3] +``` + +Showing the rules like this is accurate, but hardly easy to read. We'll use this function to "pretty print" a rule into something nicer to look at. + +```python +def show_rule(rule): + """Pretty print a rule.""" + return {'pattern': ' '.join(rule['pattern']), + 'responses': [' '.join(resp) for resp in rule['responses']]} +``` + +```python +for rule in all_rules[5:8]: + print(show_rule(rule)) +``` + +# Matches + + +We need to match user input to the rules. The _result_ of this process is for us to know which variables in a rule match which parts of the input; that information can be used to generate the output. The normal term for "connecting a variable and its value" is a _binding_. In the example above, we would say that the variable `?X` is _bound_ to the value "sometimes" and the variable `?Y` is _bound_ to the value "to be happy". We can store a binding as a Python `dict` going from variable name to its bound value, such as `{'?X': ['sometimes'], '?Y': ['to' 'be' 'happy']}`. + +We'll do that by walking along the input text and the rule pattern in parallel, from left to right. If we can match the first token of each, we'll record any bindings then move on to the next tokens. + +Consider the input text +> the cat sat on the mat + +and the rule pattern +> the ?X sat on the ?Y + +We start by comparing the leftmost tokens. The leftmost token in in the pattern is the literal word "the" and this is the same as the first word of the input. These are the same, so the matching continues. + +We now have the situation of matching "cat sat on the mat" with "?X sat on the ?Y". We need to bind the variable `?X` with some words in the input. The variable can match zero or more words; as yet, just by looking at the first word of the input, we don't know how many words to include in the binding. We'll do what's easy for us and try them all, letting the computer do the work. This gives us a set of possible bindings and next steps: + +| Remaining text | Remaining pattern | Bindings | +|----------------|-------------------|----------| +| cat sat on the mat | sat on the ?Y | {'?X': []} | +| sat on the mat | sat on the ?Y | {'?X': ['cat']} | +| on the mat | sat on the ?Y | {'?X': ['cat', 'sat']} | +| the mat | sat on the ?Y | {'?X': ['cat', 'sat', 'on']} | +| mat | sat on the ?Y | {'?X': ['cat', 'sat', 'on', 'the']} | + +It's obvious to us that only one of these will lead to the whole pattern matching, but that's all we can do by looking at just the _first_ elements of the text and the pattern. + +There's more to look at with how matches work, but this is enough to get along with at the moment. + +The first thing to do is define a structure to hold a partial match: we need to hold the remaining text, the remaining pattern, and the bindings found so far. We'll use another `dict` with these three elements. + + +We define a match as _successful_ if there is both no more text and no more pattern. + +```python +def successful_match(match): + """A match is successful it it uses all the text and all the pattern.""" + return match['text'] == [] and match['pattern'] == [] +``` + +We also have a utility function that will convert the user's input into a list of words. It removes punctuation and converts all the text to lower-case. + +```python +def tokenise(text): + """Convert a text string into a list of lower-case words, removing punctuation""" + without_punctuation = text.translate(str.maketrans('', '', string.punctuation)) + lowered = without_punctuation.lower() + return lowered.split() +``` + +```python +tokenise("A man, a plan, a canal, Panama!") +``` + +## Exercise + + +We can now build a couple of utiilty functions to make this all work. + +First is a function that will detect if a token in a pattern is a variable. We mark variables as any string that starts with a "?". + +Write the function `is_var()`. Recall that you can find the specific characters of a string by using indexes. + +```python +def is_var(word): + .... +``` + +### Solution + +```python +def is_var(word): + """True if word is a variable.""" + return word[0] == '?' +``` + +### End of solution + + +## Exercise + + +The next thing is to find candiates for a variable to match. We need to split the text into two parts (a prefix and a suffix); the prefix can be bound to a variable and the suffix used to continue matching. + +Write the function `splits()` that returns all two-part splits of a list. Either part can be empty. + +For instance, the function call +```python +splits(['a', 'man', 'a', 'plan']) +``` + +should return + +```python +[([], ['a', 'man', 'a', 'plan']), + (['a'], ['man', 'a', 'plan']), + (['a', 'man'], ['a', 'plan']), + (['a', 'man', 'a'], ['plan']), + (['a', 'man', 'a', 'plan'], [])] +``` + +Recall how to find slices of a list. + + +### Solution + +```python +def splits(items): + """Return all the ways of splitting the items into two parts, + either of which can be empty.""" + results = [] + for i in range(len(items) + 1): + results += [(items[:i], items[i:])] + return results +``` + +```python +splits(['a', 'man', 'a', 'plan']) +``` + +### End of solution + + +We can now match the start of a pattern against the start of some text. This function is given some text, a pattern, and some bindings. It returns a list of `Match` objects that can be used to continue matching from this point. If the given pattern can't match against the given text, the function returns an empty list. + +There are a few cases to consider, and the implementation of the function follows them. + +1. If the first element of the pattern is a varialble: + 1. If this is a variable that is already bound: + 1. If the first few tokens of the text match the bound value: + 1. Create a new `Match` object that drops the first few tokens from the text, variable from the pattern, and the existing bindings; return it as a singleton list. + 2. Otherwise: + 1. Return this empty list. + 2. Otherwise (this is the first time seeing this variable): + 1. Initialise the list of matches to the empty list. + 2. For each (prefix, suffix) pair from splitting the text: + 1. Bind the variable to the prefix. + 2. Create a new `Match` object, where the text to match is the suffix and the pattern doesn't have this variable. + 3. Add the new `Match` to the list of matches + 3. Return the list of matches +2. Otherwise (the first element of the pattern is a literal word): + 1. If the first element of the pattern is the same as the first element of the text: + 1. Return a new `Match` object that drops this word. + 2. Otherwise: + 1. Return the empty list. + + +```python +def match_item(match): + """Match the first segment of text against the first segment of rule, + respecting the current variable bindings, and creating new bindings + if necessary.""" + text = match['text'] + pattern = match['pattern'] + bindings = match['bindings'] + element = pattern[0] + if is_var(element): + if element in bindings: + # already seen this variable + if text[:len(bindings[element])] == bindings[element]: + return [{'text': text[(len(bindings[element])):], + 'pattern': pattern[1:], + 'bindings': bindings}] + else: + return [] + else: + # not seen this variable yet + matches = [] + for prefix, suffix in splits(text): + new_bindings = bindings.copy() + new_bindings[element] = prefix + matches += [{'text': suffix, 'pattern': pattern[1:], 'bindings': new_bindings}] + return matches + elif text and text[0] == element: + return [{'text': text[1:], 'pattern': pattern[1:], 'bindings': bindings}] + else: + return [] +``` + +```python +match_item({'text': tokenise('a man a plan a canal panama'), 'pattern': ['?X', 'a', '?Y'], 'bindings': {}}) +``` + +```python +match_item({'text': tokenise('a man a plan a canal panama'), 'pattern': ['a', '?Y'], 'bindings': {}}) +``` + +```python +match_item({'text': tokenise('a man a plan a canal panama'), 'pattern': ['?X', 'a', '?Y'], 'bindings': {'?X': ['a', 'man']}}) +``` + +```python +match_item({'text': tokenise('a man a plan a canal panama'), 'pattern': ['?X', 'a', '?Y'], 'bindings': {'?X': ['a', 'plan']}}) +``` + +```python +match_item({'text': tokenise('a man a plan a canal panama'), 'pattern': ['a', 'plan'], 'bindings': {'?X': ['a', 'man']}}) +``` + +```python +match_item({'text': tokenise('a man a plan a canal panama'), 'pattern': ['plan'], 'bindings': {'?X': ['a', 'man']}}) +``` + +Now we can match one item in a pattern, we can write a wrapper that will find all matches between a given text and a given pattern. + +We do that by maintianing two lists. One is a list of partial matches in progress, the other is a list of successful matches. + +The "matches in progress" starts with just one item: the initial text, the initial item, and the empty set of bindings. The successes starts empty. + +We treat the matches in progress as a queue of work. While there is work to do, we take the first item of the queue, find all the results of `match_item` on that partial match, and insert the results at the end of the queue. + +The full pseudocode for `match` is: + +``` +initialise successes to [] +initialise matches to [{text, pattern, {} }] +while matches: + set current to first element of matches + set new_matches to [] + if current is a successful match: + add current's bindings to successes + set new_matches to [] + else if current's pattern is not empty: + set new_matches to match_item(current) + set matches to (matches without the first element) + new_matches +return successes +``` + + +## Exericse + + +Write `match`. + +The call to +``` +match(tokenise('a man a plan a canal panama'), ['?X', 'a', '?Y', 'a', '?Z']) +``` + +should give this result of three possible matches. + +``` +[{'?X': [], '?Y': ['man'], '?Z': ['plan', 'a', 'canal', 'panama']}, + {'?X': [], '?Y': ['man', 'a', 'plan'], '?Z': ['canal', 'panama']}, + {'?X': ['a', 'man'], '?Y': ['plan'], '?Z': ['canal', 'panama']}] +``` + + +### Solution + +```python +def match(text, pattern): + """Match a text against a pattern, returning all possible matches.""" + successes = [] + matches = [{'text': text, 'pattern': pattern, 'bindings': {}}] + while matches: + # print(matches, '***', successes) + current = matches[0] + new_matches = [] + if successful_match(current): + successes += [current['bindings']] + new_matches = [] + elif current['pattern']: + new_matches = match_item(current) + matches = matches[1:] + new_matches + return successes +``` + +```python +match(tokenise('a man a plan a canal panama'), ['?X', 'a', '?Y', 'a', '?Z']) +``` + +### End of solution + + +There are a couple of complexities here. + +It could be that a pattern matches some text in more than one way. For instance, the pattern `?X a ?Y` has several possible matches to the sentence "a man, a plan, a canal, Panama!" + +| ?X | ?Y | +|----|----| +| Nothing | man, a plan, a canal, Panama! | +| a man, | plan, a canal, Panama! | +| a man, a plan, | canal, Panama! | + +In this case, we should find all the matches. + + +# Responses + + +Now we can _match_ a rule against an input text, it's time to _respond_ to that text. + +We'll use the `response` part of the rule, together with the `bindings` we've found, to build the response. + +We'll walk along the `response`, element by element. We'll build up the `filled_response` as we go. If the current element of the `response` is a variable, we add the variable's bound value to the `filled_response`; otherwise, the element is a word, and we add it. + +For instance, if we have the rule + +``` +pattern: ?X sat on ?Y +response: does ?Y like ?X ? +``` + +and the binding `{'?X': ['the', 'cat'], ?Y': ['the', 'mat']}` , we would want to build the response `['does', 'the', 'mat', 'like', 'the', 'cat', '?']` + + +## Exercise + + +Write `fill`, that takes a rule response and some bindings, and fills out the response. Note that the `response` is a list of tokens, either words or variables. + + +### Solution + +```python +def fill(response, bindings): + """Complete a rule's response by using the bindings to fill + the variable slots.""" + filled_response = [] + for w in response: + if is_var(w): + if w in bindings: + filled_response += bindings[w] + else: + filled_response += ['MISSING'] + else: + filled_response += [w] + return filled_response +``` + +### End of solution + + +# Interaction loop + + +Now we've got all the parts of ELIZA, it's time to put them together. + +The basic interaction loop is: + +1. Ask for input +2. Find a matching rule +3. Build the response +4. Repeat forever + +Expressed in Python, it looks like this: + +```python +def eliza_loop(rules): + """Do the main Eliza loop, asking for input and generating responses.""" + print("Hello. I'm Eliza. What seems to be the problem?") + while True: + c = input("> ") + comment = tokenise(c) + if comment[0] in halt_words: break + rule, bindings = all_matches(rules, comment)[0] + swapped_bindings = pronoun_person_swap(bindings) + response = respond(rule, swapped_bindings) + print(' '.join(response)) +``` + +There are a few loose ends to tidy up. + + +## Stopping + + +At some point, we want to stop ELIZA. We do that by having a list of words to halt on. If the first token of the user's input is one of these, we stop. + +```python +halt_words = 'quit halt exit stop'.split() +``` + +## Picking the one rule and binding + + +Our `match` procedure can return many bindings for a rule, and there could be many rules that match as given input. Which do we choose? + +We want to choose the first rule the matches, as that allows us to give specific rules before more general ones. If there are several possible bindings, we could pick any; for convenience, we'll pick the first. + +We'll do that by writing a function `all_matches` that returns a list of all rule/binding combinations that match the input. We can then take the first of these in the ELIZA main loop (above). + +```python +def all_matches(rules, text): + """Find all the rules that match the text, returning + the rules and the bindings that allow the match.""" + results = [] + for rule in rules: + for bindings in match(text, rule['pattern']): + results += [(rule, bindings)] + return results +``` + +## Pronoun swapping + + +Consider the rule + +* Pattern: 'I like ?X' +* Response: 'Tell me more about ?X' + +applied to the sentence "I like my cat". + +This would bind with `{'?X': 'my cat'}`, and would in turn generate the response "Tell me more about my cat". This isn't what we want. Instead, we want to swap pronouns in the bindings from first-person to second-person, so the binding would become `{'?X': 'your cat'}` and the response "Tell me more about your cat". + +We do this with a somple lookup table (implemented as a `dict`) that maps an original word to its replacement. + +```python +pronoun_swaps = { + 'i': 'you', + 'me': 'you', + 'my': 'your', + 'mine': 'yours', + 'am': 'are', + 'you': 'i', + 'your': 'my', + 'yours': 'mine' +} +``` + +## Exercise + + +Write the function `pronoun_person_swap` that uses `pronoun_swaps` to change the pronouns in a collection of bindings. You'll need two nested loops (one to cycle through each binding, one to cycle through each word in that binding). For each binding, build up a new bound value, word by word. + + +### Solution + +```python +def pronoun_person_swap(bindings): + """Swap pronouns in the given bindings.""" + result = {} + for var in bindings: + swapped_value = [] + for word in bindings[var]: + if word in pronoun_swaps: + swapped_value += [pronoun_swaps[word]] + else: + swapped_value += [word] + result[var] = swapped_value + return result +``` + +### End of solution + + +The final part of the interaction loop is to pick a random response from the ones available. We do that with Python's built-in `random` library. + +```python +def respond(rule, bindings): + """Create a single response from a rule.""" + return fill(random.choice(rule['responses']), bindings) +``` + +# Using ELIZA + + +With ELIZA built, it's time to use it! + +We call the main loop, using the rules we loaded earlier. Use one of the halt words to stop the interaction. + +```python +eliza_loop(all_rules) +``` + +# Modifying ELIZA + + +With the basic functionality of ELIZA, we can change its behaviour by changing the rules. + +Open the `rules.yaml` file (use the "Files" icon on the left). You can modify the extisting rules, or add new ones, by typing the new rules into the file. + +Change some of the rules to change how ELIZA interacts. Remember that ELIZA will respond with the first rule that matches, so you're more likely to see your rules in action if you put them near the top of the `rules.yaml` file. + +> Note that the formatting must be precise, with the left indents being exactly two spaces. Use an existing rule as a template. + +Save the file when you're done. Reload the rules then run ELIZA again. + +```python +all_rules = read_rules('rules.yaml') +eliza_loop(all_rules) +``` + +# Conclusion + + +Chatbots have been around since the very dawn of computers. Modern conversational agents work in very differently from this approach, but the very high-level overview of the process is the same. The rules in ELIZA are a form of language model, but one that combines both understanding its input and generating its output. The chatbot uses that language model to "understand" what the user says to it, then "decides" how to form a response. The fact that ELIZA works at all is down to two key features. One is the very restrictive domain of discourse; ELIZA simulates a [Rogerian psychotherapist](https://en.wikipedia.org/wiki/Person-centered_therapy) who only reflects back what the patient says. The other is the human propensity to anthropomorphise most things around us. People talk; ELIZA talks; therefore ELIZA must be some kind of person. It's an easy trap to fall into, to beware of it when you see other AI-generated text online. + +```python + +``` diff --git a/3.eliza/eliza.py b/3.eliza/eliza.py new file mode 100644 index 0000000..0845e9a --- /dev/null +++ b/3.eliza/eliza.py @@ -0,0 +1,252 @@ +# # ELIZA, a simple chatbot + +# In this activity, you'll build a version of _ELIZA_, the first chatbot. +# +# An AI system that has conversations with people is commonly called a chatbot. You could well have encountered them as the first level of customer service for large companies, or the question-answering assistant in phones and smart speakers. Just like the term AI the chatbot has a long history. The first chatbot was ELIZA (Weizenbaum, 1966), which purported to be a psychotherapist. It worked by simple pattern matching on the text inputs it was given. +# +# ELIZA had a set of rules that specified some keywords in the input: if a rule matched the input, then the rule specified how to use it to create a response. +# +# For instance, consider if ELIZA had the rules specified below. +# +# | Pattern | Responses | +# |---------|-----------| +# | ?X I want ?Y | what would it mean if you got ?Y
why do you want ?Y
suppose you got ?Y soon | +# | ?X I am sad ?Y | I am sorry to hear you are depressed
I’m sure it’s not pleasant to be sad | +# | ?X are like ?Y | what resemblance do you see between ?X and ?Y | +# +# With these rules, the sentence +# +# > sometimes I want to be happy +# +# would match the first rule, with the variable `?Y` matching the fragment ‘to be happy’. +# +# | ?X | | ?Y | +# |----|-|----| +# |sometimes | I want | to be happy | +# +# ELIZA could use that information to respond with the sentence: +# +# > ‘Why do you want to be happy?’ +# +# with the matched value for `?Y` filling out the response. +# +# Weizenbaum created ELIZA to show how text communication could be simulated by such superficial processing. However, he was surprised by how readily people took to ELIZA and engaged it in conversations that were meaningful to the person. ELIZA is simple enough that it’s easy to modify its behaviour, which you will do in this activity. +# +# The state of the art of chatbots has moved on since the 1960s and tools like ChatGPT can now have conversations that seem like they are with a person. While ChatGPT is much more sophisticated than ELIZA, its basic operation remains the same: analyses its input, identifies the salient parts, and uses them to construct the response. + +import yaml +import collections +import random +from dataclasses import dataclass + + +# # Rules + +# First, we define a couple of dataclasses to hold things that are important for ELIZA. First is a `Rule`, that consists of a `pattern` and a list of `responses`. + +@dataclass +class Rule: + pattern: list[str] + responses: list[list[str]] + + +# We can now read in the set of rules from the file `rules.yaml` (open that file from the list on the left). + +def read_rules(rules_file): + """Read a set of Eliza rules from a file.""" + rules = [] + with open(rules_file) as f: + for r in yaml.safe_load(f): + resps = [] + for rsp in r['responses']: + resps += [rsp.split()] + rule = Rule(pattern=r['pattern'].split(), + responses=resps) + rules += [rule] + return rules + + +all_rules = read_rules('rules.yaml') +all_rules[:3] + + +# Showing the rules like this is accurate, but hardly easy to read. We'll use this function to "pretty print" a rule into something nicer to look at. + +def show_rule(rule): + """Pretty print a rule.""" + return {'pattern': ' '.join(rule.pattern), + 'responses': [' '.join(resp) for resp in rule.responses]} + + +for rule in all_rules[5:8]: + print(show_rule(rule)) + + +# # Matches + +@dataclass +class Match: + text: list[str] + pattern: list[str] + bindings: dict[str, list[str]] + + +# + +# Match = collections.namedtuple('Match', 'text, rule, bindings') +# - + +pronoun_swaps = { + 'i': 'you', + 'me': 'you', + 'my': 'your', + 'mine': 'yours', + 'am': 'are', + 'you': 'i', + 'your': 'my', + 'yours': 'mine' +} + +halt_words = 'quit halt exit stop'.split() + + +# + +# def read_rules(rules_file): +# """Read a set of Eliza rules from a file.""" +# with open(rules_file) as f: +# rules = [{'pattern': r['pattern'].split(), +# 'responses': [t.split() for t in r['responses']]} +# for r in yaml.safe_load(f)] +# return rules + +# + +# def read_rules(rules_file): +# """Read a set of Eliza rules from a file.""" +# with open(rules_file) as f: +# rules = [Rule(pattern=r['pattern'].split(), +# responses=[t.split() for t in r['responses']]) +# for r in yaml.safe_load(f)] +# return rules +# - + +def is_var(word): + """True if word is a variable.""" + return word[0] == '?' + + +def splits(items): + """Return all the ways of splitting the items into two parts, + either of which can be empty.""" + results = [] + for i in range(len(items) + 1): + results += [(items[:i], items[i:])] + return results + + +def match(text, pattern): + """Match a text against a pattern, returning all possible matches.""" + successes = [] + matches = [Match(text, pattern, {})] + while matches: + # print(matches, successes) + current = matches[0] + new_matches = [] + if successful_match(current): + successes += [current.bindings] + elif current.pattern: + new_matches = match_item(current.text, current.pattern, current.bindings) + matches = matches[1:] + new_matches + return successes + + +def successful_match(match): + """A match is successful it it uses all the text and all the pattern.""" + return match.text == [] and match.pattern == [] + + +def match_item(text, pattern, bindings): + """Match the first segment of text against the first segment of rule, + respecting the current variable bindings, and creating new bindings + if necessary.""" + r0 = pattern[0] + if is_var(r0): + if r0 in bindings: + # already seen this variable + if text[:len(bindings[r0])] == bindings[r0]: + return [Match(text[(len(bindings[r0])):], paattern[1:], bindings)] + else: + return [] + else: + # not seen this variable yet + matches = [] + for pre, suf in splits(text): + new_bindings = bindings.copy() + new_bindings[r0] = pre + matches += [Match(suf, pattern[1:], new_bindings)] + return matches + elif text and text[0] == r0: + return [Match(text[1:], pattern[1:], bindings)] + else: + return [] + + +def candidate_rules(rules, text): + """Find all the rules that match the text, returning + the rules and the bindings that allow the match.""" + return [(rule, bindings) + for rule in rules + for bindings in match(text, rule.pattern)] + + +def fill(response, bindings): + """Complete a rule's response by using the bindings to fill + the variable slots.""" + filled_response = [] + for w in response: + if is_var(w): + if w in bindings: + filled_response += bindings[w] + else: + filled_response += ['MISSING'] + else: + filled_response += [w] + return filled_response + + +def pronoun_person_swap(bindings): + """Swap pronouns in the given bindings.""" + def swapped(words): + sw = [] + for w in words: + if w in pronoun_swaps: + sw += [pronoun_swaps[w]] + else: + sw += [w] + return sw + + return {var: swapped(bindings[var]) for var in bindings} + + +def respond(rule, bindings): + """Create a single response from a rule.""" + return fill(random.choice(rule['responses']), bindings) + + +def eliza_loop(rules): + """Do the main Eliza loop, asking for input and generating responses.""" + print("Hello. I'm Eliza. What seems to be the problem?") + while True: + c = input("> ") + if c.strip() in halt_words: break + comment = c.split() + rule, bindings = candidate_rules(rules, comment)[0] + swapped_bindings = pronoun_person_swap(bindings) + print(' '.join(respond(rule, swapped_bindings))) + + +candidate_rules(all_rules, 'my computer is a vegetable'.split()) + + + + + + diff --git a/3.eliza/rules.yaml b/3.eliza/rules.yaml new file mode 100644 index 0000000..be43248 --- /dev/null +++ b/3.eliza/rules.yaml @@ -0,0 +1,254 @@ +- pattern: ?X hello ?Y + responses: + - how do you do. please state your problem + +- pattern: ?X computer ?Y + responses: + - do computers worry you + - what do you think about machines + - why do you mention computers + - what do you think machines have to do with your problem + +- pattern: ?X name ?Y + responses: + - i am not interested in names + +- pattern: ?X sorry ?Y + responses: + - please don't apologize + - apologies are not necessary + - what feelings do you have when you apologize + +- pattern: ?X i remember ?Y + responses: + - do you often think of ?Y + - does thinking of ?Y bring anything else to mind + - what else do you remember? + - why do you recall ?Y right now + - what in this present situation reminds you of ?Y + - what is the connection between me and ?Y + +- pattern: ?X do you remember ?Y + responses: + - did you think i would forget ?Y + - why do you think i should recall ?Y + - what about ?Y + - you mentioned ?Y + +- pattern: ?X if ?Y + responses: + - do you really think it is likely that ?Y + - do you wish that ?Y + - what do you think about ?Y + - really -- if ?Y + +- pattern: ?X i dreamt ?Y + responses: + - really -- ?Y + - have you ever fantasized ?Y while you were awake + - have you dreamt ?Y before + +- pattern: ?X i dreamed ?Y + responses: + - really -- ?Y + - have you ever fantasized ?Y while you were awake + - have you dreamed ?Y before + +- pattern: ?X dream ?Y + responses: + - what does this dream suggest to you + - do you dream often + - what persons appear in your dreams + - don't you believe that dream has to do with your problem + +- pattern: ?X my mother ?Y + responses: + - who else is in your family ?Y + - tell me more about your family + +- pattern: ?X my father ?Y + responses: + - your father + - does he influence you strongly + - what else comes to mind when you think of your father + +- pattern: ?X i want ?Y + responses: + - what would it mean if you got ?Y + - why do you want ?Y + - suppose you got ?Y soon + +- pattern: ?X i am glad ?Y + responses: + - how have i helped you to be ?Y + - what makes you happy just now + - can you explain why you are suddenly ?Y + +- pattern: ?X i am happy ?Y + responses: + - how have i helped you to be ?Y + - what makes you glad just now + - can you explain why you are suddenly ?Y + +- pattern: ?X i am sad ?Y + responses: + - i am sorry to hear you are depressed + - i'm sure it's not pleasant to be sad + +- pattern: ?X i am unhappy ?Y + responses: + - i am sorry to hear you are depressed + - i'm sure it's not pleasant to be unhappy + +- pattern: ?X are like ?Y + responses: + - what resemblance do you see between ?X and ?Y + +- pattern: ?X is like ?Y + responses: + - in what way is it that ?X is like ?Y + - what resemblence do you see + - could there really be some connection + - how + +- pattern: ?X alike ?Y + responses: + - in what way + - what similarities are there + +- pattern: ?X same ?Y + responses: + - what other connections do you see + +- pattern: ?X i was ?Y + responses: + - were you really + - perhaps i already knew you were ?Y + - why do you tell me you were ?Y now + +- pattern: ?X was i ?Y + responses: + - what if you were ?Y + - do you think you were ?Y + - what would it mean if you were ?Y + +- pattern: ?X i am ?Y + responses: + - in what way are you ?Y + - do you want to be ?Y + +- pattern: ?X am i ?Y + responses: + - do you believe you are ?Y + - would you want to be ?Y + - you wish i would tell you you are ?Y + - what would it mean if you were ?Y + +- pattern: ?X am ?Y + responses: + - why do you say "am" + - i don't understand that + +- pattern: ?X are you ?Y + responses: + - why are you interested in whether i am ?Y or not + - would you prefer it if i weren't ?Y + - perhaps i am ?Y in your fantasies + +- pattern: ?X you are ?Y + responses: + - what makes you think i am ?Y + +- pattern: ?X because ?Y + responses: + - is that the real reason + - what other reason might there be + - does that reason seem to explain anything else + +- pattern: ?X were you ?Y + responses: + - perhaps i was ?Y + - what do you think + - what if i had been ?Y + +- pattern: ?X i cant ?Y + responses: + - maybe you could ?Y now + - what if you could ?Y + +- pattern: ?X i feel ?Y + responses: + - do you often feel ?Y + +- pattern: ?X i felt ?Y + responses: + - what other feelings do you have + +- pattern: ?X i ?Y you ?Z + responses: + - perhaps in your fantasies we ?Y each other + +- pattern: ?X why dont you ?Y + responses: + - should you ?Y yourself + - do you believe i don't ?Y + - perhaps i will ?Y in good time + +- pattern: ?X yes ?Y + responses: + - you seem quite positive + - you are sure + - i understand + +- pattern: ?X no ?Y + responses: + - why not + - you are being a bit negative + - are you saying "no" just to be negative + +- pattern: ?X someone ?Y + responses: + - can you be more specific + +- pattern: ?X everyone ?Y + responses: + - surely not everyone + - can you think of anyone in particular + - who for example + - you are thinking of a special person + +- pattern: ?X always ?Y + responses: + - can you think of a specific example + - when + - what incident are you thinking of + - really -- always + +- pattern: ?X what ?Y + responses: + - why do you ask + - does that question interest you + - what is it you really want to know + - what do you think + - what comes to your mind when you ask that + +- pattern: ?X perhaps ?Y + responses: + - you do not seem quite certain + +- pattern: ?X are ?Y + responses: + - do you think they might not be ?Y + - possibly they are ?Y + +- pattern: ?X + responses: + - very interesting + - i am not sure i understand you fully + - what does that suggest to you + - please continue + - go on + - do you feel strongly about discussing such things + + + diff --git a/4.image-classification/4.conv_nn.ipynb b/4.image-classification/4.conv_nn.ipynb new file mode 100644 index 0000000..8ceef9e --- /dev/null +++ b/4.image-classification/4.conv_nn.ipynb @@ -0,0 +1,1164 @@ +{ + "cells": [ + { + "cell_type": "markdown", + "id": "7cc12f64-a666-44ae-a29b-cd80c8b0afe3", + "metadata": {}, + "source": [ + "# Image classification using neural networks" + ] + }, + { + "cell_type": "markdown", + "id": "53a4b4ae-7f61-418e-925d-f66772c831b7", + "metadata": {}, + "source": [ + "Deep neural networks are the current best approach in artificial intelligence and machine learning systems. Machine learning is often called \"deep learning\" because the learning happens in deep neural networks, with many artificial neurons between the input and the output.\n", + "\n", + "A neural network is based on an analogue of the brain, with _neurons_ (nerve cells) connected to each other in a _network_. Each neuron takes a bunch of inputs (whether from the inputs to the network or from other neurons), adds them up, and uses that to generate an output. Those outputs then feed into either other neurons or the output of the network as a whole. \n", + "\n", + "Each neuron has several parameters. Each input to the neuron is weighted, and it's these weighted inputs that are added. Each neuron also has a bias, that acts as a threshold value for whether it generates an output.\n", + "\n", + "These neurons are typically organised in _layers_, with neurons in one layer feeding forward into the next. The diagram below shows a network of a few _dense_ layers, where each input to the layer feeds into each neuron.\n", + "\n", + "![A sample neural network](./pic/sample_neural_network.png)\n", + "\n", + "To do image classification with this type of neural network, each pixel in the image is one input. The value of each pixel feeds into each neuron in the first layer, and so on through the network. The final layer has one neuron per class the network knows about, and the values at these outputs is the probability that this image is an example of each of the classes. " + ] + }, + { + "cell_type": "markdown", + "id": "47544aac-8d5f-469f-bc33-af2b66908c75", + "metadata": {}, + "source": [ + "When it's first created, the network has random weights throughout, so generates random classifications for each input. This is generally not what we want. \n", + "\n", + "To train the network, we need a large collection of images, each with its _label_ of the true class for that image. During training, we feed in an image and compare the output generated by the network to the output we want (the image's label). We can then see how the network's actual output differs from the desired output, and find the _error_ (difference) between them. The actual output is a combination of the weights and inputs of the final layer of neurons. We can combine the error and the weights to work out how to adjust the weights going into the output layer, and how we should change the values on the neurons that feed into that layer. That gives us an error in the next-to-last layer of neurons; we can use that to adjust the weights feeding into that layer, and so on back to the input layer.\n", + "\n", + "We then the next image from our training data and adjust the weights again. \n", + "\n", + "Once we've done all the images in the training set, we've completed one _epoch_ of training and the network is a bit better at classifying images. \n", + "\n", + "We then go through another epoch of training and the network hopefully improves a bit more. As we do more training, we get to the point of diminishing returns and we can stop. " + ] + }, + { + "cell_type": "markdown", + "id": "7d1381f0-d78a-4a65-856e-42221b9cfd18", + "metadata": {}, + "source": [ + "Enough talk. Let's build a neural network. " + ] + }, + { + "cell_type": "markdown", + "id": "82813dc2-c3a0-4b45-813d-b54a15d251fe", + "metadata": {}, + "source": [ + "## Important: before you start\n", + "Before you run any cells in this notebook, you need to ensure you're using a GPU. This will massively increase the speed of using the neural networks. \n", + "\n", + "Click on the Colab menu \"Runtime\". Select \"Change runtime type\". Select the \"T4\" GPU. This will restart the notebook, so you'll have lost any work you've already done.\n", + "\n", + "Once you're connected to a T4 runtime (you can see by looking at the top-right of the window, next to the \"RAM\" and \"Disk\" traces), you can start work in this noteobok." + ] + }, + { + "cell_type": "markdown", + "id": "69f360ba-2ed9-4245-b3ef-257c81d5906a", + "metadata": {}, + "source": [ + "# Loading some data" + ] + }, + { + "cell_type": "markdown", + "id": "2c6011ff-5d0c-4377-ae65-7015a5dc8ed2", + "metadata": {}, + "source": [ + "We need to train the neural network on some data, so we'll load some. We'll use the [standard CIFAR-10 set of small images](https://www.cs.toronto.edu/~kriz/cifar.html), in ten classes. " + ] + }, + { + "cell_type": "markdown", + "id": "b9b00a96-adf8-4b3f-8094-6234db200f57", + "metadata": {}, + "source": [ + "First, we import the libraries we'll use." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "e0ca3d6d", + "metadata": {}, + "outputs": [], + "source": [ + "# Load some toolkits we will need later\n", + "import tensorflow as tf\n", + "import matplotlib.pyplot as plt\n", + "%matplotlib inline\n", + "import numpy as np\n", + "from tensorflow import keras\n", + "from tensorflow.keras import layers, optimizers, metrics, Sequential\n", + "from tensorflow.keras.layers import *\n", + "\n", + "import tensorflow_datasets as tfds" + ] + }, + { + "cell_type": "markdown", + "id": "a629e0dc", + "metadata": {}, + "source": [ + "We set some parameters then load the data." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "12555eb0-63a5-42cc-89a8-ed29cd8f102a", + "metadata": {}, + "outputs": [], + "source": [ + "ROWS = 32\n", + "COLS = 32\n", + "CHANNELS = 3\n", + "INPUT_SHAPE = (ROWS, COLS, CHANNELS)\n", + "\n", + "BATCH_SIZE = 64" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "7c54aa96", + "metadata": {}, + "outputs": [], + "source": [ + "# Loading the data\n", + "(train_data, test_data), dataset_info = tfds.load('cifar10',\n", + " split=['train', 'test'],\n", + " with_info=True)\n", + "train_data, test_data, dataset_info" + ] + }, + { + "cell_type": "markdown", + "id": "666ba15e-98c5-482d-884e-9d64083f8e6e", + "metadata": {}, + "source": [ + "We'll reformat the dataset into the form we need for the network to use. We split the data into a _training_ set, that we use to train the network; a _validation_ set, that we use to keep an eye on training as it progresses, and a _test_ set for our final evaluation." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "562e62d7", + "metadata": {}, + "outputs": [], + "source": [ + "# Preparing the data\n", + "\n", + "# define the list of class labels\n", + "class_names = ['airplane', 'automobile', 'bird', 'cat', 'deer',\n", + " 'dog', 'frog', 'horse', 'ship', 'truck']\n", + "\n", + "class_num = len(class_names)\n", + "\n", + "def ds_elem_transform(elem):\n", + " return (tf.cast(elem['image'], tf.float32) / 255, # convert pixel values to range 0-1\n", + " tf.one_hot(elem['label'], 10) # one-hot encoding for labels, 10 choices\n", + " )\n", + "\n", + "# Transform every element of the dataset, rename the result.\n", + "train_validation_data = train_data.map(\n", + " ds_elem_transform, num_parallel_calls=tf.data.AUTOTUNE)\n", + "\n", + "# Preparing the training and validation data\n", + "# Take the elements at index 9, 19, 29... into the validation dataset\n", + "validation_data = train_validation_data.shard(10, 9)\n", + "validation_data = validation_data.batch(64)\n", + "validation_data = validation_data.cache()\n", + "validation_data = validation_data.prefetch(tf.data.AUTOTUNE)\n", + "\n", + "# Create a new train_data dataset. Append the remaining shards of the train_validation_data dataset.\n", + "train_data = train_validation_data.shard(10, 8)\n", + "for i in range(8):\n", + " train_data = train_data.concatenate(train_validation_data.shard(10, i))\n", + "\n", + "train_data = train_data.cache()\n", + "train_data = train_data.shuffle(dataset_info.splits['train'].num_examples)\n", + "train_data = train_data.batch(64)\n", + "train_data = train_data.prefetch(tf.data.AUTOTUNE)\n", + "\n", + "# Perform the same steps on the test dataset:\n", + "# transform each element, batch, cache, and prefetch.\n", + "test_data = test_data.map(\n", + " ds_elem_transform, num_parallel_calls=tf.data.AUTOTUNE)\n", + "test_data = test_data.batch(64)\n", + "test_data = test_data.cache()\n", + "test_data = test_data.prefetch(tf.data.AUTOTUNE)" + ] + }, + { + "cell_type": "markdown", + "id": "13d4d837-bc41-48eb-b78b-d33e9301a677", + "metadata": {}, + "source": [ + "How much data do we have?" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "072deb45", + "metadata": {}, + "outputs": [], + "source": [ + "len(train_data), len(validation_data), len(test_data)" + ] + }, + { + "cell_type": "markdown", + "id": "c5fe1d26-d0a0-4990-80d8-44ab94967cb0", + "metadata": {}, + "source": [ + "That's 704 _batches_ of training data, with 64 images per batch, meaning there are just over 45,000 images to train from." + ] + }, + { + "cell_type": "markdown", + "id": "9149db3c-f6ef-4fc0-91d6-f99ebb236f32", + "metadata": {}, + "source": [ + "### Viewing some pictures" + ] + }, + { + "cell_type": "markdown", + "id": "7851a632-f2bb-4668-8b8f-034f9a7c23ca", + "metadata": {}, + "source": [ + "We use the `matploblib` library to show 25 sample images in the `train_data` we have loaded. " + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "7de7a204", + "metadata": {}, + "outputs": [], + "source": [ + "# Get the first batch. \n", + "# (This may take a moment as it reads and caches the Dataset)\n", + "sample_imgs, sample_labels = train_data.as_numpy_iterator().next()\n", + "\n", + "# The canvas size is first initialized by setting the parameter figsize in function plt.figure()\n", + "plt.figure(figsize=(10,10)) \n", + "for i in range(25):\n", + " plt.subplot(5,5,i+1) # draw five rows and five columns in canvas\n", + " plt.imshow(sample_imgs[i], cmap=plt.cm.binary)\n", + " plt.xticks([])\n", + " plt.yticks([])\n", + " plt.grid(False)\n", + " plt.title(class_names[np.argmax(sample_labels[i])])\n", + "plt.show()" + ] + }, + { + "cell_type": "markdown", + "id": "683f6cfc-eff6-43c4-8cbe-c590878a381b", + "metadata": {}, + "source": [ + "# Implementing a neural network" + ] + }, + { + "cell_type": "markdown", + "id": "93a874bc-f975-465c-b0a3-6e419b1ee4db", + "metadata": {}, + "source": [ + "We now implement a straightforward neural network. We have an input layer, a `Flatten` layer that converts the 32×32×3 image into a set of 3027 values, and two `Dense` layers to do the classification." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "d47fd96d-0851-4441-8f49-0c4defe359ad", + "metadata": {}, + "outputs": [], + "source": [ + "model = tf.keras.Sequential([\n", + " tf.keras.layers.Input(INPUT_SHAPE),\n", + " tf.keras.layers.Flatten(),\n", + " tf.keras.layers.Dense(256, activation='sigmoid'),\n", + " tf.keras.layers.Dense(class_num, activation='softmax')\n", + "])\n", + "model.summary()" + ] + }, + { + "cell_type": "markdown", + "id": "3aaf8026-2aee-499b-b6f1-d78888e3a9a2", + "metadata": {}, + "source": [ + "The summary shows the structure of the network and how many parameters it has. In this case, just over three-quarters of a million." + ] + }, + { + "cell_type": "markdown", + "id": "c465880c-2dbd-4d8b-a86f-da43091f3251", + "metadata": {}, + "source": [ + "We `compile` the model with some parameters to control how training progresses, then we `fit` the model to the training data. The validation data isn't used to train the network. Instead, after each epoch of training, we evalaute the model on the validation data to see how well it performs on other data. This helps when it comes to overfitting, as we'll see later." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "b56bf3ea-01db-4f8c-9e6f-b9dd7235cc1c", + "metadata": {}, + "outputs": [], + "source": [ + "model.compile(\n", + " 'SGD',\n", + " loss='categorical_crossentropy',\n", + " metrics=['accuracy']\n", + ")" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "529424ca-fde7-4b65-b622-4e64176d1061", + "metadata": {}, + "outputs": [], + "source": [ + "history = model.fit(train_data,\n", + " validation_data=validation_data,\n", + " epochs=10,\n", + " )" + ] + }, + { + "cell_type": "markdown", + "id": "9bccbd6e-5d3e-4366-8af5-8169e23b26b3", + "metadata": {}, + "source": [ + "We can see how the accuracy of the model changes over training. We can also see that the accuracy when using the validation data is similar to the training data." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "8baf00cb-0e4e-4a62-93b1-dba07e4e81a8", + "metadata": {}, + "outputs": [], + "source": [ + "acc = history.history['accuracy']\n", + "val_acc = history.history['val_accuracy']\n", + "\n", + "epochs = range(len(acc))\n", + "plt.plot(epochs, acc, 'ro', label='Training acc')\n", + "plt.plot(epochs, val_acc, 'b', label='Validation acc')\n", + "plt.title('Training and validation accuracy')\n", + "plt.legend() # Automatic detection of elements to be shown in the legend\n", + "plt.xlabel('Epochs')\n", + "plt.ylabel('Accuracy')\n", + "plt.figure()" + ] + }, + { + "cell_type": "markdown", + "id": "f65fe013-9ce2-49cf-87ea-571049ec446a", + "metadata": {}, + "source": [ + "### Making predictions on test data\n", + "\n", + "We can now use the model to make predictions on the test data." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "47ef8ee1-6eaf-4565-a55f-a5b5918c4d2f", + "metadata": {}, + "outputs": [], + "source": [ + "test_predictions = model.predict(test_data)\n", + "test_predictions.shape" + ] + }, + { + "cell_type": "markdown", + "id": "dd63d4f1-b9f4-4af1-8423-353fa7e5a596", + "metadata": {}, + "source": [ + "This gives us 10,000 predictions across ten classes. If we look at one of the predictions, we can see the probabilities of the different classes. " + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "1819381d-f11e-4fe3-a528-1fe52f18e6ad", + "metadata": {}, + "outputs": [], + "source": [ + "test_predictions[1]" + ] + }, + { + "cell_type": "markdown", + "id": "9b15fd71-9c59-4263-a525-f2e9ca0a9430", + "metadata": {}, + "source": [ + "The predicted label is the index of the highest-valued output for each prediction." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "f751ab2c-6905-4012-aa56-32f05e56a882", + "metadata": {}, + "outputs": [], + "source": [ + "predict_labels = np.argmax(test_predictions, axis=1)" + ] + }, + { + "cell_type": "markdown", + "id": "75f50d2c-8257-4514-896a-af04d0f6e7e7", + "metadata": {}, + "source": [ + "Now we view some images and give the predicted and actual labels for each. " + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "e2d4ffe3-6a7e-4363-a67d-5487c31630db", + "metadata": {}, + "outputs": [], + "source": [ + "# View the true and predicted labels of sample images\n", + "plt.figure(figsize=(15,10))\n", + "test_imgs, test_labels = test_data.as_numpy_iterator().next()\n", + "\n", + "for i in range(25):\n", + " plt.subplot(5,5,i+1)\n", + " plt.xticks([])\n", + " plt.yticks([])\n", + " plt.grid(False)\n", + " plt.imshow(test_imgs[i], cmap=plt.cm.binary)\n", + " p_class = predict_labels[i]\n", + " a_class = np.argmax(test_labels[i])\n", + " plt.title(f\"P: {class_names[p_class]} (A: {class_names[a_class]})\",\n", + " color=(\"green\" if p_class == a_class else \"red\"))\n", + "plt.show()\n" + ] + }, + { + "cell_type": "markdown", + "id": "52e75bc8-48ff-4571-b093-60fa5651bdbc", + "metadata": {}, + "source": [ + "Finally, we can evaluate the overall accuracy of the model on test data." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "dba439f1-8e6e-425f-881a-fef3d47861a8", + "metadata": {}, + "outputs": [], + "source": [ + "model_results = model.evaluate(test_data, return_dict=True)\n", + "model_results" + ] + }, + { + "cell_type": "markdown", + "id": "d4f575b5-ef30-439d-8041-7b05de608cde", + "metadata": {}, + "source": [ + "Your results will vary, as your neural network was given its own random weights at the start. But you should see an accuracy of around 35–40%." + ] + }, + { + "cell_type": "markdown", + "id": "1a8cd835-49da-4b18-94e3-85f3fb6f0bb0", + "metadata": {}, + "source": [ + "# Why use CNN?" + ] + }, + { + "cell_type": "markdown", + "id": "d5082be2-3f9a-4174-ad04-7c9651b77a36", + "metadata": {}, + "source": [ + "The neural network above works, but not very well. Just under 40% accuracy, from a range on only ten classes, isn't great.\n", + "\n", + "One reason for this is that network throws away all the spatial information in that first `Flatten` layer. Subsequent layers no longer know about which pixels are nearby to other pixels in the original image. A better approach would be to have a neural network that looks at just small regions of the image and feeds that to the next layers. \n", + "\n", + "That is a convolutional neural network." + ] + }, + { + "cell_type": "markdown", + "id": "c9bd66bb-01c9-45f9-bfce-e967ca8f7583", + "metadata": {}, + "source": [ + "## Convolution layer \n", + "\n", + "The idea of the convolution layer is to create a filter (also called kernel). The filter is used to scan across the image and create a representation of the image corresponding to the filter. In this way, we can think of the filter as a specific feature extraction mechanism for the image. For instance, a filter may detect a block of colour, or a horizontal edge, or a curve. \n", + "\n", + "A single convoution layer may contain many filters (32 filters in the example below). That means the layer can detect 32 features in the image. The network learns which features are important during training. \n", + "\n", + "![Example filters](./pic/Example-filters.png)\n", + " \n", + "If we use 32 different filters in the convolution layer, then we create 32 different representations, called **feature maps**, of the input image. These different feature maps in combination can help us identify the input image correctly.\n", + "\n", + "How a filter operates is illustrated below. Simply speaking, we overlay a filter, which is a small matrix of weights, on top of the input matrix, e.g. starting from the top-left corner and then sliding from left to right and from top to bottom. \n", + "\n", + "![An example convolution](./pic/example-convolution.png)\n", + "\n", + "The **filter** shown in the example is of size *3×3*. It is applied on a *5×5* input matrix (you can consider it as the matrix of pixels for an image). When the filter moves through the image it does its computation in each position, then moves to cover another *3×3* part of the input. The right-hand side matrix shows the output of each step. \n", + "\n", + "*The values in the kernel are learnt during the training step.*" + ] + }, + { + "cell_type": "markdown", + "id": "7ac427ed", + "metadata": {}, + "source": [ + "# Building a CNN model\n", + "Let's use a convolution layer for image recognition. \n", + "\n", + "We'll use a convolution layer that has 32 filters. We then `Flatten` those neurons into a set of 33,000 neurons, and use a couple of `Dense` layers to use those features and create the image classification." + ] + }, + { + "cell_type": "markdown", + "id": "366d5fdc", + "metadata": {}, + "source": [ + "![A simple CNN](./pic/cnn-diagram-simple.png)" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "df1b8bfe", + "metadata": {}, + "outputs": [], + "source": [ + "model2 = Sequential([\n", + " Input(INPUT_SHAPE),\n", + " Conv2D(filters=32, kernel_size=(3, 3), padding='same', activation='relu'),\n", + " # MaxPooling2D(pool_size=(2, 2)),\n", + " # Dropout(0.5),\n", + " Flatten(),\n", + " Dense(128),\n", + " Dense(class_num, activation='softmax')\n", + "])\n", + "\n", + "model2.compile(\n", + " optimizer='adam',\n", + " loss='categorical_crossentropy',\n", + " metrics=['accuracy']\n", + " )\n", + "\n", + "model.summary()" + ] + }, + { + "cell_type": "markdown", + "id": "6167fd28-f87c-4dc4-989f-ea5dd207ede2", + "metadata": {}, + "source": [ + "Again, we compile and train the model." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "5ac28fac", + "metadata": {}, + "outputs": [], + "source": [ + "model2.compile(\n", + " 'adam',\n", + " loss='categorical_crossentropy',\n", + " metrics=['accuracy']\n", + ")" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "0e7e0e88", + "metadata": {}, + "outputs": [], + "source": [ + "history = model2.fit(train_data,\n", + " validation_data=validation_data,\n", + " epochs=10,\n", + " )" + ] + }, + { + "cell_type": "markdown", + "id": "5e54c96a", + "metadata": {}, + "source": [ + "There's good news and bad news. \n", + "\n", + "The good news is that the accuracy is much better than when not using the convolution layer. The training accuracy will be about 85%, the validation accuracy about 55%.\n", + "\n", + "The bad news is that difference between the performance on the training and validation data. It's clearer if we plot the training history." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "767d321f", + "metadata": {}, + "outputs": [], + "source": [ + "acc = history.history['accuracy']\n", + "val_acc = history.history['val_accuracy']\n", + "\n", + "epochs = range(len(acc))\n", + "plt.plot(epochs, acc, 'ro', label='Training acc')\n", + "plt.plot(epochs, val_acc, 'b', label='Validation acc')\n", + "plt.title('Training and validation accuracy')\n", + "plt.legend() # Automatic detection of elements to be shown in the legend\n", + "plt.xlabel('Epochs')\n", + "plt.ylabel('Accuracy')\n", + "plt.figure()" + ] + }, + { + "cell_type": "markdown", + "id": "26d24eff", + "metadata": {}, + "source": [ + "This shows the model is _overfitting_: it's getting very good at classifying the training data, but does much less well on data it's not been trained on. (The validation data is used to check how well the model works, not to improve the model's performance.)" + ] + }, + { + "cell_type": "markdown", + "id": "55831403-cb33-4b5d-81f8-f6bdf1fe3cb8", + "metadata": {}, + "source": [ + "## Addressing overfitting" + ] + }, + { + "cell_type": "markdown", + "id": "9bd5ac3b-5c83-4d2a-986b-bbf392ae6ac9", + "metadata": {}, + "source": [ + "We can address overfitting by throwing away some of the information _inside_ the model during training. We do this in two ways: pooling and dropout.\n", + "\n", + "Pooling uses the observation that pieces of the image near each other are very similar, and will have very similar feature maps from a convolutional layer. In any given small region (\"pool\") of a feature map, we can take just one pixel to go forward. Generally, we take the largest value in the pool.\n", + "\n", + "Dropout just plain discards information during training. Networks can overfit if all the weights can be adjusted together. During training, a dropout layer will randomly turn off some of the connections with each training example. This allows the weights to change independently and therefore makes the network more robust." + ] + }, + { + "cell_type": "markdown", + "id": "1d371052-3617-4bbf-8484-0c27a7f92e5d", + "metadata": {}, + "source": [ + "By combining both pooling and dropout layers, we can afford to make the network deeper before overfitting occurs. We've done this in the model below, where we have three convolution layers. " + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "e9696730-6a07-41c9-905d-1327dd29185e", + "metadata": {}, + "outputs": [], + "source": [ + "model3 = Sequential([\n", + " Input((32, 32, 3)),\n", + " Conv2D(filters=32, kernel_size=(3, 3), padding='same', activation='relu'),\n", + " MaxPooling2D(pool_size=(2, 2)),\n", + " Conv2D(filters=32, kernel_size=(3, 3), padding='same', activation='relu'),\n", + " MaxPooling2D(pool_size=(2, 2)),\n", + " Conv2D(filters=64, kernel_size=(3, 3), padding='same', activation='relu'),\n", + " MaxPooling2D(pool_size=(2, 2)),\n", + "\n", + " Flatten(),\n", + " Dense(64, activation='relu'),\n", + " Dropout(0.5),\n", + " Dense(class_num, activation='softmax')\n", + "])\n", + "\n", + "model3.compile(\n", + " optimizer='adam',\n", + " loss='categorical_crossentropy',\n", + " metrics=['accuracy']\n", + " )" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "5d58c56b-a6c7-46e7-8c21-8a62a416cd64", + "metadata": {}, + "outputs": [], + "source": [ + "model3.summary()" + ] + }, + { + "cell_type": "markdown", + "id": "5af3a45c-2318-4874-949d-516749b43f67", + "metadata": {}, + "source": [ + "Note that the last feature map is only 4×4 across, but has 64 features to choose from." + ] + }, + { + "cell_type": "markdown", + "id": "4da953d7-104e-47f1-bfb4-85572f90244b", + "metadata": {}, + "source": [ + "## Exercise" + ] + }, + { + "cell_type": "markdown", + "id": "132ed328-a25f-4760-8e3b-88a35420c176", + "metadata": {}, + "source": [ + "We can now compile and train the model, this time for **30** epochs. Apart from the number of epochs, use exactly the same code as you did above for `model2`." + ] + }, + { + "cell_type": "markdown", + "id": "ed65f487-c2be-4a15-82ce-6cf7d118206d", + "metadata": { + "jp-MarkdownHeadingCollapsed": true + }, + "source": [ + "### Solution" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "3f188332-cda4-4439-87eb-f8b908d4e079", + "metadata": {}, + "outputs": [], + "source": [ + "history = model3.fit(train_data,\n", + " validation_data=validation_data,\n", + " epochs=30\n", + " )\n", + "\n", + "acc = history.history['accuracy']\n", + "val_acc = history.history['val_accuracy']\n", + "\n", + "epochs = range(len(acc))\n", + "plt.plot(epochs, acc, 'ro', label='Training acc')\n", + "plt.plot(epochs, val_acc, 'b', label='Validation acc')\n", + "plt.title('Training and validation accuracy')\n", + "plt.xlabel('Epochs')\n", + "plt.ylabel('Accuracy')\n", + "plt.legend()\n", + "plt.figure();" + ] + }, + { + "cell_type": "markdown", + "id": "3a2fdbd7-4225-4658-b74e-ae063a64a695", + "metadata": {}, + "source": [ + "### End of solution" + ] + }, + { + "cell_type": "markdown", + "id": "da5199d1-34d7-407b-857f-f9b8eb2c2f30", + "metadata": {}, + "source": [ + "This seems to have gone much better. The accuracy is better, and the accuracy of the validation dataset is very close to the training dataset.\n", + "\n", + "How does it work on the test dataset?" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "e210bdd2-0247-4aef-8034-97b230b99c47", + "metadata": {}, + "outputs": [], + "source": [ + "model3_results = model3.evaluate(test_data, return_dict=True)\n", + "model3_results" + ] + }, + { + "cell_type": "markdown", + "id": "5ff8d14c-8240-4613-a8a9-0864500c5dc3", + "metadata": {}, + "source": [ + "Your results will vary, but you'll probably see an accuracy in the 70–75% range.\n", + "\n", + "We can show some images with their predicted and actual labels." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "4fdb0531-9eae-4a54-b807-f676d18609e1", + "metadata": {}, + "outputs": [], + "source": [ + "test_predictions = model3.predict(test_data)\n", + "\n", + "predict_labels = np.argmax(test_predictions, axis=1)\n", + "\n", + "# View the true and predicted labels of some sample images\n", + "\n", + "plt.figure(figsize=(15,10))\n", + "test_imgs, test_labels = test_data.as_numpy_iterator().next()\n", + "\n", + "for i in range(25):\n", + " plt.subplot(5, 5, i+1)\n", + " plt.xticks([])\n", + " plt.yticks([])\n", + " plt.grid(False)\n", + " plt.imshow(test_imgs[i])\n", + " p_class = predict_labels[i]\n", + " a_class = np.argmax(test_labels[i])\n", + " \n", + " plt.title(f\"P: {class_names[p_class]} (A: {class_names[a_class]})\",\n", + " color=(\"green\" if p_class == a_class else \"red\"))\n", + "plt.show()" + ] + }, + { + "cell_type": "markdown", + "id": "a5485334-4665-475b-80aa-7a8c0cccfb16", + "metadata": {}, + "source": [ + "This shows the output of the model, but we can also peer inside it and look at the feature maps it generates. \n", + "\n", + "We do that by creating another \"model\" that reuses the same trained layers in `model3`. The input to this new model is the same as before, but the model's output is the output of the first convolutional layer." + ] + }, + { + "cell_type": "markdown", + "id": "b242bdac-946f-4ac0-907e-388540dda812", + "metadata": {}, + "source": [ + "First we need to check the locations of the convolutional layers in the model." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "65149892-7eff-4cf3-8a5d-9deb56fccd5f", + "metadata": {}, + "outputs": [], + "source": [ + "list(enumerate(model3.layers))" + ] + }, + { + "cell_type": "markdown", + "id": "b0e2627f-6349-42c0-ae70-0ef26f336660", + "metadata": {}, + "source": [ + "We now create the model with the same input and first convolutional layer." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "e50f7d97-de3a-4e67-95de-4c4b10cf3ac3", + "metadata": {}, + "outputs": [], + "source": [ + "intermediate_layer_model = keras.Model(inputs=model3.inputs,\n", + " outputs=model3.layers[0].output)\n", + "intermediate_layer_model.summary()" + ] + }, + { + "cell_type": "markdown", + "id": "10f99a76-b4d9-423b-a66e-50c53e2a84a9", + "metadata": {}, + "source": [ + "We now look at the feature maps for a particular image. We'll use image 0 from the test batch." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "faf57adf-9e0d-4bcc-9ea9-522091121ca8", + "metadata": {}, + "outputs": [], + "source": [ + "test_image_number = 0" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "d9589103-582f-4303-9a9f-fa1391cc1b26", + "metadata": {}, + "outputs": [], + "source": [ + "# ploting the original image\n", + "plt.figure()\n", + "plt.imshow(test_imgs[test_image_number]) " + ] + }, + { + "cell_type": "markdown", + "id": "bd3337ea-618a-4a16-9895-d2be71344e2c", + "metadata": {}, + "source": [ + "Now we can show some sample outputs of the intermediate model: the feature maps of this image." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "76587478-cc91-47fb-86d3-aa99df035823", + "metadata": {}, + "outputs": [], + "source": [ + "intermediate_output = intermediate_layer_model(test_imgs)" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "892f771a-1b56-4e7b-87fc-bee46396e38f", + "metadata": {}, + "outputs": [], + "source": [ + "plt.figure(figsize=(10, 5))\n", + "\n", + "for i in range(32):\n", + " plt.subplot(4, 8, i+1)\n", + " plt.grid(False)\n", + " plt.xticks([])\n", + " plt.yticks([])\n", + " plt.imshow(intermediate_output[test_image_number,:,:,i]) \n", + " plt.xlabel(f'Filter {i}', fontsize=10)" + ] + }, + { + "cell_type": "markdown", + "id": "8627f98c-bea1-48c7-825a-2966b79adc8f", + "metadata": {}, + "source": [ + "I've no idea what features your model will find. But you'll probably see some feature maps that indicate foreground or background, and some that detect edges between them in different directions. \n", + "\n", + "These are the features that later stages in the model will work with." + ] + }, + { + "cell_type": "markdown", + "id": "3cc4750e-ae1d-4194-9ee3-bf0e36c44827", + "metadata": {}, + "source": [ + "Following the same process, we can look at the output of the second covolutional layer." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "a3374074-752a-492c-aed0-5c283bec26a1", + "metadata": {}, + "outputs": [], + "source": [ + "intermediate_layer_model2 = keras.Model(inputs=model3.inputs,\n", + " outputs=model3.layers[2].output)\n", + "intermediate_layer_model2.summary()" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "37a12e21-fb59-4081-b849-d799bb8d2ae9", + "metadata": {}, + "outputs": [], + "source": [ + "intermediate_output2 = intermediate_layer_model2(test_imgs)\n", + "\n", + "plt.figure(figsize=(10, 5))\n", + "\n", + "for i in range(32):\n", + " plt.subplot(4, 8, i+1)\n", + " plt.grid(False)\n", + " plt.xticks([])\n", + " plt.yticks([])\n", + " plt.imshow(intermediate_output2[test_image_number,:,:,i]) \n", + " plt.xlabel(f'Filter {i}', fontsize=10)" + ] + }, + { + "cell_type": "markdown", + "id": "5db0fe3f-7b2a-41dc-84d5-4dcf980501a4", + "metadata": {}, + "source": [ + "These features will be more abstract than the ones before, as they're combinations of some or many of the features from the first convolutional layer.\n", + "\n", + "Finally, the third convolutional layer." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "374fb1e4-ea12-4203-ac82-c44cb28791a6", + "metadata": {}, + "outputs": [], + "source": [ + "intermediate_layer_model3 = keras.Model(inputs=model3.inputs,\n", + " outputs=model3.layers[4].output)\n", + "intermediate_layer_model3.summary()" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "723949a2-64e5-4148-b1a3-2e9aeb2bda00", + "metadata": {}, + "outputs": [], + "source": [ + "intermediate_output3 = intermediate_layer_model3(test_imgs)\n", + "\n", + "# Plotting the 8 intermediate feature maps generated by the 8 filters in the first convolution layer\n", + "\n", + "plt.figure(figsize=(10, 5))\n", + "\n", + "for i in range(64):\n", + " plt.subplot(8, 8, i+1)\n", + " plt.grid(False)\n", + " plt.xticks([])\n", + " plt.yticks([])\n", + " plt.imshow(intermediate_output3[test_image_number,:,:,i]) " + ] + }, + { + "cell_type": "markdown", + "id": "7068059a-c6d8-4cfa-bd2f-fddfd0a218a1", + "metadata": {}, + "source": [ + "These will bear very little direct connection to the input image, but should somehow encode important features that help the classification of the image." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "85747057-0a9b-4880-be0a-2694155192e7", + "metadata": {}, + "outputs": [], + "source": [ + "test_image_number = 9" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "851c1d32-e8f6-4052-b358-c2d4a8750b60", + "metadata": {}, + "outputs": [], + "source": [ + "plt.imshow(test_imgs[test_image_number]) \n", + "\n", + "plt.figure(figsize=(10, 5))\n", + "for i in range(32):\n", + " plt.subplot(4, 8, i+1)\n", + " plt.grid(False)\n", + " plt.xticks([])\n", + " plt.yticks([])\n", + " plt.imshow(intermediate_output[test_image_number,:,:,i]) \n", + " # plt.xlabel(f'Filter {i}', fontsize=10)\n", + "\n", + "plt.figure(figsize=(10, 5))\n", + "for i in range(32):\n", + " plt.subplot(4, 8, i+1)\n", + " plt.grid(False)\n", + " plt.xticks([])\n", + " plt.yticks([])\n", + " plt.imshow(intermediate_output2[test_image_number,:,:,i]) \n", + " # plt.xlabel(f'Filter {i}', fontsize=10)\n", + "\n", + "plt.figure(figsize=(10, 5))\n", + "for i in range(64):\n", + " plt.subplot(8, 8, i+1)\n", + " plt.grid(False)\n", + " plt.xticks([])\n", + " plt.yticks([])\n", + " plt.imshow(intermediate_output3[test_image_number,:,:,i]) \n", + " # plt.xlabel(f'Filter {i}', fontsize=10)" + ] + }, + { + "cell_type": "markdown", + "id": "978c61b6", + "metadata": {}, + "source": [ + "# Conclusion" + ] + }, + { + "cell_type": "markdown", + "id": "52924e58", + "metadata": {}, + "source": [ + "With these activities, you've explored some of the techniques of modern machine learning and artificial intelligence. Deep convolutional neural networks are a mainstay of deployed AI systems and are used for all sorts of image processing tasks. Variations on these ideas can be applied to other types of data, such as understanding speech and text. \n", + "\n", + "You've also looked at how convolutional networks work internally, with the creation of feature maps that encode important parts of the image, and how these feature maps are combined to give higher-level representations of an input.\n", + "\n", + "You've also seen why these systems take a lot of time, computing power, and data to get good performance. The CIFAR dataset is only small, but required many rounds of training, on specific hardware, to get good results. \n", + "\n", + "CNNs are just one technique in machine learning, but the ideas you used here should give you a much better understanding of how these systems work. " + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "0045d3d6", + "metadata": {}, + "outputs": [], + "source": [] + } + ], + "metadata": { + "jupytext": { + "formats": "ipynb,md" + }, + "kernelspec": { + "display_name": "Python 3 (ipykernel)", + "language": "python", + "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.10.13" + } + }, + "nbformat": 4, + "nbformat_minor": 5 +} diff --git a/4.image-classification/4.conv_nn.md b/4.image-classification/4.conv_nn.md new file mode 100644 index 0000000..34d5b5c --- /dev/null +++ b/4.image-classification/4.conv_nn.md @@ -0,0 +1,632 @@ +--- +jupyter: + jupytext: + formats: ipynb,md + text_representation: + extension: .md + format_name: markdown + format_version: '1.3' + jupytext_version: 1.16.1 + kernelspec: + display_name: Python 3 (ipykernel) + language: python + name: python3 +--- + +# Image classification using neural networks + + +Deep neural networks are the current best approach in artificial intelligence and machine learning systems. Machine learning is often called "deep learning" because the learning happens in deep neural networks, with many artificial neurons between the input and the output. + +A neural network is based on an analogue of the brain, with _neurons_ (nerve cells) connected to each other in a _network_. Each neuron takes a bunch of inputs (whether from the inputs to the network or from other neurons), adds them up, and uses that to generate an output. Those outputs then feed into either other neurons or the output of the network as a whole. + +Each neuron has several parameters. Each input to the neuron is weighted, and it's these weighted inputs that are added. Each neuron also has a bias, that acts as a threshold value for whether it generates an output. + +These neurons are typically organised in _layers_, with neurons in one layer feeding forward into the next. The diagram below shows a network of a few _dense_ layers, where each input to the layer feeds into each neuron. + +![A sample neural network](./pic/sample_neural_network.png) + +To do image classification with this type of neural network, each pixel in the image is one input. The value of each pixel feeds into each neuron in the first layer, and so on through the network. The final layer has one neuron per class the network knows about, and the values at these outputs is the probability that this image is an example of each of the classes. + + +When it's first created, the network has random weights throughout, so generates random classifications for each input. This is generally not what we want. + +To train the network, we need a large collection of images, each with its _label_ of the true class for that image. During training, we feed in an image and compare the output generated by the network to the output we want (the image's label). We can then see how the network's actual output differs from the desired output, and find the _error_ (difference) between them. The actual output is a combination of the weights and inputs of the final layer of neurons. We can combine the error and the weights to work out how to adjust the weights going into the output layer, and how we should change the values on the neurons that feed into that layer. That gives us an error in the next-to-last layer of neurons; we can use that to adjust the weights feeding into that layer, and so on back to the input layer. + +We then the next image from our training data and adjust the weights again. + +Once we've done all the images in the training set, we've completed one _epoch_ of training and the network is a bit better at classifying images. + +We then go through another epoch of training and the network hopefully improves a bit more. As we do more training, we get to the point of diminishing returns and we can stop. + + +Enough talk. Let's build a neural network. + + +## Important: before you start +Before you run any cells in this notebook, you need to ensure you're using a GPU. This will massively increase the speed of using the neural networks. + +Click on the Colab menu "Runtime". Select "Change runtime type". Select the "T4" GPU. This will restart the notebook, so you'll have lost any work you've already done. + +Once you're connected to a T4 runtime (you can see by looking at the top-right of the window, next to the "RAM" and "Disk" traces), you can start work in this noteobok. + + +# Loading some data + + +We need to train the neural network on some data, so we'll load some. We'll use the [standard CIFAR-10 set of small images](https://www.cs.toronto.edu/~kriz/cifar.html), in ten classes. + + +First, we import the libraries we'll use. + +```python +# Load some toolkits we will need later +import tensorflow as tf +import matplotlib.pyplot as plt +%matplotlib inline +import numpy as np +from tensorflow import keras +from tensorflow.keras import layers, optimizers, metrics, Sequential +from tensorflow.keras.layers import * + +import tensorflow_datasets as tfds +``` + +We set some parameters then load the data. + +```python +ROWS = 32 +COLS = 32 +CHANNELS = 3 +INPUT_SHAPE = (ROWS, COLS, CHANNELS) + +BATCH_SIZE = 64 +``` + +```python +# Loading the data +(train_data, test_data), dataset_info = tfds.load('cifar10', + split=['train', 'test'], + with_info=True) +train_data, test_data, dataset_info +``` + +We'll reformat the dataset into the form we need for the network to use. We split the data into a _training_ set, that we use to train the network; a _validation_ set, that we use to keep an eye on training as it progresses, and a _test_ set for our final evaluation. + +```python +# Preparing the data + +# define the list of class labels +class_names = ['airplane', 'automobile', 'bird', 'cat', 'deer', + 'dog', 'frog', 'horse', 'ship', 'truck'] + +class_num = len(class_names) + +def ds_elem_transform(elem): + return (tf.cast(elem['image'], tf.float32) / 255, # convert pixel values to range 0-1 + tf.one_hot(elem['label'], 10) # one-hot encoding for labels, 10 choices + ) + +# Transform every element of the dataset, rename the result. +train_validation_data = train_data.map( + ds_elem_transform, num_parallel_calls=tf.data.AUTOTUNE) + +# Preparing the training and validation data +# Take the elements at index 9, 19, 29... into the validation dataset +validation_data = train_validation_data.shard(10, 9) +validation_data = validation_data.batch(64) +validation_data = validation_data.cache() +validation_data = validation_data.prefetch(tf.data.AUTOTUNE) + +# Create a new train_data dataset. Append the remaining shards of the train_validation_data dataset. +train_data = train_validation_data.shard(10, 8) +for i in range(8): + train_data = train_data.concatenate(train_validation_data.shard(10, i)) + +train_data = train_data.cache() +train_data = train_data.shuffle(dataset_info.splits['train'].num_examples) +train_data = train_data.batch(64) +train_data = train_data.prefetch(tf.data.AUTOTUNE) + +# Perform the same steps on the test dataset: +# transform each element, batch, cache, and prefetch. +test_data = test_data.map( + ds_elem_transform, num_parallel_calls=tf.data.AUTOTUNE) +test_data = test_data.batch(64) +test_data = test_data.cache() +test_data = test_data.prefetch(tf.data.AUTOTUNE) +``` + +How much data do we have? + +```python +len(train_data), len(validation_data), len(test_data) +``` + +That's 704 _batches_ of training data, with 64 images per batch, meaning there are just over 45,000 images to train from. + + +### Viewing some pictures + + +We use the `matploblib` library to show 25 sample images in the `train_data` we have loaded. + +```python +# Get the first batch. +# (This may take a moment as it reads and caches the Dataset) +sample_imgs, sample_labels = train_data.as_numpy_iterator().next() + +# The canvas size is first initialized by setting the parameter figsize in function plt.figure() +plt.figure(figsize=(10,10)) +for i in range(25): + plt.subplot(5,5,i+1) # draw five rows and five columns in canvas + plt.imshow(sample_imgs[i], cmap=plt.cm.binary) + plt.xticks([]) + plt.yticks([]) + plt.grid(False) + plt.title(class_names[np.argmax(sample_labels[i])]) +plt.show() +``` + +# Implementing a neural network + + +We now implement a straightforward neural network. We have an input layer, a `Flatten` layer that converts the 32×32×3 image into a set of 3027 values, and two `Dense` layers to do the classification. + +```python +model = tf.keras.Sequential([ + tf.keras.layers.Input(INPUT_SHAPE), + tf.keras.layers.Flatten(), + tf.keras.layers.Dense(256, activation='sigmoid'), + tf.keras.layers.Dense(class_num, activation='softmax') +]) +model.summary() +``` + +The summary shows the structure of the network and how many parameters it has. In this case, just over three-quarters of a million. + + +We `compile` the model with some parameters to control how training progresses, then we `fit` the model to the training data. The validation data isn't used to train the network. Instead, after each epoch of training, we evalaute the model on the validation data to see how well it performs on other data. This helps when it comes to overfitting, as we'll see later. + +```python +model.compile( + 'SGD', + loss='categorical_crossentropy', + metrics=['accuracy'] +) +``` + +```python +history = model.fit(train_data, + validation_data=validation_data, + epochs=10, + ) +``` + +We can see how the accuracy of the model changes over training. We can also see that the accuracy when using the validation data is similar to the training data. + +```python +acc = history.history['accuracy'] +val_acc = history.history['val_accuracy'] + +epochs = range(len(acc)) +plt.plot(epochs, acc, 'ro', label='Training acc') +plt.plot(epochs, val_acc, 'b', label='Validation acc') +plt.title('Training and validation accuracy') +plt.legend() # Automatic detection of elements to be shown in the legend +plt.xlabel('Epochs') +plt.ylabel('Accuracy') +plt.figure() +``` + +### Making predictions on test data + +We can now use the model to make predictions on the test data. + +```python +test_predictions = model.predict(test_data) +test_predictions.shape +``` + +This gives us 10,000 predictions across ten classes. If we look at one of the predictions, we can see the probabilities of the different classes. + +```python +test_predictions[1] +``` + +The predicted label is the index of the highest-valued output for each prediction. + +```python +predict_labels = np.argmax(test_predictions, axis=1) +``` + +Now we view some images and give the predicted and actual labels for each. + +```python +# View the true and predicted labels of sample images +plt.figure(figsize=(15,10)) +test_imgs, test_labels = test_data.as_numpy_iterator().next() + +for i in range(25): + plt.subplot(5,5,i+1) + plt.xticks([]) + plt.yticks([]) + plt.grid(False) + plt.imshow(test_imgs[i], cmap=plt.cm.binary) + p_class = predict_labels[i] + a_class = np.argmax(test_labels[i]) + plt.title(f"P: {class_names[p_class]} (A: {class_names[a_class]})", + color=("green" if p_class == a_class else "red")) +plt.show() + +``` + +Finally, we can evaluate the overall accuracy of the model on test data. + +```python +model_results = model.evaluate(test_data, return_dict=True) +model_results +``` + +Your results will vary, as your neural network was given its own random weights at the start. But you should see an accuracy of around 35–40%. + + +# Why use CNN? + + +The neural network above works, but not very well. Just under 40% accuracy, from a range on only ten classes, isn't great. + +One reason for this is that network throws away all the spatial information in that first `Flatten` layer. Subsequent layers no longer know about which pixels are nearby to other pixels in the original image. A better approach would be to have a neural network that looks at just small regions of the image and feeds that to the next layers. + +That is a convolutional neural network. + + +## Convolution layer + +The idea of the convolution layer is to create a filter (also called kernel). The filter is used to scan across the image and create a representation of the image corresponding to the filter. In this way, we can think of the filter as a specific feature extraction mechanism for the image. For instance, a filter may detect a block of colour, or a horizontal edge, or a curve. + +A single convoution layer may contain many filters (32 filters in the example below). That means the layer can detect 32 features in the image. The network learns which features are important during training. + +![Example filters](./pic/Example-filters.png) + +If we use 32 different filters in the convolution layer, then we create 32 different representations, called **feature maps**, of the input image. These different feature maps in combination can help us identify the input image correctly. + +How a filter operates is illustrated below. Simply speaking, we overlay a filter, which is a small matrix of weights, on top of the input matrix, e.g. starting from the top-left corner and then sliding from left to right and from top to bottom. + +![An example convolution](./pic/example-convolution.png) + +The **filter** shown in the example is of size *3×3*. It is applied on a *5×5* input matrix (you can consider it as the matrix of pixels for an image). When the filter moves through the image it does its computation in each position, then moves to cover another *3×3* part of the input. The right-hand side matrix shows the output of each step. + +*The values in the kernel are learnt during the training step.* + + +# Building a CNN model +Let's use a convolution layer for image recognition. + +We'll use a convolution layer that has 32 filters. We then `Flatten` those neurons into a set of 33,000 neurons, and use a couple of `Dense` layers to use those features and create the image classification. + + +![A simple CNN](./pic/cnn-diagram-simple.png) + +```python +model2 = Sequential([ + Input(INPUT_SHAPE), + Conv2D(filters=32, kernel_size=(3, 3), padding='same', activation='relu'), + # MaxPooling2D(pool_size=(2, 2)), + # Dropout(0.5), + Flatten(), + Dense(128), + Dense(class_num, activation='softmax') +]) + +model2.compile( + optimizer='adam', + loss='categorical_crossentropy', + metrics=['accuracy'] + ) + +model.summary() +``` + +Again, we compile and train the model. + +```python +model2.compile( + 'adam', + loss='categorical_crossentropy', + metrics=['accuracy'] +) +``` + +```python +history = model2.fit(train_data, + validation_data=validation_data, + epochs=10, + ) +``` + +There's good news and bad news. + +The good news is that the accuracy is much better than when not using the convolution layer. The training accuracy will be about 85%, the validation accuracy about 55%. + +The bad news is that difference between the performance on the training and validation data. It's clearer if we plot the training history. + +```python +acc = history.history['accuracy'] +val_acc = history.history['val_accuracy'] + +epochs = range(len(acc)) +plt.plot(epochs, acc, 'ro', label='Training acc') +plt.plot(epochs, val_acc, 'b', label='Validation acc') +plt.title('Training and validation accuracy') +plt.legend() # Automatic detection of elements to be shown in the legend +plt.xlabel('Epochs') +plt.ylabel('Accuracy') +plt.figure() +``` + +This shows the model is _overfitting_: it's getting very good at classifying the training data, but does much less well on data it's not been trained on. (The validation data is used to check how well the model works, not to improve the model's performance.) + + +## Addressing overfitting + + +We can address overfitting by throwing away some of the information _inside_ the model during training. We do this in two ways: pooling and dropout. + +Pooling uses the observation that pieces of the image near each other are very similar, and will have very similar feature maps from a convolutional layer. In any given small region ("pool") of a feature map, we can take just one pixel to go forward. Generally, we take the largest value in the pool. + +Dropout just plain discards information during training. Networks can overfit if all the weights can be adjusted together. During training, a dropout layer will randomly turn off some of the connections with each training example. This allows the weights to change independently and therefore makes the network more robust. + + +By combining both pooling and dropout layers, we can afford to make the network deeper before overfitting occurs. We've done this in the model below, where we have three convolution layers. + +```python +model3 = Sequential([ + Input((32, 32, 3)), + Conv2D(filters=32, kernel_size=(3, 3), padding='same', activation='relu'), + MaxPooling2D(pool_size=(2, 2)), + Conv2D(filters=32, kernel_size=(3, 3), padding='same', activation='relu'), + MaxPooling2D(pool_size=(2, 2)), + Conv2D(filters=64, kernel_size=(3, 3), padding='same', activation='relu'), + MaxPooling2D(pool_size=(2, 2)), + + Flatten(), + Dense(64, activation='relu'), + Dropout(0.5), + Dense(class_num, activation='softmax') +]) + +model3.compile( + optimizer='adam', + loss='categorical_crossentropy', + metrics=['accuracy'] + ) +``` + +```python +model3.summary() +``` + +Note that the last feature map is only 4×4 across, but has 64 features to choose from. + + +## Exercise + + +We can now compile and train the model, this time for **30** epochs. Apart from the number of epochs, use exactly the same code as you did above for `model2`. + + +### Solution + + +```python +history = model3.fit(train_data, + validation_data=validation_data, + epochs=30 + ) + +acc = history.history['accuracy'] +val_acc = history.history['val_accuracy'] + +epochs = range(len(acc)) +plt.plot(epochs, acc, 'ro', label='Training acc') +plt.plot(epochs, val_acc, 'b', label='Validation acc') +plt.title('Training and validation accuracy') +plt.xlabel('Epochs') +plt.ylabel('Accuracy') +plt.legend() +plt.figure(); +``` + +### End of solution + + +This seems to have gone much better. The accuracy is better, and the accuracy of the validation dataset is very close to the training dataset. + +How does it work on the test dataset? + +```python +model3_results = model3.evaluate(test_data, return_dict=True) +model3_results +``` + +Your results will vary, but you'll probably see an accuracy in the 70–75% range. + +We can show some images with their predicted and actual labels. + +```python +test_predictions = model3.predict(test_data) + +predict_labels = np.argmax(test_predictions, axis=1) + +# View the true and predicted labels of some sample images + +plt.figure(figsize=(15,10)) +test_imgs, test_labels = test_data.as_numpy_iterator().next() + +for i in range(25): + plt.subplot(5, 5, i+1) + plt.xticks([]) + plt.yticks([]) + plt.grid(False) + plt.imshow(test_imgs[i]) + p_class = predict_labels[i] + a_class = np.argmax(test_labels[i]) + + plt.title(f"P: {class_names[p_class]} (A: {class_names[a_class]})", + color=("green" if p_class == a_class else "red")) +plt.show() +``` + +This shows the output of the model, but we can also peer inside it and look at the feature maps it generates. + +We do that by creating another "model" that reuses the same trained layers in `model3`. The input to this new model is the same as before, but the model's output is the output of the first convolutional layer. + + +First we need to check the locations of the convolutional layers in the model. + +```python +list(enumerate(model3.layers)) +``` + +We now create the model with the same input and first convolutional layer. + +```python +intermediate_layer_model = keras.Model(inputs=model3.inputs, + outputs=model3.layers[0].output) +intermediate_layer_model.summary() +``` + +We now look at the feature maps for a particular image. We'll use image 0 from the test batch. + +```python +test_image_number = 0 +``` + +```python +# ploting the original image +plt.figure() +plt.imshow(test_imgs[test_image_number]) +``` + +Now we can show some sample outputs of the intermediate model: the feature maps of this image. + +```python +intermediate_output = intermediate_layer_model(test_imgs) +``` + +```python +plt.figure(figsize=(10, 5)) + +for i in range(32): + plt.subplot(4, 8, i+1) + plt.grid(False) + plt.xticks([]) + plt.yticks([]) + plt.imshow(intermediate_output[test_image_number,:,:,i]) + plt.xlabel(f'Filter {i}', fontsize=10) +``` + +I've no idea what features your model will find. But you'll probably see some feature maps that indicate foreground or background, and some that detect edges between them in different directions. + +These are the features that later stages in the model will work with. + + +Following the same process, we can look at the output of the second covolutional layer. + +```python +intermediate_layer_model2 = keras.Model(inputs=model3.inputs, + outputs=model3.layers[2].output) +intermediate_layer_model2.summary() +``` + +```python +intermediate_output2 = intermediate_layer_model2(test_imgs) + +plt.figure(figsize=(10, 5)) + +for i in range(32): + plt.subplot(4, 8, i+1) + plt.grid(False) + plt.xticks([]) + plt.yticks([]) + plt.imshow(intermediate_output2[test_image_number,:,:,i]) + plt.xlabel(f'Filter {i}', fontsize=10) +``` + +These features will be more abstract than the ones before, as they're combinations of some or many of the features from the first convolutional layer. + +Finally, the third convolutional layer. + +```python +intermediate_layer_model3 = keras.Model(inputs=model3.inputs, + outputs=model3.layers[4].output) +intermediate_layer_model3.summary() +``` + +```python +intermediate_output3 = intermediate_layer_model3(test_imgs) + +# Plotting the 8 intermediate feature maps generated by the 8 filters in the first convolution layer + +plt.figure(figsize=(10, 5)) + +for i in range(64): + plt.subplot(8, 8, i+1) + plt.grid(False) + plt.xticks([]) + plt.yticks([]) + plt.imshow(intermediate_output3[test_image_number,:,:,i]) +``` + +These will bear very little direct connection to the input image, but should somehow encode important features that help the classification of the image. + +```python +test_image_number = 9 +``` + +```python +plt.imshow(test_imgs[test_image_number]) + +plt.figure(figsize=(10, 5)) +for i in range(32): + plt.subplot(4, 8, i+1) + plt.grid(False) + plt.xticks([]) + plt.yticks([]) + plt.imshow(intermediate_output[test_image_number,:,:,i]) + # plt.xlabel(f'Filter {i}', fontsize=10) + +plt.figure(figsize=(10, 5)) +for i in range(32): + plt.subplot(4, 8, i+1) + plt.grid(False) + plt.xticks([]) + plt.yticks([]) + plt.imshow(intermediate_output2[test_image_number,:,:,i]) + # plt.xlabel(f'Filter {i}', fontsize=10) + +plt.figure(figsize=(10, 5)) +for i in range(64): + plt.subplot(8, 8, i+1) + plt.grid(False) + plt.xticks([]) + plt.yticks([]) + plt.imshow(intermediate_output3[test_image_number,:,:,i]) + # plt.xlabel(f'Filter {i}', fontsize=10) +``` + +# Conclusion + + +With these activities, you've explored some of the techniques of modern machine learning and artificial intelligence. Deep convolutional neural networks are a mainstay of deployed AI systems and are used for all sorts of image processing tasks. Variations on these ideas can be applied to other types of data, such as understanding speech and text. + +You've also looked at how convolutional networks work internally, with the creation of feature maps that encode important parts of the image, and how these feature maps are combined to give higher-level representations of an input. + +You've also seen why these systems take a lot of time, computing power, and data to get good performance. The CIFAR dataset is only small, but required many rounds of training, on specific hardware, to get good results. + +CNNs are just one technique in machine learning, but the ideas you used here should give you a much better understanding of how these systems work. + +```python + +``` diff --git a/4.image-classification/pic/Example-filters.png b/4.image-classification/pic/Example-filters.png new file mode 100644 index 0000000000000000000000000000000000000000..da722428b1216fde05ee65a7e47bb279b780db81 GIT binary patch literal 186937 zcmb5UQ*b6+&@KGLwr$(CZQHh!iEZ1qorx!WVq?OIZR@;0&R2CV&(-eg-D~$v*REB) zRBRb>8WSaRpoPTK+sc}vryaa<8?ri1&^qso~v9NhiVu@Dyp8OPbW|TVdMIcW2Yf zy5FV1GofE%-}sK%&7IJo8R?IZZogo=7tjA>oBu2NOuUu$%QU|Ef8zfQAROHIpZGuU ze^+4K|Nle(QwFg5KOj41NPGVq{{KPzEw z$8=SAF+>yUfmoKsOhMP#$AO>iSErvoq~6MYsBgVHl)#Je?b#zJg5QR@XYRbd4gE#| z<8#_iTt93Dm214^%lLX}UMDA#zZt*#9`PSNx(Z`QNk{Gtxg7)fd5|7)-rZu39&VkI z)-FDdf9I+Bw;p@BJpS>nJLR$Ta}db9+(nwB8Asiw=y-umPG~pud%@x98VG-8+ui?u zzwqoF7|4|(_?_KwBZee^&dJ5)HChtP;`+7u)O3pV=->PIaH`Z~fSvk$SF-`b%kOJ< zZ^$Y4CLm4@?A`#s^qX|&YiHc6m3R`n>?JmE=>fMM!;7b){7LS31gVGcp!+Ui;0NU3 z$MGVIa0>p^*dhXKc2R?SSeVzGDXty1>wyx)4)Y|LR`yqIsS;Y&G z8dtPaZ*5rdsLf~V!CIC%-2L;6%;gv`zuEEr9j7Glch~fv!1+Wn+0|E9CIC_KHC@XP zhNzr=ys_iKqjAmq&sm z_mIrkptt-f8TNvAdIQ!+#EAWq=a4!-nlaEgK-8$KV@Or1?WpCxB*Uft&F~EcJ!seC zC^|PZrvjN$7+ifZ{5pw?4iw1Y5xI6_@AUTz z7ks)Q-LJR5pU`o)-(Ys2^k6`vf57K~QoxGWz|GiZq2L4>V4`wg&_E0e~C0~kZ2k}u#i8%J^ODMMP3L7F1+<4y+AZ2k?^!wy~cuJo!ofehS zhvNQ9yT~UWD>!nwA?Ta;4ZC~{mV-1MeX&Hk@4U^>O$oFsG;fUuRN3(ua=~}&{Jq+N z>PLD^f8{=T=$`5Gy%F1HyX^*R3|^>*;iMwlCHrb?h@%3}$ko$B1*e3YFsnL=4dw2U12O6ekOx}1G4q2Xta$f6 z@e@wjxx}HXFK(`b((pzyE_~eeO|)qx2J^iHyKl(Vq-p)P=JU;q<8@4Zy?21`PY}ACxPLb$HNBO5<-okluYKu((KaS7K3== zcq6P#7UX29*;Tlp)adfdi#U@U;CDCKkw~$Z9((xE_l%nxZIckw$Fs` z)ukI|kdLMPPhjr?4{*3L$gY#0d9^W}_~hSctchj_eosd8 z(WLc3DvK=KL75w#wG({Nw?ooQ8s^WsU}BJOjNF1>0G2#T5P$FyV|WCpyD`Z4Lb_R# z85RJ=ytMo-qFqKf3(|?35rSJ~FimnSddDd{yZNBPEO+SzK8^R|fZEbkm~uU$(ai*3 zCb3Z?%_kLN;*1Go@YKiW4eaqP)+VMeG;D?XYi~CvWV6A^paNzXtxT?X>SC#Rk#&(%iwbD9iPeV9DaT#c*g_f z6DS}qlmb{eYy&czN6CVw*G#R~9`Aodg`wiDx+`Kqk4x(I1A0xj4e1I;FQg0-eL>m# zw$^08`coiGKX+iA-4!n3_srp7Q^C`rt!WNI+5<>~ow|j(#@LM{i^_?-1?PKwuqek` zrDbjH?bAM#gDS4i?tT*4r+%;iP*{hX@fZAE6ts$AX={g;tI_fCN((09hez7U(m#{J zNwGUHXlNYo&_kRd5iZFh9NF>?7mD}#{)$vp12<1!Z^!Ej(eUJ?bG)$~bP`!tU%%W5 zTVn~Ij9l62`k;ueL@8+-kVwG=HSBkW<{L+Bp0hVNLOfG&T2+;RW(wN}lG99PYQn>3*tmd*2Fkd!H8B?|~^*-3tY=_RoD8kBW78zV;M;J-XQm!bvCa3N7JNss7n*lwG--`J zo1C{O+r!u3-Cdk0U53|apHVf|ASweKzl#?-19PFqo_oQ01hB_86t}0{jzplg!(5Qw z&DZ2_*tQ>B3t8)lLbnb$^z@)M=&@RN*7+={q^8fXLBumDlTK)i@7M>VK)w`jFrVzr z0OJvXg!&4VGke%u(Ph*YT+fq%3dZXU1S-g-bsN`Z+n8+@8+Uoxk2a zcnQIszsfr88ZXXG1yemZ7qsU}^^e`_WszA|F--7%;u!{QPND5h9CFfMKnI7~vlPw1 zvRLb11cKo*eNOD8g3@0`-||GB#eX9DIXS@~R=_%7HdL&XbgAsr;qhXKu zxX0ysv-9^b1nwi$^G)T6Das$oEDG5(YTsO4M%-Aupo|KD$o@I_%H*VckfbwwCf1iR zIv1kWnXzRjW(H?8qeIzR)1Q#84$a15IkVL*ceY3Jde-IUV^t$VJ#m0PYTP2iu%jjY zZH*o*{uRy=x?5`hmH_*#0XwGem8)Szy#pwcBUxg-pxju5t(AQOWIh=gatrB;5;65C z?yoS(k-cLlPR`MK@%vTO>DO+?YA(Wv7DM(TU~@}%#kzoGf@8$}Nhi&DjM%xK`2eCN z3_3w9DntCu;yZRLNvC}h5IjtyX^N`4fWHT+1F~_xl0B}}4CbFXjyo!QQ!PCE$rRg&}eRS1hF!V3KtjNXa)OG&}#g&RDm_UL?dWL3+zw#g{ z%V&23j{|d3=JBxchqC=s3>ib|&*9}wz8Nmv5;`vAK*fG*pClVfR}G6N=C2EnCicgy zZWkTUJ|`c1_MKXQRlT?d9$v2aS@LSBy*l0no;0YkV1H&C%7SeIcYT`wp?V@9C@Ymj zX&XLDb|rWpTo2@nkm1o{V9$;_xeW$cC3xHFR$10g;d&-Ep@Y4UvFfdfeyW9bwVh z20R3*w~vi2CYxPCrk%~Wl>4fq5kN-3C1?==0XjaEJXQiI4v(kElgbhYaScwmc)dF~ z%0fiFaR1tDcRrczXr|bRhKsg{(#R8F57NO@Dt^{W_N+2qt}i#-%O^+RfZu4~!{i6G z;lXx}FGUFGdY>cmFavLy{V`zG%R zGGF^`+eu!Y_2IdM?@xrMS!odluMQ(Nc#@nEtYfc+y`Ux&Z%(3n-r52|x1R6(Vj3!G zY%8zqFVoUZc$ISwITcx$W0nBA^OaM1ptp9^1$#He(!5&5ii-9Ya7qVPYK%q`TVL;A zc2+uv9)am3#ala)GgS7HV~sb9nMF8v_J9c)@Yb7pins>c0l$hot20j>=XLv7bugR) zzPs1gA>{ZfH4KX0nCLQ@F(aZ=``oI6=%6FS$rT;}CHEf&_il6glI}KD-c!^>vOxt? z1Rsa<_H(@QFymc!ya~qmN+`gin-A`0Z%`CEv%NsD5zs^eL)VY*|2YW(&eVFkcpfws&nZ;ZJ^+2!|?_qA90~>tfK~ zJ7DCS%5He=G0^kk|HK;L#oXgU0KiiZ?cXqa)TdEEPf9c_I^ngqn!2JjHI^W3`qxu& z>8)k6*VCoRQ+DRyqUBbAiE;!5gVrAlCP$pneqb7WLkszv2Q57WI>uq!r9!=|4sEk5 zz%-q<)xrVa)E&MJoQ<(A0RfIsN?3(GQ4GC+ES}bpd;XvFKtbbLdiZjK&-YdqiB(1~ zh@irIjcsAmnQ8uDUaPU3#Oh@Iq@oCPMC;8|&S9;@mEh|d71~VAGetIIqZKlRsY_kp z>u^u04U@uBmGstyOpBQ<`z=f{CXn4PCikMpb3r%Ajy}Y9I$grCw(pgj`)E12sw?4w zTs%mYtgc6HEF=a=F!X%m>3Qo2x-^uq9rnTece(`wTyk|1L4fqjEV|EwUKN{!L`4) z{>GaieDTDqgM!I}*walHDcYjNtit1RT-+t5pYxeX5P_KJsmkYeN$HP7#xaAq=_8v) z9s`QAOZYYbDAT5g!i?a{s)t_xQtodXr$a?u<1m*u1^x))x=F_tFFO716$-nPJ_E4_ zF-IZJU$ISrHIJ~AwRyZ`g|>8?lCC3?28KNoj&mFP0uf$Yxh8sMi_8$QiEw;ZjOb z*F=00tfTFoiKkRfgY2O+`I>A7;Zs?yBChK|A?yy3drse97YsNgA@z|%O zQ8b2>d?T0z3+GuM{ypD~h+sM6*^B?jOE#ex-D=bqbUOgd4f!P+^st@764G1^VT`&C z^RrbLH#DyN93C)qMdsVJ8^164(v?6$8eeZdL*8KeYpJB+OF2?~@l9sc`Y4h~_1s1?0ekK&8s=F&hpo43_!A z+zr5m_mZO?f4Y{U#-k93c zdvLb=DmiQ&z?CGfOfn@ZphS59kUMrh|0Z+Rs@dox1j9f=r0zG`l>ePp;-Ko135x$$ zzsz@mm9n`;fmV$6z!zGfhZ~llpzJ=y`i@@_CI;C+AQwM&Uf)R}oDUhV2EP;ox01yy zCGS6g#x3l>~W>tX@K;_FsOSOw#vl=y|T(y})+qI|eiD=1Ud^ydXib3!P z?ZU;f&=BW*)0kLVWG9J^8Yz7!!G~jFl2k5BRE_Gwljx(S@-n5~qh{bw4giuW%-Z5q z)1TJ&5BWjRDmXZA^wguj&Opo4SlSplJV&LoI#ZPdl~@Cz;rc{!Nsb)zbvr*SJhD2( z!u{cvi!dv9p9U2KJsc#PnpW}#UwlQTgme3{IXQk~4!)ME8d%Bcy7Hnq>mLl2qmyi9 zxY?skJK9NzW8EG_zg*@!+_3R=-vjbwO>1@ghu)=_Vd6E(*oZU^4>5CS1(sO>IOkJH zO!s(qaFR0!Ff0I06Q?YfvN(-TP-TTREUBkt!3GGtT&4OK8olhNl{V1oS>4Jh~B zLqc=HBw`e3XWFDeTXNWgtx!en0H<_>A>z`ylkS(NETEiOrvT`vvWhgUo6*ZgEL^wY zbmL*l1&*`z(?qx4`gp>Efxel&(2{mmmH$YaLSgWYAI+SR(Jry(@n$;#D51LT*4;3q zGU%Wv1}`|ULSKf>N;vdD1bskfaG|H{3c#%m=qu`d_kY=5dqww1F&z>0i)!Oh^Ceic zLgqB%KhQn3L?905kefk@*2$BGvE&I*Pmw@jXDX}9ueMUGKl7hlc`VD*!$@BpScwnR zDz6^t4DU@Bhnr9I5N|QHvt@_lzE1Z@TP_O8RlNVE!y-0CumYEF-0e~{yPPj3D+Alw z>>M>i?5WcqO-i+~dKl1jAH_JT*@&i+Fxq*QWk*5DQk;V>1+jIvIb~A_}_$@u!^Vt7*xDYPzE>zE_t8tlU)NwS9KaZv| zXPBVow&`CCK#FY*-M>v4)@d)42-(xSq1kE*wqQCPx9M*@!p9bg>n?~hAZ2 zm5F)J;KA)CyECSj=Gr7XM3}$(OQO>Sl&vM47t#aiG$wMd zV*`=~iJ@-2FZ~n455|?|ZS;HGqYJ>A-p^|rQ9OLk4=0@;j^mx*fEqmmp(^<;0D$u& z={9@lw9(my>v@i`67U$@ z!r+(eIt3cuUWyW7drNX_roi3K_C`Q411RaODUa(Rvx2!;fBDGE_>ukyz2KoZIxhFVivBW!+7k~URB9&(IJgF^X)juTJh)vLYtP) z*|OA)#I6xw(l6i~&bV`!aG9 zki7&qOo|GcD}rLRnT0!5u3g?ZgHM?_&EToBP^&{ETWi*sJSfvbJ7)r>uGPrvv!C{W zxiLxU6ko2|Hhl9wciPJ|4YMISb^RTBI~5?sjw|fD?%Wg%xN6Sotc^`7(zBK%lidA|jdBaDxCPqhVEn zL*#s3+|g!oR$syt9I=Ha;jgL$?$+yN@wu(50kPTIBsgk~M)kmYj}V>*;hVs7X8c=4 zP~&LclEiodAwnb)5e?p(h^dM5?8$6C1u=*uxKwzQc6fKFINeZ{=XabVP)rJ9IO>q_ z*QZN~9TJhC_}>1so>MXjzIHa5)NOa9+(=(yLVXB+|FQava)JxzbR9k+JxLIFv+Qsj zh_)NdJLwkVUML55vS8vkq1G>uBzcK7F%-&2PzY?0&!q8DQ<1{A{+B)`e1&8?C*9G0V$fjYG zE{-01+3~*aX#>z4>-((p3pHcjIHwI5}P4i<9~2gX(abKjJq|Y3E~&JZ#Exl3CEEYoM>s+YLR9jHQkqFp}6=V z2I>Av9F>-+r|{DCS(0?QM>h-6lMD<;$K4@QzIC9&T9@H3_81!2?V|r_9D(a1%SNO- zh7iFb;sM5p1ufH`!S5@3izSuO0yK!i(mjq0~;n1ygNN)r_*)`*e zJ+MD?L3m{iNgcy4P8h}|)wr}uFQVo;m!6jP$k0EzFTE!!pfFmEhUEy-RQLV#&EV?V-UvHoOp&8hna?y2vZ4>uI8_!iRBWc$p! zM7c=xq%_gRf77QxxN$vBq1)%@i`T_V_ zjiK9PD3~g1#GD;>4l-yOh)HUqET>!IM*4L}wdqD$%CR5GXJFZRX5vG-#;B-#Nfi7T zGJ+I29mL7vJTLTWlMribUw<`=!pFlkR|+K3CpVSuxTIkVj2Ux@YCTP9W=zF%vlxx2I-LDi`E`PTeWFGi3&b} z&Z5Mt3+Rx!m=8xlsrd&v!ib$RZZ|~i47<;X;4FRs069n9;nha z^gX=wS!efJ_B~<8=r@wpWNC?APN%iF_`wK~&!;D?Gs6tW2{+t|z;IEr-&?*D*~H2Y zQyIzkW@tD-OB51$k(xSAPB9rPg^N^KWSEX1Jc$PVZ#ON3i+C+0tpVlyyu2grEg(Fp zHSpX%ADfkQE%m1V`6Uj*`LZ1txK0a)AA};jlCWNSz&2UmCT@5x6?`z}5^&?UTW%L2 zffP3ziXBZwk>2dBT_AAi#J_jxNoo1 zCAE|aKMGpCE!q|^#$Q8f5_jBTZaWV7TRJh5IKA5In9DfJmsG!wFqRM6La8)oP8 z>x$`Z&&E`g#3!qA@T+g<2L6m0&w|hlL@#GB)WekgOjp?yAmf#a)PrB@Z#1zYtv{MT zfi%)g)Af9(u#)4*#vHdFWqqEBZ-^z(b2p1ehYyy>h5KA7Tyy2L$u>|s3%gD! zB?Ht_?jXEkGB@KVSx8}n-z7c`XPDBrPn=umX;LXnDc~O(`W1V}iRSr)Aa+a_$NPx6 zRy?dmUosU;=ZN=H``Yl~h80ZJR)HJr#bYv=`ZL0@*>6Ar9+y+tpVU7UVyCE5W`9#) zf&Z#Y;VM-(xnPC63`y_lv>F%vOoqVm!fsUJM^}95^(p^8C0tFnUuFc6lpwIagVg{@ zoo}YuqG%yTV(@LKP9s{Pq;2SB%$ClMmudT%30LS*6I-q3P|?EswT+Pzh=ec;0>6Dg zg`{AG9|*CHqX4hOVG`|_(NFWKwe)$bc9Q%F=+0jL1FY>XbE#aUd+IMs=MpKlI`&!~ za2uS(=={|<25NsvCjL2MC{NaCIASHiflW@LU~;tvv2Y@`7=ksm#QrK}dIL$v*wB*+ zTOFiJ=yhb}Q?)DPW1?Ms`~tGxU?|`s1a<$>I^a_z8I7sV*b3C^+#cF6ZNo5OlsING zIB+6c;XY;y;}Gj@8u0}wB7!XB2&(I6Ahf1cUUpA@HhOSwv-RPYz=)s~*yE({eI~^o z?p0h>UJhM8!o1zE@tXG)sh3}MV~|=~p3$aDJHjqmBQ6GzwdF7>#M8Qo_*F>5gs}NM z4U*f)I;%Xfv2;piZ)~C?s(!M>wXrUUZ?Lp|8_*zDXgpw8`5H zzcmC$&kRl=B<(!OA_jE4?ulpzhk_#X7%GLcK$jF$N;wYA`CP2=#q$Zu*C5jK)2STo zFOlVf6qnHvtUK+_p|{}>I*8Gs?@lf(LM61c?N4=S)T&o{)ou2|kX2KN>|}$qB9la8 zW4`>V7Sf=&Mczeigc9>=qjQY}IpWP?!`!q9)#a^9_Hmm<>#ygidcsM&mcvU<32Yp> zPkAz+)-#d%f4;yS8TGrQMNL*~>En2YusDzCeQCFitA}ld4JC0sLW2kUhK>_HAik!P zOQnXzkOakb(bZ{#&nY5jK!ri*iSJkV1vsSB5D+gR7kS`g{LEUGUy%j|0lO8%`HIH|>5pXb^-$6l*ou{TD}Plw;0g+$@t+5b5GDrHfj%ri}>c_cBd?)})fbsSS(ivSFwT zTv&`Iq&l?NSjnD;43E?UJp3f>`7O)2dcI|-#9V`a{!IxgdkmYXWkzjLA#}`UWVN%j z@z#0ruWpuK)4gN9cbH^}T`h=Y;Zg$q#p~ezw()CDkN}n$|Z+wdoXN~Drg_&6{B|;+53CfN*ejKXBTjN5b1g*6aGcGRCk<* zK=NE4)_n_rm4~WeMQM@^%A-?K`ux={W0^1N)oC~}p-tQ>@++?9&-dP(%v7avMmNaS zbua5j@eVxfxf9?t?|m+gB!o>Ayr%|1m6gbl-qZ@(Z_hm>rmvHE!?BM$Uh0nXGc5g> zjxB$lAf>bnE#;$^WE%KX?S47=10{4DeEWSb@zU4(eV$Ht=n%?>_@94*rSzhm!ExM~ z?y2EVR255qh}%z@HPtfXuI_g%syRLqwY?eE(TlW7u{Z||8we&yym&FpkbhCj)BRU+ z%h~LNQ7KdGUBC0^e>!)q{RH+86!2dh1k|wOHaa5ymeNr{7F1rvmI1ut!TUBiLNyJ- z%45_GQ$;S6Uyd}ac*(5pS5}-&esqASK|}NqIzXw8U=_h6*4CJ{A;E>gaR!Vka@Cu= zBczAlc7JcG+5o9^{Ze~M0C=AzGij2>3sm@_brL=IBVY*Lvk%Xmd0I^qzED|`H&k^chB=;__ocAp|$kH)_gVF$hmon6&;@tt>Oz^0p`hqe5ku zYNV+!iFR)I^%=}gLDCuqmO&84qa0Wp83xodEB$f(&u8?7YiCqv9WLZLKAmb!67S4G zwy(DQ?)LZ$x1gndjS6XnOaKmv&B@ks%|z8tDIeS+5%l}yeX}Q-gygEuZ`O#tGIi<^ z-Uzyw03IW&4#j-?_vg6tk5>P^g)ANMrksJ5fsaTBxq6((6X7#y&Yxxn`xc+wC8KZG z*LSXd5nh6{dLkj05YjzmmibPc_B zIHLA!JG*VC>cist&FF5&M}y0_*<+vdsEQkPZ>Ai2+7GO+)BpzZ&CAhDiM1mB#dc@g z%qtR6M_?wr`s@8(1?&_T(sIrDYU`4PR|y7tSjC4YLXoL=B;sj*%QV&PzZOqQs5$EH zCVzEWd;=$9!G2rNECV(mvgwk$w>9?Y^FupN11rIF1EcNV;B`<|3+G=0bcJJ1@3%6I zS2ON9@w$bgD3p!Ov{%XYlesEOG!P9-DM zN9dD%i6@)F(QXJRgCkb6p`Ya&>op2ml|R0L7qVQw)k_bBGn#HAmxZ!AomzIPZaR0V z|B4K2nkotu<3I`gT2o3LGf~hc+G=96nnf-dj}S<0 z*{8*=GlceS?jw#-!=QlGH-C_34(*+PxAtxlRsWsU`<5qIS)xiO+QvcAu9A#Uu~pVm z@=-TU=g)S!?5{@Ur01dX`_s0O2Ku<_t@^@2lv06b?ie(SmWqc>-noxn(WmN^yd1PQJF{R(izLn&&)$!%> zD`u`0B_Br%ksclsZD2DhQBF~OstBKY3s?lh`(((6uc=PTH+{F)sNQZ4o6@OqR z&es_xaIcBY%i&xjlhz^LGBf8`PQgq8g_#o5Qk9wHz_*8!#E6vHp1nBzz+Pi$*qfMO%F3C57C8HCtJr{Kfib->|JWipI$AH08m3PlAVyz?vE?ekBU zX*`nXuXHOMAo(HJ5b_ALo5^!R=q^)dg`cB&5NGtFohblyx4S)teF=dU$IB?YQ~6go zd>m#os0X3|HU_gw`EmF2b#xF#P;fRISgax+TZke+u5Ld5wX4&`7aP_)hAjQhUQMfR z_@+7Y;vOwb_!A~&!*e<6?ZLgf0<0WubtG{ItDyA<34>FrS8G;qwTMmuE24OJtguWi z4f_Bu8p@^lust+mlB4c=)Vf_b7I#@~P#4#Td3;S<86G>Q*ymUKnjxA0SZCpf=j$Gn zkT96!#e<9ok)0qbSI6I;jWtQTO-0f$m&lzx4ipQA>f z60gHp{ldBE@?ao2v-x~da2Rh^_RL)xkYU(3)whdzeUeufEme!dTN1cVOOCQd2)hT| z?Zd)Y#`FoW01vAb*n~q~(OMXNPsjFlQ%2Yco7%%)uq9^`0eHB=too}j*aogNRAl`SsY)G=6) zCLL-+agLf|{bZY=#THtU7y|WI$5F>~vnjhg@E^|#gojmcMI2{}3E_8;!NnZl?Fyvz z%VY1FDjKgf;Rqz`)d2r-lL<1EHv23Zz9J+4`Z^SQeG+H~)!PlwW%6(|`t|(QW7VMi zNywZ>-;aWPZUiJT#~N)vt*0fVjUdwZ_XKCoA%$CdEeqVgsr+#b{))MhDNXa z^xF&VxQ0HZ)bB|j`e>WSDZ`1{9&%haMh&|F0Skj||bEzh^{4(-9)+!S&N%9;#A|% zL9tcArTs~>wzgX{%il(7mn3Ygm8xyF^NMPDvQa)Q28;$*g+PQz9yzYXkr_sh{5*dF zy!2G&eizug=U*Jk>v5juK&UY{Vk5b-ZhT)-OxO>V6eL63>sIh~&bIGX_@Vzg>(!4& z=zBYK`x1C}6FK);Iv2K7sT7&n|DwvRCrmR^gp@I`pS9QR_O@7lJ9g2y0H14#qyX9f50j3@h3 z-xK-@6LYGFrQz^udo;W=HP-E1sa-#n>a96#sZlt1)Mc=g9-wvRd|Kdf?3Qxa>z2wY zv+CVQ!;n6K`yyZZ%fel`C$Z>17q}dIz~FrGyomzo!9{07^a(PUFSyB{l>#}Vj{u)m zLYDaeLN&f@k~SMNiz0G}FgDr51KEZ58+9jh^PFJI`ot*UOrtE3>+m}Um4>Q^!S z3&--k<9;e<9^pTLMR+)xqhk>sXNd`AxvKh~IdLElMP|Z4t#Udhhxl%a*ti)%i53S{ zPAhG`_!Q|pL~UrhOGPpx%tBMJhbR~#DYye2^y5D}BZ|N{+UxpUJ$u}L9Qoc_xR~{) z-dNX*JjuM2jm8)HXmYKTUL^uxTCfGjaF29Tc%?!z?qk744y>$2GQQO*hrVgvLPAwoYR7J+H1D&g_3Izdgotiijlg z=l&dX`h)~oK%-Jb#=Co)3l#iylx;PfYc)GR2V~yYR>TqxKM*~K{VAj?f;V-=XKK>{ z&@I`l%v41{4uqZ&rdO2WiuhWPP!xCS(Cs=SH0=>X^yrLXcNdw0JZj*%-l=*T{JTie z=fDM1Yw35jwkECZMW@j@VQ0qNxZwT;>uQY|zrAjwmJMd1#0xcc088aG7qQ8mAsMGa zXPvX`hz#;Vu=&{JX)hxI6qOePSs$V|dmy!>>auK;sU>L*$~;##l&BKxdtuR%q+0vP zZBsT`M&{<)9=h1Ewy9J3i;i}mfJ?(^KONKJ7~3O24J6@?6ig*?GgEYeKh>QOx8hr9 zBcG@+h+Tx{Oep!H-w|Xx7vZiP_(KSKi92m*#dkVwFeW_E)Yj~~uAVgal2v0DDvJ;F zQ>1J#rHd^Gt1PL$*&ZCyF%pDpq)^aLxc?6I88|Es!D%^Rrt(`2d|qT~YN&2UGKRO6 zVO~!8QT`F+Ca@p_Br@n#!W&5C6f2lovN%p!2(Tn+VaBni`}1^2w5Yy&$uhOSRccZl zdl)SE;d(n44?s=e>!F1;jR204E(*?jGW`mR_QWsCex}o@W@>$xwqpTQF(&wq>M4w6 z+UiZ~@Tewe6j@NU!CL2PcrGmh&+=7&`p?D7vPlL`FuTt}Oa@?)RWNqWpnfD>;OK7>Sl?3LRv~Pu%yCjg0^?@(!l3v``*89nqZ?< zOd)c&DUE3^;I5V4p`I2w&H*=wHfH+So-x=kE61Nv(oLFVzsHzmP(ZAjt6h$G->F=7 zXnw1rhEs+l1eY-txd_7N>gPT4hvD3+p=;L$mS;DC2)#H*?=rW{7ODVODAk-JltdzPH`- z3L@awlG{|u7gX3KGbqPAh&ta93=GbqeLdf6^{6wwQyZYPc%u9lZ6?r{hlTpL--{Bp zT(&W*_Ed?B-%9+L&fPxscE$IgpAo1W6)B|zx^2Jk*U`+WWc{|*E2*};e+|g)DU+MC&dRG=&<$aB=2QT8Dv+Rb{$t3Zt-4%P;yD%i2s@PAa;VQR786M=;7N z7Mjh*O;V{F-;L~F$BN-N)0NS(fYb5-ZB}iIX0f9((jY^PGX;$#&L2t^WFi{Ve01@! zO9Pk;@f(Hk#tUPoo@`ERxAL|U4}FcuP-YK*nsGPR$vtUbt<>NMHi1pa(PFL+l4 zMg=(3|T@4;~q0zjO^&qQ0)t#%>3r-*q!`gT7A7FUbz$bs!YqXVx( z!-=00P&5QS`~SjksRBQ#mXlBc5HC1;FrXq|@GB#Gy3W~7O2p4GX}^fLy{Yr~ePRab z4532#)lK$qxC7`>xfPoDtfOE6VvK`|Sy6JK5xG6ZNqRNvUf3&}G)33(1}wqHMXdP^ zJ8<&a>V7tI0&zH-TjwRo_-tsu!mh&hFxtpb{c@ckbjnZ4p#xq7Ox0+xab;}l|J@NZ zkK5=wc6D!EDig$L9CD*za(10h>UI$q^1golR5ejEI#pE+P1KV!My~L7Z{i+bo1EDm z2x8qHceG3v*j3YD*&Q|YC?)$T{1sd7{1p{H`8UOonwyWay zvDWJ>S<(;VKi^M3Ue9TM?^$7nb?bG7(-q9tjP&LoAP4W$c-<9(DPjg@>w|sn7@l1v zue97~7sqc;TQAj`x)~}xm)}ZKe!r2Qq~#K%X6e{VAdT_)N`oT&uquG~i5mogP!{&% z_);N$LYk7B%L_ZDamh;6Cu6=6{L!ZPK6c}NSbIU=;mJgtitWWlBRjP6>iknBKts$D zV~RtQVfIIN&`^r&K#-=86a#x-rvZP?&y~#Y7*5hA==Im8qJ2LAT@dc6gfqh32j8+@ znfSwzQI0rjfrKqGPiY(WBHG^+xRK^R%JC(EUF1#-qwHY8xELz%lrZ{q3K}SUVJxgMXTIOUa%>sI5N*g7k6;INo`sIG3?o4A<4k8#^9B|3azo}@6lNi1oU7zV z5%OVkvHjrjBi9PcDDW1)EVy?*(_fYmC_azZc%qXavxzFc9i4Qyp>A^i4vvl&QYijV zCu_%xlA)!AAg<0Xo^@C|fwA+?K+k;M5M`EGgmz2AGHGKAlo*td&jigobr%8Ebro7J z^3>lbxyaK?%&0@mtER7)=zcc)le6M+<=tSzt)Q`L%P0V8flhaUmASZPsmin1vy+RP zhps?8`5q~4Q%ueCzW{PTjlWLXG(zh$qk~bAFsLrwQ1Se^Xg@HRzWn8% zJo-p@_~D1FZNZUaN5X~k=fe|EJWiC_+hqerl#d+nASJs4x=xdBr)-v}qJdC#x-KSo zEH>NTVFSB6Xtb8p7_R0iwM^1Cz|$t8DaK|AY|wCuZK_EYNfWb5n+G3ta1{a5fmo#3 z_%5`0a$5*fYqPC`r{fPrhim{FJnzbt%Rvq59(m+Z%V$$J-wE5>_tcxJMi{7S0{xFp z*>sWBd=Yy)Z$KLxG-ScmJ z;~U|*Z$D>gO4Zdsbk3j8#)8_26<$aHfjADlF9gH@Ryf87A9#TJJ0V>LUmXA^>iKlz zI_ZiulG2h>uUSxSh^9PXGr)^RZXz6A6ljAOvNUw{l?t`Osy<&Ma#yV@G_dL!@+ewQ z=8hYUo!pfKj*G%mNK40`t4p3$u8i3m6JMuVN}nbD12Bp*U-+76CEZlKme_}cOVc|^ zPpfgH53-jc{WvyNW9BA~s+f%3p@xVttfJVw+i?SEd>Yy@7^)3c51KG6m-=c|m8G{F zTNFon3Khg=|2=JBUaUMg23wdi)egl~a$?6)k2<6KHd?)u1xM#Qm=lC1JTo{d}C5mNi#STuG)+&8G2@|4~t*% zT%=*xsdkN886b)XCc>WB!p2nyow0w#`n>We1tv=Uav9i9gZsve^U68Ko*pHHk$hBm) z7Z+14=cW7UnmaN;akQ&2cqyc2f$ro!5AvG9%x7!<+XQzj0+uXk%P9AC;ZmPr7dG2e zp=9oJyMSt4lJ#+06EM;lSkRJL-IOL`0kFseMaA&Fxpes=jc1GnG>XL+m`VJMbmkUy zqu)mw2h49&cWP71l(_+3KLRk$V>7MRU%8B?OQ`gv~R(ex+9a|y)#d(nqt-Qs$g_v?lmr_ zfIf!S*G^13Mc6AQo3X3n@t$0!rIKlVgWJn2dXX-40(zrW{;1Qv*Kk3WDDTy zH^eJUh2Fe|taFoAX&0nLELc}a=u5goY5Aj#DIF+PX4Qi-9Wz+NNe|Wc#=0|8)i=6I z>|t;+KYaKQw{nT0sSsr^9d>A*OSM=vfKIhZrRlDc6X0hHo=FcV441EL8h10VMHSIf z`;C}=oKDp<)&;B&&G@CU*HwQz=8c? z|NaBqxfUX9T`3AmpM5qw_pNV* z%U7=wAi=p{k-+ie^B#EMfwJKo4p**TCV?@^zmFb0R?hn%fnD4))n7#dZ-Mn!vw2XL zO*U-XZw&#nFn(Ad02Bcd^;(=db&{&Ta8EILZePC5)NuI>2>6iZ8e}2CqS~2}AcH9F zMz7J5uU>NM3XW_v3hF}Bj7}YQW9FzUb-9+7I>EO(CTm|T--SB6v?oV|T%x=iyNO2! z9^yz$X!@IxGNk!=q(9@*<2&JM0o`CCFJHbw&!zJ40&XBs<#Z~85P0Gw=_7>kJ)d)_ zZuGm}(&x9DT%Eh>IWsszJxvugtsb1ehc`RSUPl+b1%D1@_n_K27aPjv<;)I;V9w9J^=QNBmh#?=)a;% zGqHUDDw!5ih?1;b3bdJ&s?pBhn44W{S|&7UkK~zdKJJ>*N|rg8D4Q#Wt;!;kyS@}I z=>5~K>3nTFJKq>uH)|Uc2!C=7e6?>Fx2@Ttbr#@9tBiF$Xw%Wzr6@<>ps}g&&im1| z841>EgaOMt6)Lovud$eY{JC{buG)vGjfeEDWDa?`F`}H9}A~Xp9)|6;+MifG>I#bC!)-21u!rZ)|uHMqEd)x@q47+ zNJk{+QB43f*O^G9OC7hN??L0Za{h0fJxf3Zf5ZDB@}1AwLVZp0!FVmwP`K{!t~q+- zX!xi9^q+(u|M8CysDz>7GtWE|UMkoBhImaJI(U#a9V{BhPaF@&jvS+NM43037Ie%$ zR3a5HZ9Iu%I00{)axBnJfMLT}VLN|``a>edhZ|xJ1a8;G$cw5hMDGB%>xER@sh5Oy z&g~tO7DW#bB3}z_9E$Tt8nZK-f@EzpDEf`L?PLuaIS#EJgCgIm4Pob7iFpBZlBB4d zkabYhlxtZqfJ{>k9D;$VBpu#&Ulmm{2jbxSHHEOEYtD)#t|_aRb})Cg3s}A!E*8Ly z;0F(|pa@PNfY&qy#x;QOR9s@IjmT_AHl~rr=AHCI!8?!VM$f{YJ^aP*H$p0|+}kR! zOh?hSrD)7UT_mnFz6v&@R`z%nMvTSy{~!c& z64sU~p2en$wx)75R4|pgMyF!}V$ng8T%dg3PPbFFLkhy+k+n!|MOR#IR%!(vU9IHO z02k+pwRWF1h@M+}gya~n-~{BRpAj~byybA-LlpP#WW+%)EMyCo;xYleA}eG~R^xKJ zkZe8LM&Sshv(i$^OJ&tQt*Q*4wsweN?6CdA@xypm00){5G$LH55^GnlZ0NZ&q&X!$ zPO$P`FOcItKYWtUee1b!wk%>uIbdVQjm1U}kOR~URzl0?E?m4A4wj7+dJv>#U=RM{ z3on=m7VLyJb7Reol)CjyQ(}Q6EegDLa-ioKGVWsQzNj>uEHu67JNzbRx*hRbNYbAQ zp9R4$%%^ zbI*m3ee7dqGYJ?epOe|L_k9^r+z;zc(+G4?ps7I82@7=i%j7UZw%OO-)m`NF1yT8#;~S-r}>L zefC)bs(Rno)|l#Fh}ci*-JH3+eJ-@TmXS|n!2v++CR2JYm>LDiolw2R7WD&xA?jl# z9ns0*xcnaA3)c?U0@pT+pgg!9KG~VEt!jjrUBs@bL+;%Y+p4>9gzi`bTT{FbiETE! zGexC~v{r`r(k0WB#9$WrZRJ$5`K1iVoie82jdbzS1!=XxEFVD3mdtOkdc4N0(b@oz zPheg)NZ(}9N6XpK@U=&eFBu=~Tr{BRreaE{#S=|6iK{$m^d;Hd2q=N?wvD~ds7a4l?7lk%)pskPOO-=mY$wDel3D6$1^ zxzhJjN(3SW%E;pRby%!LMTuw9wz9C#h?iby#6onYC$jw)PG& z>;j`d9QcmpG0BgjME2UlMD+=}p)VXt#fC!wiK?5X7C~?Y%@x|nj+9M^y%hRz{`}jN z4gu4FstG)9-Qvk}@xldSLpEr!8^VPW<()lujuyZZCytwtSFO7NgfRKB;p@hzE$CCK z6;OKl(Gp=0&x{nR#WX<3_IB-Q0+&suJFB>Bt!%;o0AMeE{39QgYLDyT$A0X`s8oAh zHeOu2>FaB>ki+y2zy~RzH{X1N1hjZxb(qwS%-qqnx6a!*9;A(CR4$zeq@Y(9K)^H4 zd?h^m@WYhiLj(b~28~PcoKJuHe-1zK6CWcW^6Klah5zzj{*pR(<647Z;(HZoQvn-< zpSLNZzC;yM>b|*7CV&$%4aEIJDiKlln`ho6hvP`)=IaDhu2N5{xe3>BOt>C8S(Dg( zW0A!BYh?y5E?={bHZA}e_~U?)(HwM^l->G9N7sV{%iDYnlPvzdL~}5a%)^Fhhuo~E zI0V-4c>db7vor-o)tU7IYGZC4=be{HR)^zI4YM>-t5s9kCO?f)jq;_l`mU`Km-Zpr zORaMPPyJa_6kS(ErJYo~)b|+3Fb?AgnmYg)Y@nFC7>gKV8kzGv;2;2O=gq)|fRyqL z!F~Q}M3$X^+&fkiGtv*%CS*!1YOOM?1qg;#TdF^gdqj=Jn8BJm*47HWZG3v|8sTc@ zK6<1%!x)r&H=Jl1FfYfEIUovFIfrS;+iMy!rQ>F46!_%^5YtHI_;EhMwM_&e}bQ?@n~G zU)|g%X~ICPOLZ(tA%do}Y6D4T#5C2tq%o1tR~LUxaX}I=5m$HwRM;~);I1HN5Ivag zn={qfq^?ObX`i-seC4*w$VyOL0hzJLF*K>ErZ6VEl$AA14CW)*vVgvI(TF2*XNl0Bv4c#ix;s< zU}OpydFA`euyAg*ub?gj)AnFde)G-O3&1%-skMn{V6-(l-B-?G zU)fZ)!>g~p7UpN(qKSO?$RQJTbE)JcsC(}~y~-BVNJ_xTR8mS{gt)S8u!WW@z&PcH zv0_3|R{}hhRNn17w|NmASOZ1kJ_sTgT(za_jNS)!HI7z}={q1>USA?OtnSmF1MxvH-WTyXBry`wDi+9mMWl znamVd7@g^LmrW!1Zp|Xx4W^fCO}GRP z)*WJHbQ^0rLDMd(bwZO#Gq6*il^B|G+^DHl=YOM)#mltPXoCukiLd{@6=vG&L;^__2ON_2^d4E zzF&6z$HrAb&A1o^O5^G;Z9CzG%eCsw$RbaC+L*TBXc;5dbm+*(Cp3oD+5EPaDA#eS zY1ASljQo~N?=v#VjH8mSJOWCqtJCgLfP=~$WmKqd2`SX)HWAxKmzs-XK_E7hiO|#< z(E-d{yl{~=HKeBw>_0#k==Pm$nn-BOr~+A(1p~N{3ctJ`Ox+OeQ;)0lX*hB61VvsL z#1MB`DoGfcrG#T6eoC$92~E@~u|E*ctxG?x`|iJwv_hQbTBG0L+>Rt zZ@fub#E<>N$LKxCe6AcnF&E`H_m`*?-~nt4Qf~wRr(C{FUNO>Ji<-oVris&PbM^}< zzyT>b(Drz5luG~1&-`q7@WBVdd*1sV0wIWoLEr!M-}yWAKQubO^{;=MSTLk*NY_%L zVtgK=g5PXu>&4b2GHt1rr=v$EF8obY*L&cF}p_19htufP5prErfQ<7T_33z&wOoq7=M zaNi@4rKTTzuQ3+wuUX$Bj7h2#l)wqv5(-3yp%H_& zMtM>hDm_@Ds|?aql{R_QO)tC6r2&O*7gJ`Ldiarb!clVa)rQ1f`8@)-xmGC|Ll|V8 z)l^9tkL4WD-iGyT%le_3jwx3wbxoC$R>i8LFsFexrQcF#+7)#$#_xLp5~Pcy)Ke1w znSstHiU$&O!CUz@H0){WHwz@{3RNqSiuh~m6B6<)^O^-X4O$eDRTV+re0WsbU))ylod zBlx;@#)SFxgFAYU))vPqdl7tVXHdb6y+(tw6x(s`G&`2a&(0fc$c+Y986&MaB=#?@ z=yZRtR#E9qrXEvq8hR3CEvgsH5Uku$g;>ylD3ZesL(|K!;OZewqd>F4%``95;Lw|b zjSsKCb&GvZ@VB+;nlS_zfM^N{aCE&aklCr+Q;4S0Z_7MWXlzAWnYZL`vl$g)avvo- z`2Ez636qlgWJx)=Mi(iuW&O}`iR0O`Z;?^n$A9uCEizE*`=wW23EzF;MQT%k)Qajn zFp$|6ejBo{{!KBFTE7rc;j{Y z8EF`R8xjbX>jnp5fC>mS-+uc%rIS=x36O%OrvN|bTZMaY?b=lWW&mj1e`reQgj5tX zM@YXRrG;vzKmW5o53iNY3KLvewteENO!qifQJros^Z5?DR#SD=0jZLjx+ZReRX5Zq zx%LqA&Y`|j@kFj4y9Z0>aw)G&>gSScS+k}gd^?O3Yl_Nyl|V#FR_3PTkg+E7g40pn zXeEaw368n}@5c00u8kZubr4-eMs=f&rpC^p0v+l*SLQZS)Bv>@FT^Gy^|-!aqT#Fn z)-9IA)JjC&BQ+qpHJ=LTtinsv00_FO-YT0pY1Q9(FO?dFhQFE9XzXdwlf^{TG@i95odInPyhff`RmWF7k*s%^ z^J|N)mtnBLsyeL4k<)tiRah<~6@=}I*5b%{S@~*2WotaM8eP?(6KJ;#&OKa3Wy*ZX z0S`Ub_jeA3(%=yBAh%KIxYDLX@&G7c79bLyOx7uVf}c@V%ub{o8P>r&;El40qVLc; znR`vcOJ$SR)B;uHl+TBT1>ow~@nf_h5*r}EiK}5GUFJl?-Z068Sl)!lnOkX}oUO9S zpFVY(`zGB&N8^1`?!042-#jHGkFJ#L*|X=uD=)tk-t#DnjC(1AMFrUP>(_YmCD6iE zACyy1$(4lGja^+t5yb&X0&J;{1=j{35ey5oQQUsvK=|6%zeXu3Tt}pzj))cr=_|Yz z=X2)GD>e|f#JdLhet;F$v}}i0F1*72I=CNV#h>*W+k83*Y#19x z^#lTy84A)7*xR;qr|liOhwMSZ_XHcDABQFsHBn++bWLzKD&JMM#CQ1i(=OSjfHoCJ-*V-PTco^$Y^E+_jS=2%dGw-9!58(S8dK`IHgd#<(`#FS zLFNq@+uL`-;Kedxp$^Fsm3Pv-v@)7~(_peO#M4xswIv7yG8dF8$fqGtfsasfOkiv-RUX}8^H$t|_ zyM7`7!ICJCGB{m~!&QTX<^zfA-EQ~?VA?4SMb1W2%;pbQk7%(M{=a;c-Fw02fN4^}u`YyKGB|OY?_=fI!T4xLRt#ix&Zg#p zDioBivpZ%))fweI^z7>qwBcRk4!l7?O_w-ehdxA_AC!J?5P<1v)4*}U4+kkD zZB+Lbi8$|2B)gBgF>g^C0F4X*Xu#B*zi>X>xOSa3j$S$hIo*zKIwY99KX6ut5{rHOf>y-q`H6swa;s3XG0!L zQ_++LyZ$oKX)+pdr>mH(RVE|<7OmXSW>#jd=6zD4R21YYNETr(f2Ox#--YR^=$phk zn!WF9k0Q}jD65-Ortv*n%qY+yJAq4=D9sB%Lyde(umc814MP1r*AKHQP1RNaOqcQN zQ#A&Prdp9{SF%~4Is%F`u-P|h^?j*w45P^}m1;knlJLJ(ib|P@7`$mkM}*m>I@yJF{(C=m2m4 zDvliCUNq2v;PL@@VAI9>K#wvLQ$1ZMbnsGILT{wp#7-hD8rVZ@OsOW~y88Yn-cN47 zU=Pk0Fa|L$(rS0Klv_Imql$`rczOa!Jw#n9HU`t;`<3AMQ9W|5 ze1?`!Qm-iKsiNo7OW7>meRC>&80n;8$xLha z2#v)r#u<^Z8*p#!P1F=F{57V3glZeWwK{O`n#}Y+9 z!3|=gRjqM5mTf9iruHoYz=&nWnzUd5pgNc&%z|oIFqSFx({aj11?^s7+LoaY(l3gE zYO-#X+P6vc8Kfo5(g7LwJO&tvYTMBB_hGAT(6s`KD4M5`ZacdRcpz||_)m2jsNfTEJyp`yv z*DLG}4Ng`4w@Pfa=vEp~Q71?FJ5sX8WsVmwUI@Sc`@b*!fjSbd-WJPsydBaYRFX@S zH2Wp6e?p)tCTzO5ZZT7^pou%9MKKGd+lfPRu+)*TN*GWBC#JNmyXs+xvczJHDyH)O zn4Eae#~ynh`M=-+0ES}%`+;*xl9s~xQo4s)0kEN-`YZqpfWd%xSH*TXCIF8Qe&7Sv zPD0yM0639APYkLCmkLopi4EaB?|BbZOQFvb^|2!06p2m2HGSa02f1Xr91q?TLT(5# zsdt!EEJ5si4Aora*x`$F=FKylGAtkz6AGFp05dec1e1p2d-;`DsMP=Ft=j}DAu!+C zK%^bQv7^Vr2g*6&eP4R%8Ym$LbIlQy>zsV@o}k0oXagIEzH z-*66qIyd=$9}t<5+U}F!wEdS{Rib*y=qBY%SF2Zt>s8~U@=A|K$9lOk=C=E+y%)FU z&{cmhT?Kbq&ITy5k8=Gw9+M5E>@-=UV7vu4rmF~zo}+3+LgR4kHDh;U#l{wi%qR># zv({<{T?JKkm1&`2HA6@)I&YaNHbNQ3pB?LFnn(Lo9PL7*p~yw+yKNtnLihceTZGZ`ORmEss`JE2oJvp zGeD^?aWH-L)mMoDfotv^lqr|U@7nci^uAe8xRxGf8GSnc0469hSull+V}_0Zow4Dy z^T7T0bNMo~J>|Wgd+u8#3Pxqdkt0WmO;VqX5a#BS0f5j2?$<<~H>5Y=&fhg9wPkcM z8VUkrfMKCD9e^4Dps-_VFP_O4W z8p5t^CLV)D`C+sbL?@iqs2_93GcIr~M!z(qM4=(uSArPK8>E~8wySofuhDJ!oivH& z^auIjbezfz(W;7i5|SqxYtYRhI6#Mb-H4LwG_MVVJJDeD(raiKvSZ`hh?x!g`lTgN ztBFYbzfsL6F-8#ZkWUNs&YQUI*|}jyFbC3ed z2v2_aL)5Twb8{cr_X9vcXp71pRNkDr?{uxWC|?l3!o3sh0Yu2$UuqWC<#WlrttRT>(?0X(Xk* zsozdn)G_e!-WSeapubUtm@FjP89RummNtZPPH(*V2DufVJblXY@wgVh^;`eCT<^Du zeZglQMLG{%!V7o-umRN%A0MQju)uB<@QBR<3=;q%?C_B$Kw1glM@6IDOpYs?0Dh1n zgkK4&w!Z($_rr~w*9lnS-mob0AoZmBsh|AG@Wn5EDZKXTYgQ#d^sO)Xl>b>Uxn}Oo zcpp&Q#K?)|KBe`djUbe9Tj@ zkG-U1!5DISG}Uz8ke$C!U9cCTQNw*D+XhKLX%kjTIZGNfOSj|dNmL_c)kRdpKgVX| z(29&hcGY#kx}^tW2a`DsQ)__4_6G~`V^Wj6rW3U^!SX;^#q?M|u?cGM$34|1)k#~@ z9V$$w0*IZNftw-cT4f|<^tIR`H?{{^T$Kk+g=mX_Tz}8jUoB&#fR+t7%Xz}xcs6hB zH&!}K=g_pfX`5cwpu%fxEJYocna`>}iD6_bZr(sES&&%UYUsK7;3tM!-R3Kc^2k>x zyY!ana`GU30|)05BMhLlov~C;%#8>zhfx#Trn7r)!G>?BDOw#BkXu^oE_9h^k{c#5 z*LxkuIXCMx7nfa=4S+a!J4K>FbUA0QJvR58i8whgGq;1-`9(eG6+7yo*K0@gz zL{!+Y@Sdoa2#48fA092ZF38KnD+Sdz*dW0QXw^V3(FHyXW_s{|0Rw{PVjy9G1gnDw zK6B_7=6GwG0dZHv#*R{G949vR|L`AvkHF4@1TDs#GK*2h+Ae4N&({x(bmnHlwGXewqc|x45JCbh=LObG!gO08xro%Q?RE@=J7% z0GtQc4w%3bktEWRUYMs1HF1x115**DI*Ed13SrrzJ-A72f9S^51g;*yQMJD8$}})e zM5^}m(SaN-6W3ISf*}*>4apb+S#b?qtFMF?EF#&dl|H*ogG1gQU2-~=Y7;SWekN-D zfN>7J7FfW(XQ4XAKNvnWk;K|C(LQlfxua3CX&^)dtK$YAOexw9EkAk^s3U^L7=k|z zB6nDKl16Vfx9-LSA|{xpkUS~|LD7xmRcV4G4!IpWwg+}`$GpdR(fr%K z!%oaD6{o3kyvJ;|FaauqvOp|2fy1)qY!UmrAx`2QC^7a5lL{R$reK)?9Or7KK>%yR z)=b}B)@zK6VdAl2XEUr%G9<9#Jc~p^>QZmq&?WWz+LN! zN$Wc2-s_r-%4agz?#%IcS=iDZg_?^tt5R z7^Rb7&(i%4)V75gc?8_Y8l8K(*`_MQqdEMlNe~gFDK$##iS!Y|B7~F-XiMs2wKgSo z0L(&H7B>JAq-m0fQ1SjqeQ;#AEe289%7iuYUd(%9fUvnDWulcun4nl#G`+;gy_5b} znE)48LmlDN$EC|8h=usMmk#I8J@@VKjcMSU{SOio zLxyMNyp9%dM!FngJSO22pZElI6W`q86yUkD=fW4BdWu+|D3k4xM;;|+NBhX2n(BH1 zh-5&xn46&R;R5iEA3s5*xfd>63~!%*yS(37PBE2hiIR6rR%-VWsNVlvUBdj?{8QDncfvK{RTSQkQUF?pKzk z?v@;tk1VqYCu7XUn9L>hiquI;(Hf?*ZaEK5oTCwlfBtm`=@YhjanEm>|^Ev{(m zt1w@Iucl|c4kUUFNo@Rrh#7Ta{@6%UvYYR5Ni^H0u0q3t7&`=(w|kd8;9^*j?)Jjt zuIbWUy`Sp6Ru)BpV~cN=&!ZXhT?{TD4 zCj0K?&J)S^#>zQ2m99DLl4hGUxe#H?83V9*W3^5ylr(Z!hzG*Cb7w_AbBy{WfvLf3 zk=j8@3EGeEJpY~Wfb5;>GdexR5H!Lj3~(0C;`wbDtwUgH|vBe5h6lVrl4#&KI!q=9#z1 z^lw34HIX7h08XUaPM$hR_ z75N3%%vB?7Ns;83n$5{2v?-^>nWnCGb5^mWFB8@DNDfW6`C;VT9kSaPxJQFTJ;@dr zTq85TcRhHok?$Y2@?04h{;f~i9K7g{1T56z^(xor-<>SAjto1yNe6JZw6=ZWUdgsl`1 zY!N%H<@dsFV*cP7<9cF_ZIY&r^^Q{sG+D$y0y&{=D66H+p1qiKoKDQ$L>!2d6oT+N zot=muO>Z?#hTxBySOx)UWN*QGs;F#?Yl^^G-lR*s&nTb7I@(JdkMwzPRpm}%2F5Vi4i$Ik9S7#%7=S+6Fz zNm_dtn<&PFQPP{*gq4AjtZ{?(aARg|kiB?lQgf;Y@=akw?W5*F^$0kbQDUkFfx2e} z>#5gz;bhlf)>nB%-=On{{P=+Y2Pg3S^UsI3&%GT^pFTy}4s@i}swItpsBBX$xXWv> zDZ!fsCBCn|_8OV|0nn)F9W}`;fBOkB&m(HJ{EtbBQc(a6P}n3!E)#ZMCO0|%MxOi- z&tlSJQ^%xEQa1h6Q%{B8{LSB_66w!=_Ok?lRPTbc5dKH``ja32Fr5SRK7a4;{=M+> z%P-U408mgVgiRM(8`z|?F6b5wXr!dDcmNoX?xg(g`4?UcuNBaQ^L_7o-y0r&=;83A zKlQV*6zM@z# zx%z>H*(VDiW*Rtp3*bh##WZx+E_hi>va{($tP`&DR7vLWDv?dB_J28ep`vqA9z}>T zwmqs6bL_6-s3W)CH4%;v!d&D@Hf#Oet2WM!N02K`YC5aOvB6@jT8unytFoeZl4ro1 zsvd8U<9)7H6h$;Q-m#={TpgBMUC0;|tkAYPup2C;rPWz&`EYz!tA9%Ev$cGA>3M34 z;g~7Y66L!m3EDncBOR4}a9pX`xJ&6#t3iDS1Irjz5DZ~OMbL`i-+svG-w z{N1I8)!lAMzWd%dzBskTS*^Mp+d%j(>8s=*CUeSl9Sgqw!d)1paTQw3W4%spnC-FV z#^?XM_Q(5zwQl60HB9vUP+a9=bdLg@7hila{6GKkKT?_r2aQT1Y@km(@kF@qzWZoX z!|ygX*TNg<#S}6zE=X+vrGiz!CJtQ&2IbKL8j!}o=K0!duM#W5-LX5;@G8{^BoEi8?m;uYdjP6xBgA zjAosPdLZ%z69mu#W(NQT=Yw|g;FpZKXyhPTeXMZf~r=H-`O4&V9qcgpj)p($7+oWleE zFLmz$E!lO}`R;wH>fYPk>Q*aDtyXABEwyrvRXRt{gW(L*(#(>9`bG9T~#tOD_&Z(0++)#D)JHIdNv(Kq&NlcP-z1rQn z_g2+Od+%@mzkfLLNI}nduO}XVLR_P@u$+iGgWsiKiC*~PADsyud_aY9zAqNmoter38 zy!lM{O0^Y8T$6=nERJl$BWM$-%s9ygLt|8w%O^@uRF%yiKThl|xCYsyDHdevx}KWr z#hu)olZ9%qGS1|Aj(y%XB22|0R_z9Eq8?goU}WyLNEbCPotSb+&u>^L??#qSRTiny zHbmJeUrawIdA;N_M`n@XV>;Uk^i));hKuqHxMFB9!+6lpZgLWc+!xs35N))nx#wsz>7z?!4m;nM6PUPCM#X50tD!XR)i%kr`s#<2je zEH8!cfB%+n;e{85^P+Mb_?$D(JX4&InLHkB3KWi&iSz7p&XFB7B-^#?)(R^1#y7r6 zT4J=*&N%Z7nNTQ>$ZF#A@4xT9aPIl%hlg&vO^OW`U}=r5-%keeSmb~!VZ2Af>?lw+ z9eZrJ?z-#4_kZw%ruaEnT1*s96jn?rD6g3CDSj$jj7jO{A6#dy6Xzi)(cCCM&`b>K z?px)=aR|?!|NQ4gCcd#LV6eWYaAa~=v)>x|EP=KmV=gU<`|z?65*Zx(8frt3EQ21lyCU07MeDt%-j1oO=m_ROYHqxfu52@>kGo&aOYqAJ%gPDZ#mV&?RfMwtU~5O40yxM(%{^{J|<5XcVyv#xW@Mlk+KCaKq5bSM_?wIQ~*T#fW% zM@i>$3L@j*umND)4y`zn1s?;_P-G^hu04QS-PG#zD?9&Ef~>*{H@1_~ zuWpMJ-7ILxq(>AecdZrcmnLo{!GG4GlPo{0@)lrGe77#VRemoo^dy9NJZY6drN>Nx z@|9>t=KGYzW(ZUKrqm&`hD_wo^!B<(qszrw4r6o~NbG*(k%z-E$7~X%(P^ihrfREZcZWKPpA82i*(vT4L%d2`Ld|4C zF@hWCamOE@Co9e!H5D9|!{?8X*MN#ZcpeF%u#&cxKbssoNYITp-Y5kN(G&2EUh|sQ zj)oa-8wlQz7KJi-=ifcecg#ocE;fdw#%Vy2;u?xc+S)tn>TOP7>MQ? zKK=C8@MN=_)?WEoc7x=7!F}L8xSlRKb(G5`+8oo-#~vd)vShF~PR36^@SvnWQ?L$f zG2t4}g5!6H;^6uW%urFBj3=IITxAKZE2fgEMU<$Sa@H32i(Rqsb}V&0dH`mjcBzVX z)kM+1t(9l;^0jJ#dN@hss z(IHC0tY2c(n<&qam`BQ@tMiWQF_LeQ2L=E!1CCYgu8M#N1+b1@0`drU<}WR6+-M5TD`VKP8=_G-uz*V zY4GM;Sge=KZ)UHI!(GqplFgg?ROvM)pi|J-rDfT8_=aKBBiy^3K6ZE|ik^aWiTadS zjOBrh)m4TzORJgr%Sg~-Qi?st-o06IPgIr|z1|pNmV~+$Ki#$OPk-@O= zT8Uw*Guqkkm}I(6MRC+}dh&;)*p@j{&gXHT?UgPGI8J3|m5cgR*l1^sRoetdfHcc2 zbU3GNo?YD{H6n6!A6keH1`kc#0&ImQIwgYwpBA+@M3;T-<%xG4gwabJ7Z<(881DFbT^X zSn;w($h5SQ82A)wAU79XbdjJBaC6Q*_gq1L$i$*}<1?9z@tb>C|WD((lbm89gs1<-Ih%JXltDay_}dC>_=3 z#<^mW^JMV|Vn%1t9lkKT(k`XeKP08DlBVQ|4?K%#5XI!Kl>fUG|6tI%Df`Z{R0vf$ zEHd_ZBW)n1dwoTV0*S?f>&TBsKV;>WDJIpPVNu35-!FMSDHQhq9lnaS+zgdc_2Dq1 zDvpk+zlsVOq)@R9hAgs%sEnlrtTq!N=iC{tQzWRDybwjd204>&G8tsawzon`QgSGQ zjK>yLP;%p9>e@2+BH3Cqgsu&F>aE|Y@G~|m5=RwM>SnwZB&ve!nnLRAYFZzve(>b1 z1vtiilW@|EIi#e^#F<>3zM3dbsg(5GVqx&tBFLd2@aE?-yHj`5$~yp)wUwrLaH$)l z>DS(k!Ap60R@h3wPXpyGWoZ$}sOc>7^YuqUw^$2Z$W*y z_9vaRr70x#W*-+88>G=L@w}~B@Gp7U%LJX`y-;O|p2-5(;$@i|Z}7 z-69+t6k4Dv6cx|x+-Wk`h|*$36w-dU!Jw*nU-*1D{?%U+a0o5QOJ~!6`tw4Fl<^l9Z!Xt&3v}865EAqT~ zhTAIfi&CDOIE(Mzr3y#mvJ3{A%QuUl>SzudR?ed`uA8?{7n*x5_7`@1Y8wH{GiRHF zI-_+UZjyp7e4S*TMKKpip2g(h$?ja-=4uV{JUE2{g*GO@9pqgJCx!GdWp&mR2W21a zqE4H+hcwi)LRX9HH*GWV?A?%1c*i*snm@K`CHW;1lUqz>u<%TBauGD0|E@#m<*3CT z(SABNBTl_{<-xbbX0d#~HqxQ&+U=Vt{-Q!~SOhsf6f`VQ8#Wv%-y@(=9>nH`kmZB| z%1yggnt_akKf8P;I({Fi`1%9Zhn>x!XD~i_?|l*u**cY0g2D(HlirBMv`8 zZr};WpCGTJNT8+0=Lk`{`Amu>+DsHWnsUBQiYd4(ha7r{od4Npoh77Y9D-StX*EeK zg;~iAKCuh6i<#?<{P5#P>!KSMOxI)v6#n`y^Er+tCyU9VvRW7>t(^$#}}U#gVS6n=)PUG1^^TYjvN>cZ)Im z5|zbe$(JgZqBguVPNh+|Je$zAE{mp5423sJ>1mVsJ-Ps^6g%Wt4Np&Q=|OeN&&fnk z4_^$0t8$S7ofm`DO4dvCtIzB3_G#7q>^k+0?qWv~mWuX=1|j<*8hVPU)N(MUBv&z1 zRjd4Ri-eL>6}vsQygd8l0s-z_NS2~>*o8TxuNV-BsEtYk@pJm z)uoRd5AVn4x+2AQd3*Nk3d`meN}&Xz!?9oWidTx)3x(5#%_8p;=wJTV|ElEW=5r{* zkcpqT`9wKxkQG!~8;vM<+Nr0?@6w`zluUth$RUTyg1@aPevWI7;Xa7I&1>Xbn%x@6 zi8xpetFU_2n(*Y4Psp`FVTJJ??VgdPXQxmk8e3kE?ftQ7G}*XP3nnd- z(pzLuwItGh>YuB%UUD{nLJS^>Q?Q$=wT5&{GA_mLfH7{o5Fg`v_Go*G`@71FI!6{r zt7@CNGf|f4f(Y2m`hMhjPQ|+BJAaS;z(`WY)L+W#m}gR{ zls}-lo3!x3WYVet*`$MZRV^!GS)$GI5%%Gjm_^#)utlz{czl9 zE*32+=U0`*Ne6`~V+3Nzg;O^IA$78`{0emo`_y$*wg{Nqp0f7lBu*IF zmd9?ZZk7*l?AKDU;0mQSJIcMlWYb|NnQo9%=lt8+EX^$L;&cRg_Q}aeb+I{b4?K2x zW-n$A4i7g70njr@1*Era+qcS~a!5WF4<#HJcHqYyf1G%*fQ<0-BWN?ALTU!#L6(uU zBJRF>0S(!2An zyX2ZMf${kuU7$G>b_~dS?!HIbQ%J-qYIrZM@m@n*Fj?fdo@xqU4HwnmO%D!rB*)2# zJPV~AJcY5g3ahZ+{C=9lMR;FfKVJ?)2Co;ogMpGl7nc;lfkd4O7u9a)TzHbO5$ti6s^E^xd6mwBQ&4sk1Y zUPciJ+RaCD+4v-9P3bv~HEG!v$c#c+aITC~xPi~?)QvXHEz9Z+QS=N&iduuBsG#+AT^MVGBQrNIDL^Y|>`5B4bmWVEeyP-;) zhnNJKv{~X~QY8i2&Dsz>b4BWaXYmt>YM0&aJ{T5s5x)|$B$$x~ud<^3+d;>vLG#TSK-fBfU&%rnlAiG?qS(iB6e zpVl`;16fNT8gO{=62NtY1sz!zyOxkL=vYkZIpv~IS$7zX?$0J2T^D_`7I7T~m?+73J=*OA@ z=IQXWKl`(i_x0Pq{X60E%P$Z2-G5)W?e<&4GnVJ|)YDJPwWQ5-@|GZqghgwP46l_@9K?{sx0wT z%l@K)68pe^)Cs>%c~@4a&?#VA)s`=$+Q!0(Sv)~}vN)aCvc`&?zdV6sHw3xNu8KcYD3vd6)NQT=D#He`twQP@&wC zwl~}nxpxHED*7oF42F_QI(bfc#-GIUgW@nx*tA@?!!ffjS;U)X7qpWQTIM~Td)@;_ zW66Bmt;h$z%N!>yD)aS{f^mM%OgaZ)Zm9oF0qFDq&3W?Z7bE2tq+#DIQrv^yL@QQY zedwEtjvGr%CJT>JtS~mYCr%~?ebZ-L?~AD8nt4_bRtlkoRn2{vx8!hDiOpN#>!zf9 zuBao8t10IQi8*$kdqrDYUQSj>mi{pvbd^m)%IHMuAS#NEB`a>-1-R6v>Cek_@V44< zRH7wf$6jrdI)y+gJ(F#^n7DIxn$i9V-589HNuI0v^4yW8i>)}L;IK{EzS=<@LUC2{ zXWD~~A$I51C+5V-$~nlh&l69DN#zSXw>>We2dI*TTP*V-qBVn$#mmWEoP!hD z;89SJ;6CdikJ$U~ZFX)fl-^qeK{>4{Dt2t!t_VOgaA=V*z{*}ddNs*-{1HGngt$21BYi6M|?hr2a7*Nz?n_q5p9y^^SOphF%raw7f@Uf z)Jl!Bmh%qEJu@hH218F1*Fs4AVZ^*_oc)EwSaEr=nHc9p=6&sT*NRLWNjt`Z@Nqb{ zzy8E0q&TB^yW{pdBo&;0OTcJzO^(`llnhEg?mzm&KMJRvc7}W|6A%R(#S?xq>TeR{ zI#B?E4hhM)S=CKg%c3W{R?~8+ z>ui=7%x1naS+~p+qe)(@wZ)<8qBO900m%YOZHADO)F-LnFO=|qn@TR}=owwrXNpah zkb9eX%vE5b`orp<9J}!(hg=d0%I2jq#UBND72CY69BJaQ4j~m$2BFgy^A>k)%BtKh zG^w|6(cH|kbfPU>iU;OGKQdxAj5VaU7 zTNZsaR4j^s)X6-W_Jr{kizD0OHlC&n@cdbYQm(_H?Wl@U2chgBDP@5&rHGn-c2kLv z^<`>Z59i$KD)X|u{oX}bQa5rT`_>e~hnCRPW(k*V@LpzAOKw(FN80PY3G|GsGBd1a zsZhl}v#raUt6l{2+Vk?kp-92C7`T-d3%f8P7#?T}1ce<_R>CN&e@+OEP@m@>~x-Z@^P5}j@z^;Y~OK!Ogbl?xLH(7qp)SbD#TMxbT7tG{pwfCq=|fg)23s?amQ_vf{dc_o$q*O_-~*7RQUbh|AXfH#|uAd zPjjs?^wV_oaoDh7L%8hHOXd1WT*aJ{V<94QUs2j|-?_H5xgecGI_AB6SEIZeMKK)O zZe3$5;Z{`Enk*;ZZ1@)2_CPgg`AVKb&h?~4$?JEUw^2K>#hGM&Z~N7q$wb|2V~0qa z3YoVdHtsTJ6VA}=0bKDXg;i>IgDD5`RklEfj``qA0>Lq>0tpKpq^vqh_I%PJ;hsqF zt*J!X;K(FJt)yZPsyqpbmy+E_L2j}UU6A6aww4FuA{ru>Cfe5W=g98^^9u_o?+H@u zwg!BGjCktxlTSP@Vu!W+tref1P_z_Q%vs$FTy7Wd34vbbFBFf}yo^QR9TH>G6fw*h z94qe3bMqs4o+-9aC~ER_WzTC+HQ30CeNUP$tQ}rAhBvZT0HX-tU1YYbC6ZPx9UYSGKcQ5N!OKcGpY6W zolhiA(u~*4r5W1&t+P*5$;7>Ng1i#}(SR!1OEngGTEok}?tMB99IaepcUxJzl87L49X%!PDH;f3r` zJ+A_X!A`LPGQk5&u>v}BY_mu*d5la3yxWqpbwV3kp3|ZPPck_4K~GZLaHF1)oT-JT zNIA%Q@)~KtqRYhOW_XfFZ99uW5xlnB_&Q8Z93yB2i#vT{ls`-|y#A(}ZVIny7I!kW zCPCeyRH8E=@ zYzm?K@4G+ut7((LjiCTJ^2iODq`R1oIe^_69nh~9F~ zEpi<}YPe<;65J0^sMAk7O*lXl7+1gQRYKGS)nRve&pr3Z^R~7rS}te`wey?ej=~2g zM0V?~{p|f&|nFi8;M|T6Gkvdz#4`4ib|6?c0=Nz{AgC1>cE6iHVZGDZW6g zK*}gIxu2t~7z@@K=#l{S-xDiJd{L=H%?8mpdxKP6r%cJ`(msO}ffU1~3Z+DAe1b_m zcQAL;2}L0^=y__mQ*tU)l}sQupBAp<3jd4Ap}Q&G$s4)2X|Y zn>Mry`C9IadsHYg3LA zR|S?*!Np8AudQSUVlm3ImU^sg@fYM{FeSQ)LkDZ6ElD7+|#U_b3%RU+_%t4eD5l?Qn%OBH;|c`eD2Rz zD_BgSOq=gJ|7E3A)lCAgik6qF&{|iRINjoj(`}b7(l_1Ajr(ZvPUlpmZu_wRf`XLY z*IeiMt#BmnAUd(966@Gq#A4oRJ;ii0R{WRUUu{dZ#O9Q`Ew_9w{|Nc~3*MrlAV7kQ zhm8bYR!Z7a;xDFFi^9jCcwkYxw^>MqH`5Gw7Ia>N+#1ve70+thEzvH*Plro!#D)!$ zOLgRt8>L8MVRerfCMhAA+61H?9P=VE2c4l^LgkKHh(d~89^_sMC3Y|rVvGjeMI}L1 zAVRQ{yB&AHKbLH$FEihD&1i^&hfN(r-1$?k?ln}45r>M0UV$@|i_;~3hY$#r5< z$V5P!$ajyl;5c_sti{D;LAl&#LOdiaomY~0y)BX`0@cl!_7D6Pj%%Aq){oq9q!eGm zDUx>HNcbw8Cq>TUv{wEU*z|YySZjuYe!g0lQk!W`|iU@ zp}f!Hq8d7iD=oa8N_SjU(f1X@KvSg%A+j2@Mq^GmH2(%~5rsGiW!Ro4B1b1kIt-f} zZRxJ+*~!8tiOPy@AJD>sitUan6_R9GbnB?7j~S3vl{>4xgg7{fw)I%9y_n0{B)DwI zh!akogVCz2QjYRaBfeqlDjQ30qdG?y#BzeQEV4L^g|lk=EaZ0N#Jp+d+!=YC)0sh3 z;G{7(fsXKO&0BD8ZHURl$iMCY%g_9ryv63Nb4O41#y#2NCKw5OzL|SKdl*|h)5;MV zO??BvX?Sc3Jk5%9TIE9Mcz&pe^s^PeV$nz+Fxg}x$26jzh38pm9pF&$M$ z@lh@Weese_c~MYx&(KYHs`}(xo7?-vQk9XZR=S;&x;^Vj z?bM5q%f6;6TWRtMB&vuxMme_5bz7IHVCl7+2#EocS#SHvGA3G>s0aEchXF${7+UY3?c0?h=$ zvEF5BA@{j~fP0X%Q&tQ2hT}$Z4LSvBnDgcLL2h(%(Hncmop(xMbI-l^isuY`9gg9M zBQ^+X!TXUj#b?m2A=2WQWBx9@?scyf@0nmwASlk3O>%|mw)A#!%w{T zC&W_z*kdik0z($ZxXrbMOvxtJI z?J>TTgeKUI-go&)=2qQCn6O^IYHP_MttF_gTRZlIt2Unm) z9@+xR3lcU9QeZR%y|;6u_^31^O|$8Ao&m)Lfn|)jv$}JIwBT;d*lH6|a2!(D*?Cda zJIXvX>jUNs&Yy9+EV+7P^XwW(Ys%-+swi-rzoaTK<>m32qs1j{+cp~*ArddDJMzTj z*UTH9dF8>n6fP8QB4uA*nF5EL9|M}pYb4OrtPo;o^SY|S8e!sjT`_dr!uJ*2Nm1uc z%P#j`SsB<|FtCNbXa~ur!g!sbEN~{B>RJ|B3((a%N1q{gD0YrlDgs7_cD&Vd=4JMf z8#&h5FPcp1To4GdVeJ{oCF9!UVBpqosEP$?cORIIyJt^au+Wh;^VhPKY^>Ha!{^NiAv*!EbaPUEgh$4x}i_asO`H{yS6>bkQ?PHEP zI-Gazd13XMRWjjl{7*h<286VPn(O}$P2uv!AAV!_xBvFvhWEe!{mnVR7rINX@eSYk zj$HH2n@^DYLObc2&wM7l{ta)Cl=aVE^I72>C3^-qRzb_GAMM0xjeIyTKMNF2JRhK2 z@Q*ll3fhnhn<#A@-+h)2vSU-Zh|8?)lu>CpVcC5%guE)PDdl%mgF!A@xJPrQY?DRE zP=VSo?YIw>K^yXyvfo6AWkK3cxnFr!``zUr-!s%Y6&r5_5fuj{Vrtk@;`0y{R| zT5gp!pUIpfhM>(xXI!aF8x)p_Tr;kew*g`-sE(nM>W`&v#}p=$@vdCJDaU1A9MIX! zc}ClU<-lchab=vtWbyY3A!T0}Q9_wAD}de_Cre$m?K#|?WDKuiJkhSMG+T;4BEuf* zaW0yTf{vSoJP%StVDBNMf7bjr}|&Tx975;dgAGmooBFcU-^4 zY1yuw@a@V4HnrP1fE@X$^ts%_P#qL`|3OFGT)J$w;!aF`G%B-rVL);J-Jc8c#}XhV>m z%^-(N3v7F0Qye@BpXIhCSJEAih8pCEl9ZzGGYX%fI}u5<{`!$PH42@fyyHB93bVn(>;e zUoF=26lIVeIj7(J&EE{~d*AzHft4L4{DS8GeCku55^^zL-b#A?>t8R(3Q-N$e(T!s z?d!iCUjIWs6#n8b{vzCb^UdMv=J$8)*%cOT0gLAQ0SAlMa3A$qP_%{n0jQb#d zBa6z-s@*5U0#pxZuFb@YrDIpB(?bPA z#Cprh5IdJzmWsfa6v-G*mu6hbLTCjB8;Ct-`YGnX_j>Wg>XNaTs_O zRMl0vv`*i#CFIt+xJsy{v_V_9+-G(_BSpo~)j`d;Wz6%O;Kk*|7=@6aAWOPY5t6Yb zol`Kl#}%K!mpZralCkYYjhr*cjAweBCV#?8niH( zpXiR-4F&gF41;V25O$2m85PwzPmk9ZG&V}SXPaNA*NS;mP$o0+Q^P|?O)FEfrjF%* zZ3T~iuQVfdIIdiL}9rg>s`(lb&D#Bn=g>` zR++p=r{>{?`@p15%Zj2$Qn_uS01*HtRkhJblnOk=YgVt3T|fVZ5KCK#oj&GwpcS4! zrM+*1A!&JdoPq4T=JP_j7e0{n`r+HGHCS6m_grgbH@|9kd|@!+9{9xf9X4#c1< zfB&h!m)DZ6%>zx#jm4V@_{0-Wl3fe`&2izY0~$fzljK!3?@LSqD3G+fnnL3s$z{?V zDg%>UF4u-h$lG6G``Cjx3~a%Xi8xjrE=Q>rsq>&LNx$CvchytZA3_$ftWHfGg+V73GHLjy`|Z?y z-;F-w^d&;V*=sQ$+z+t^KxNYu0p0>mmfzLkAIzBSd~vG_-bLuNQ3hQH>H?*g*Eaua zLnSR6syQZCGilm)lsO7jAo)xn9?TW{IpVvtqUT`VDBebgPq&}Mt*Ba%4V`m!TztWN z$M_b`i;RVVq0M6n0rl4CoI94oh3`aj#GJ9^ix%T|yrQz*dZP9SHMy7kE<(6AC zhGq*V$Sgs!rALT4a9E0XQ&2IUImTh(OzeoByCo~?rq>~=C2zJ<$cA}U7Z-43WSk8_ z2U7-`-olJkYhO?mMYQ_q#F>w44717bF{BPJu+OWVdIQ?7d|3ViTBA zFH_ysVFnpHO}{1-Sy-(MK1u`Kc~1HLlb(|+#5z_$t9D?(( zWe}-sTh&JlE(YAzZChmkgA5#T#No}r-zBOh7E2a8erJsk`bJHWa74KN+uxDNVPTa9 z#6d=7@SJ}78JUzi9L`DMK>LdUmQ@Q7TlroyDM|2Mb6kJ($xnutU2=&G99lUy-0*PN zxbevFnNNQ@y!l6dL?Go;Pd!bFDgNB@{aa+RgDlBH4MIY@=jo@OlsiKa!o)?J?6l@} z?D9Zy7|@VyK{J+&Q^X%+;+*?;zH@_wkqS|_d0&XY+js7eC&c+fTnpkF@aMsc=H{Dk zkro|A7>ES#bNS_$2@&|Q#~+hxjfvsMKK6&t6 zIas($M;)~>Tzv7x*(P9aG%sqZZ+`Qe(js%YD-$b4-_~v0GtUT{j@cBx@|7>kj`W1hnKBk{;akD-sR<$Y-9&oq1ijJ(@rX}?=E3Ac0ERl-F{V& zO;e9Qpm4sr4v(z`BXZr*P>Psf`9ES}*Nhd4dyaXpnboZ}e=0Q@UCv>G(fAr{(8Q?F z7T#rZ5+B-g={z3B-<*WR4lPJid17Fp;Uh8s zNkTh@h0Hr<-5`EHwYF#%R;l_CMdng-u2QJvjYH@Z6bpv-C_136XCH$r7W%uiq~@WL z4Jhg8i?Y!zBvLsWaM{Suz5z+0B>z@otSIfkrm$o#c54J}S!w|&))34gyZ00$t!*il zDdqiD*NaYXk@oQa-K3;Vy)0t#+{}T!l&CpacV4-9Gw_v$P9ZGj39u(3iZ3dW6v`l713GjN3iz4Rf ztxrp}$$(~J!v98k^jNt!gHRMx%}!`>@lh$z&N$VSa%%T-Ha6|Yk ze$E&F%_2>rHWTL~k3J%UcgvP7GWk6I_!CVb@fty6@T!5FjN}?uPzoLvXs#8G%RE6u zD)9cKfHMi=H*>|6SI9MbRa3z5P%*J>JaS_u{&_S4=nmxJjT?^&zxUza4L|;#_s9zBZe6-F(wc;hJl%k>5S`*kjax z$l5)$+a!C(@~8H)kTmy!b|9!v32RRbc8>+btllckqOog5o+TkxqwtcPqFRbgK4)ky z(AmDdP%Pt{NuB!zV#f8N{mJve{XFo%1Hwrso}`&*=0TDZzLRlcf#LV-Tcd zydoQifo<%@MuZk;W6Qmwz+1K;-}asir2wm}sF3SVd$F*q$SRS5jbz-0M)-H}vx(w$N(t&csI^lS&waU$-^$IU?0i>i+NyG1#kEp@I_+?2>q>LquV z`4F9lEoOvfDy*thJ%sLU+GQfzG5a!UC54}B{#xLg9jOon})Fq`gHe21OG^%bS1X zO;P~xdl&~Eu>L?nEzUagEJ@Br)x>UpV1t)5Zk5Jw7gPXeWXQL?AL;0#rh4)TDT)p_ z;6Rz=L3>Cj=ZoAeHMl!SkPX^AIQ>!>avo1KMaP%E_(fT;DZ~gL#Y>0l1;X;BFMT~i#PjiU5K~qq{eL3ui!=!3|^PAr!57aZ_CS8Z8o_;F))nENp`01biDH-7S(=eHQ z?dxBc&!7$V{U3Z^VfN-YXdANFvoIkWXL+YM`OCljODPCG@PQ9VUKjpBuYKL?WXC9l zMmAfUNCCp&5b68w-71l{)}Ck8xZ|nI{v~*j5Y_o;yQ#_ut8I9pPx?+A<+TKX?%t(5 z8zxRsc{RtxPVms?dBfibl+bs`N`ltFR_+t`2X!CBY*0IXUMA@ZZCF$b+McRQFO*c+ zg2pzeFe@xV5x!aQ0XqHmV${P)2{~yxJ?G;7V*Of{9sQEdEoV?+wZ%<931G`OMDd`JR_C%CkvOB~cf06HPM0X+n)zT(V_2Xj5RSaQ8Ed>|SK1xo@{&;w z=EQV#{kr`->Km>H$4q-$?#Iq&vQs|yO2U;F=JPmX{a9I9>a6iRhis(h$gwlm`dAbN zoxsf=pQPp3rH(6bOrcoppNo5wS~JfuZQfZ1`?jR(HfF&Kq`FKDPhFp&Zfs1cYN~t1 zSrH`>L(dD$c!b6+%nG$Cc8<-FoVqA<+y|#F)7axQdR5o65S$k=2PZE==5uj?c{yx- zdaLFOtyv{TfGm<4m!PhiJnXauh)w{hq3~e$&w%>sSH2>J$(EB&68;GPra(fL3^K%^ zKI$lyXFvMLBSvzY7|Bz2h!g-UY_~M8rHJ9ZrG3$S{uo4v;5mVnqf9jCpMRc^iE&{5 zL9^g{Z<$3JbrFLVB!cz}$I1l2paY#@K?0p&5F@$f-w!-+pG**^o_eY{FN4xhgk5s+ z#o_R#fMZer*0;VDu4{^@U8d5asDOL(-uJ$@DOBDppMzwb^OWqS#XVtd^Bym|?6Pp| zrcL3TbI;9YUrb;WRG)P~S}s3-yVQo}nd1Q#6;dMjfY^H|{nhM`qgI0@K$C z89a1zB%3l2PC-t_V=KA`os{lj@r+K4uP5kNRV=ij$}PJ(wMG17(wcG(M|D=gX`wR` z)Qjs)5rq=x< z%SF5e{Fa_I9UtPt0lIZK?in){mZK%}DEoqi*ebBH%kn;?^yS=8x7?vRr5BuD_`FHR zbEZO=H=hM|`s{9;(8c5gj|No5xfx^G>FkmPhllF6+isPG80j^r1+S-2pvZu?LSNt8 zRea__2Og9!x@Qqdk~SP5BR9Haea z@7)wGIR8RJYj(&(ijm=$zWn8;s5mEVeQK+;KP0B%fc0TrvuK}v_Sv#?I_1<;RMNdo zCG8YckP)Tm+qyMe+Y}14b6CvIJ?HH3Pu}-F8K4vhfBYwZlHGp4{`Id*QS=Yr{chN= zS%Ba9j(23j;w!FvxlA6ku?}vEuj{YBPREdK8Xh(CdeD)jO z@I!($AuqrG!3UZJY?5OfJmipF@~GL(QScsV&%%lYh;mOo)p^A@I4ecIR5^3-jLFWp zfcWwA0RcPa*iBNPQmk?#q?l|9Lwti=0mmdtAR^a}XN>2O?{jVp=RvlJ*GZb(ojNbR z5QB%U>cH9s(hW#jV7sEEGCOVOc{dCD}V^ zWK8opvS826E3vwi?i#u`9F8*ofvmN@qi^lx;&NSV8w4_MN(P?D!*^+meo|{o#|jQF zv{s3veO~5O;m*-UmuGBb`A}8n-^lgwHrH6?*j~7+-%ZN7S?+b?u^7ozkaOk*B+v0k ziyI{`D|bn`S<9CBRm+@r!2bKo&v!NRR9YF!J(A56%WBW-O1U`n9J>}V>xO1}R#XW|NZiU?#a(CPgG)A${8p;aLB0-I^+;}9lryb!r}-o2K41% z^OadNY3WJuT$%;);YS{o_dcpwgfYAWmSvCveG4(u7e;eLbvIp+if>om%*iKjk?$RN z(1GFFYp)GA-F&mOm_G1pjoafMbh8??carWzVjX8ne(3ayjM9VAV{lLhl?)0Sc{gQ`5BXj&Z}JA z_#Rvb@h)m62zJ!)j=uDzFNN2=?segt-~2}S5u(M(*WrgL8T;@f4i_&Lidl%}Rdt}; z7oI=y{xGNNnEUQ^PRor&FFTpMo6yBlX@PprTMLjSSC*IL_nfyxAxxno90=h8)$&YH z;D}X0b5FR=@Tw}~?PxIQ{7m@##arRjmN&FwY9&o?7j=r6HM+ST=kI<(Y=nlk(^rRb zC7@t(}(1da!oVYE3k>VL^%mF1j>B=Zq^Qg1)sQKHB39T(s4{BSebRn&cBbH2YspnZ| z&LPN=EZBw1Hpj-iOPicFce1z&Z=VeedGbZrQ6Vo3`S!?Kc9n%?mfSd*&rOY{bELMb zP|-5SdSEDD6!hz{+-QD|c`9z^%=63vs7yJ|Hd3Pb?9`%U%zL2eKDV#7LTO;OA*@4Q zj4@^=mf|i5n`K_r)?V>~w@oHb*4C?XfiSRh^`gd6o~rP&itg(&vrSb=^Rcy-XeIWc z*IJ4_2uK_z1|CY<=GJ9_Luh5~rMx>@$Z6_@gQn7TIJLxmCl$L)yu(52aA;Di?Jjs& zQ?1iNY*7XkJ4reFP{lqK`$gQMf>Xm}_0YqQ-P58B7-9n|OCM(k zbjR(t%VdPhF{&X6jx?Dt|AttrW>PEiIe-4=e<2GX@8=#a6bXEeg!@hEyg<^bqLuL! zg+Q~*M@fW2iGqVc<%{h}C!Ht{6-9*>1Y;R^2dvlk1QCH(v`$=_*9&(@bGCM6r2#Fj zW181)YX;=OhiJ+;C=vsEm*h2Vks^fF8on}z9(srK6t?f&sg<{xDe^rHMI1HPb*&U8kdnXlwXX^x`b}?olkBFM zIN|jCT~lz;_B#K(^D>Wzq0eVfsFDMwhI{%PfEv-J)Zo%#XEGd(2HCU2cPe$!67q1) zgCufeBqVf^u{Os|F~NCwpx@ABroshVqoi_LX7WATWjPX*-B^RW;3~IcsNc*Xr>*sP zl^s%Bl4gZTimFDK@S8E=_5vL9!A)VkoBXf4@0N1}Wpd>qJo%HZ%3%muK7BXRt14w4>xxY!nlf8d!=-I%yU#UYm$X-x>Z@hpkltzpZ zxt8WvHSt#6Pz%)s$(1X_8_EPobTX zx;{3ZmPTkeDk})zSVK^0!z~)oc*UHveH^Pdo3+{uA(OQ1SY=gLevXPZOkK3LVwpFP zy72~6W_wvy9kSAMRs$z10gGjSV6C^3=qrVYBRa8+UT{f!?BtTQWamQhltL#bs$1Oj z;Mfoga`ZG@n~EYT_RlIKsi9kBWfbit(4yiYV^MSDhJTOE^M;2K@-C9*=@Zr}lX&t6^x}paz9WN! zwhB^)!MG&$dxc~le(w39MfB7$eE|CuuIH=6t^Pcx)(jWuo zw%cwqGd)E@xX#Bn1rr6FOF4P1b7p@3BOj5^{Mn!TIYAj{Ln@(k$)NJRGC;To7$tH| zC{(%66j~G_^J2WWOM_5HbHzfX6JWW^b(O@x7d!qfYLJmkqKk= zPQpIf6*@o1)iAa|EHJAIpNN3@i+7-dKOq@2ZGX@ppR8g0PfVrO@Xy#4P3B zr;;pmMOXcMQkvDJf{z+|FYHKp!*pOki&hjjxD39W*>q?_7Be@fL!z(D-8&U(A^ZIp zEVC(el$G6MEenh)Z$6yYRcf4)|9@6J&PF9-jJ+$6Wg&!dqFwI&#%D2Ad5dpo2kgR8>+#=zhN{|Qg2gPKk~?;u70f?|uC z&)?3q`Nd!SMR_d)=x_h_Z)FigjYNULagezM7w5X`t_>Goe2KUjQ&>rR$q<9%k3U{+ z+}Y=x(-Z+u3arY{$F`VK1QC@098WG3=X2vtHwmi3>;Lpm|5T2F0L`<`I!om1L_S=0 z>19%!@H4_cxvro(=be9E_~;*eG`#YvSB6I)dsK=jxG-=`cs~?rxD#_u6rEo9QSe-F z!G&_&&pGF8xhJHfpK*rv(P;y54NgD(bUA;Vs4u+Wg1j>o-yValQEr@m`e}k>DQrD5 z&znk+AlZ3Yj0e|3+^n1T_le5en5{I?xEE$tRxVb13pZRQKHkS6X*W!xxI{fN5+brf z`vNZu0lqe+)!uNx`UA{(5oBeO;oFH3E3-`5;M{B(AFI5pk{ztU#_r7P?O8W)OomvA zR96VrOLB}9e*3LmBPtJ`588RWKgbpZqI-u_Jq64Et}pm%JcIwJ@+N9Nlbigt769g& zYk5=@)?5SULX1Wlf;q{VJ=%(y7(&7IQ|eKb7% z)V8oFRv8oF^#4^Ytv z*WbwHa(|oSy8G^XWL^_5up^I@`9<2z%WA3!k(kek#zUg*jsF=%KfkB`LuS}XewPI* zGna9{@Ikw8=Y8_LKuegnJgtGD$IKZMi^Z5X&XKPd{zu%<2a~QxPQh`h3OTjAW4j}= z+a!b{N`b$|hD66Ab|Is`gDRs)RZ!H1_lRa$;lZ==PP|Vn-7QmgVRxUO*ejCTOwHI5 zf;)|@R=(Zbv21AR#a5Xq)>0y4=%lr~%Bm{bo<#xUN#kBT#_+=K-G_I?499lps@wg zi8Od&K2M~jtk%hyju`QIGSMXEu@K-X{t&jfa=a|sD=RwLQShuqve=vy!IJPvj<8n3 z$lQBrGtnYKB?MoB))$2d1qm?}%PZkmtDG;_>095rHoWUy?+jo2+Sg^iVZ|hI$t9O$ zw`dj_LOmnx z($QSroeW1V=bo6PytPvI>!yZox(F=~6n1B#_Jxl>5ISkyd0&0r$j&^^JH@-HmWB9* zDsXu2U;gr!hoAU~p9mlN(1$XT_?)P&`JODBuZ)|vd2#K?NmURRE1wj5=UO5@JO@`? zak&T)VrWyV%YfFrz*}L(ytHfujI^azEr|D$9OImld_j-TXbO3XfE_#DEcbI>7XP6X z${~38>nNkIEc&2vC!BDC6wqViwD2r39z54ap7Y_*$hjfs<|*&PrPZk*f%c*Ml-p8e zo2m@3^f8pfVh1gn0B7h>;nE#!EpN@#a)eZ_S!ul=da2pPBI&Ke5L$I$ZLJ=jZAY+W z&an0z-aMkhG6_8Q_}pgm$2DU7Z8&0sA;^Ow=3}`-4CmU>x~J&z3^SCP8t*ZeH$k;I zgY!G*o_DT%pG+`Ef;Aa_n6Hx~t-^B|PqNj8KZlj&T$KPrvV5!Dx{0A6O4A9svG|;h-%Qccie-YjZ5TR2s{&2xsG^<&hmD1! zySM8d0quc~CGOZk6;r86FW5n%Ff`=%AP;vFDe^SK-s-@oamn`MBKe$J%90HpZYzuBGr*pL30 zw97yM9C3sz!=ilCjW@|>Gl8>vrm%x>_>qr%B>eM#{(py?Z@x)5I=|R_E+k`$9q;{8 z1f6)|=B8jfI{eme{g&=_n!!)XxJ)ig+&1Zd<};rWB#I(tU|bd?vOvy zI&0n!gp22tXOepcBF8RwyY2LNK63^VlgJrutk|;&$5IqS_mnh?G_5!!qbI<#n>mw|J`43tbX@*e>Z&i!ylGEv~964py1i( z#Ms;)EFIV^$RuL^DvX`gvin{zXWJE7e6{5~l>5WEa$N_uAeC)E-<@LF!2PCu$2^h? zhvLf%&vD@#?XzK>y2g2Jk)_Y3kZ5@h3%*L6lH}F}$+T@zJMvb?ezw_1vOEXORf|>=$^OE6!-6wQZD?QBvpk zIKt_K@A6q;torpFOY3>i7PTg4_r=!d2ItMCUP?J*aN-Hxp;g%>yO)Yq4YSXZqaAAb zpqnW;k1XV<-Dgnh0f ztZ#YCTco4%-(BGFews+D5^ZiQ3y7$v=H@MrW}u2F^POP;YF1$-2N_y>cm4k!(z+5k2Wwo_gP z4+8|aofZ?|WM>K+R5*{C93EZ{ggFX0K7U2rmlx!Ma_o{|zIt^w&V#e!5K9_z2SAQmxprI+^X>T=JPma?yu~yo1b&~__vEOZ@BCXuUCP;V?XgBHChHF3kSynopN-55XfhcU z1m2X7i{IDin7UP&A-Ko}vLSZ|wAk`!0!u(A`lDGFR^~<~H=ksgydy4E)Ht5K#z7rg z97S1_xa)i@L=Tx5-uKj*raBeZIA%w1zjvN_)_>IUJutf!EldU(ar73YtK3}pkqPNe zI5yuRN7}u;wqRpY3_!xH5D6{-ZfK z(Zb^9=2RNU0?h8*iw_1bN!R#orW3T*L)i$UF}ynN)OGz}gN8mWjKh2nzwW`56*)j+3^A=CG)z z3ll5SV-kZwQKX&K6gxn_oIB_b*-!9r;3l!qAAHck;of`ik-zgoeM*oI3Bm1F-ucdVhR=WD^MaI7h!B#= z@AA1w@|Vqc&CTNV^a{-#v$0z6rrE^#3v-Kf%8K;j&}~mg@lOG z{_?)C6d&fM9TD2LVAY58fX>+|>+gSsH%(VroMwZAf-JaibsY-)7-rvu~Js~urqRx{bp8RlRuGv|Jtwp+SGginS4RKe|BmFfW@^i`E&2J-O*b6 zi@MCzQ;rn0rgxP{?!CAS;^CqJt!~EGW(ZZ;;kRtLw4NZTpHh_P$<}dL5r|1WjSxKN zTxj8-V_W=6_0zM_p{wUv^mK}h=Sg3PGtipn`n^~zAkX&NXM1nwzKvOb3e;?0uE9Ru zr=E3JJ(c&u7PMi0UW^|z(v2FQ>!J`p2j=jBJ!jr__xOa`lv>%1y>8W-f*g$}*%{gk z9Fe5^r<>f~IZKrl$dlq+$75}eF%Pk(>9`)Zg+$w7vSIG` zNS1+F$MAVAFAainT`0a%O8ev@$ExM~D!we+ditdWIb#TGBQsANc4p+s9oY{Z-Q-D||ni9!3K*xI#A zilV*3XHX)XFO0F+nYdaePnO0R@+y0ANjVv{g-H4W=aAZhwOe=}7Q>O*&$9@C)+{#1 zM62y>Z+lyK#VcMRlR3x@MFPL`*rSih??VpW(0ndM49YJ0<2QcqdvYAFyy~iO^2sMl zaRZ8ifgs;U$_?M=-h1zpfqnc5$A@oz^IJj?rl|9CIlL*XAb11M(H0=M6XXkYhwDJW zLp$fa?|qLHPHI@D_v{C^{y-iylGG{QP?Hg=iTaA-h_)KnljERZ1sUP|AQ!{Wsf-Z1 z#|#!-g~GksWtR6KL|iwJJ84xcX)xo^h={(U&I?YVCeVA)Dls%9bC2AAxJ(B$&l<%k z#Q`YTEjQmHEjFz6xdtqLwBs0TeC8_2Lt7G(yvvTgU9uq3-ia8V@fj4U4s(|l{Q5jC zXNXrOnb@`iWD&33r$uoDhu~Y6X8ml>)bUB)EevLHaNu6yU-ZBF3$%t7tAEj^f{#P{ zYF}TKwS1(#6Iui=775OIDJ^(&B}brLJiBSeAzSOWgiucwj~yv>PYL7>w>@P{siG;R zto=ne+xn+8wOj0f9YsR(zU=?|i+bvP#=Z(6H#z;sa5MYII}Pb~Wy*a-W}nBjkK(5P z`&lL(Lq{$=^?NDJMx2VwsP67Pbu?mKrPqvVYsNRSGAXO%I%2zy=*c%I`Utj8!5YZh zJdaf@xK!<@;EUuE^Vl=S%f&`4)m9)ij)KL|5pxwPt(;($3U})eI*P=$GuvLjmN(R< zho`BYXUeYO(VmO)9(2~#(58>)go##AmA@A{s=e+Y?fM|LNKh!^E!uGsyR2oqf8ByS zKCkidyb2szBDnf8!GO*%IkV8Jtb35%G2vaf(U-zeE0QdJ%PqIGq)Z8pTq_4l!6V_8 zt5@gONqePPWW|HRLL>PcerIBZi`$J$Td7(29E$W70}C*Phco;^8&FlT%g5;#6onlC zy-`$7r4l6fA!~JJ#jA$h+A+r-BP}_}<7$5P!$17Pf{uXHu&`6ufMy(a*rDO>d+wEU z$2ocPNhgLAjz2+O`!|2{3At{NIyrt&6N;rTu)!oO$LMQn0-J z?QfGd;H$5GwJhG8GaM8ifSYf+xhX!^$snUhVKL{JzVL-FNQ>+1U;moyoUdpK1P~ke zH54_x4;&+|4aaiz)vpr%#Mi&^4dM4d;KIiRq=(Nt;rQdFfPi20cyr#%=7r=tieSOt%ZeW2jn_^yO*+5#{46+i)pNkbUkW&bJ z+?hyR3hgQ@UQh9)Wc85wM`BTLh^Qk>!xu139Hi#gfBo0xS^vinjiYe~K*a{;I8CwU z3GjkeP3qj|=Q?;KLb*V>!b)NAly{ll!kUc)@VwL_na!#qvzVXMsWbJZ!iYcg_#vUl z6jMZi7WPWs?apf1#Jrmfn)Y3^V`c_5&REpj_IcrI>~{N(Sj=jjNt?ay9#3qOrCZ)m zu><$TtFAl9O;woTOyxu~@*|E2u6CwSHmb$L`4cz;@>p5P5De zD+edRW+OdA9Qa!ldg7+5&s8ng&RSx|tr6#GLq*2fd~zi}ZxRJDVi{bp=#eGe1W6a5 zvc+8Iht>$ODgsk!@r>=fgCIxcN!EOnKm~n zd4hNhc`T&@L2At)gSEkWMg5HWFW-ZHp=@)MWb=6-iiWh55)giaW zxD(mUvg5^}7qc>W5J3Ez`h2i@#F)F}oJlb8OF=sA*6t!Zv>qCT4ht+llRP7v@RVq{ zRTiv)ErQC8Sdk0iIZKOXNnTqE3Uj>8Cv297ZE0z5c<{l8r4V6<4$6YciADX;rWk<` z3=;6YfA|L_K{mw@Mcm@vMOjpL(2jyUHm<|MI^AtcpLd|9brf|Xmu`xMZQHiW=U_Ak z*8+3_71MV}LT`?r;tC$l@BZHJHHFJr5+Vt=1W7u6HW!?KemG(C3E{$vE|O!Rs001s zh9V2+djw$8p1HnxPhu!O_%k1rOsb17xkM!3{H_;$fA(j87JldrZ;&E|7LOQ`dv8C7W7?pfvtn7!zZ!M;18yERu~-Y< zN86^$Qou^iQFec2vK>eP<2w#t48=x&Y1z~eic;18$X3b!tS?$%fBeUP{H&zno^G^5 zd*qr72W9&7K#8VBK9ny=eM6bj!P*fmHwkoNXMa=Q@^E6uZMVvsoPMHmu_r7-QOn|^ zvf`l`+1lAVq_nA69iXO_ddHzQB8tlP{7{KH4J8T-al&{@OPmt3=Lo zGzcoS=p^uQv6<;tOeq(f^6IMnFv+7E3}vpw&D~LKN15a^pi$U!GMNl4x3DULQLBzJ zES9P4X1?md=g(%b^SlZim1-~KUA1RV;pO47Zpk?kZp~I%)F@QoseIw{pBI!uri_ zY0H9IIU>t$ZZ^ft`4?Ou=Oyj1rqE*HrtQar z`<1VJCH&KW`cDOc0hNJ&bMJlk>OE<$HxhK(HoJE1&fYDMpm_p7jn?h2MAECSdSy83 zsEu-uj%tc8&=piGATrl{_Os!F<`~X6{fzM8-~F%7q)$p8!OqY8oa`U128o7CE zRqQm&#joTaXO@B-Z3Y_+f|P|%rXi76M{Wl`quS?3VgIMuG(SAo@XA6k?kM;&+u zk*jlx0NVcI+9x1qE{EN>XevriFb|eDmI~EYNTCxn8ja}Ms*qAH^n8I8KONSHrBzu; zt6ZJ=LYA*?b)627NW_O7<&h&fLsLrnHD+#tZz-Ga=1p1qAj^l9m5%b#gF`2F|59xZ z%OYD(9s7jX24m%dvPF=pf>f-0qAG`ww*5Dkq?d&9SVW2liphUZYMZBH9v{(dJcJXa z&&bYY85A2F@5^5HGRc1W&ENVh$rWPpguKdP&*$%NiPf~3KrV<9 z_^F@zsc^%0ZxG_~`+xHN;SWFdF+pU0{zD&<-_;vmOKSzL&R_raUrEHnC;s{q;oa|k zw-hxj&?j!$5*~i|5&3-m7K+db3VEG*}H%AN9EdH z{pwfC!@>2v@WKn^cxm%|_lEC=fA`z}F8tE}^Go5{Yrhpf#_^qevOI8Pbd63sEyJli z-Fq!Ok9G!=0>u{#oOs?4Q_x&biV2>9WlKJ$Rpv^Gm6g5uA(j@T7z)nWgPug1ot&^5 zbs+GZY}>v~S|JpHJae=LQR0ycM)62-$@f9Ic1oiCitHSCBp@j3jzL>aSn%ilitPgD zsw(da#5m9v5&!(MZJ7+NXY%mLm`Qkt$<$@1Qn%>A(D*!JY8LzQ;X2D)U+iCrNoP`L zlH=I&;JjVzT&gli)d}R4$;hiJmdu!3V2Xu+6$|2hV(kDYDCS6k9#^2R9w~R#b(WU5 z>Z>?|BhxBhqNHhySIPu*IThxVts`>fhHtWv)NS$M3Yiko+1Jk5NDO@%aR*Uy#aT=t zCm9y8A#gWlp+EbwU3R3aL{DUAUUEZH>a{bbkG*Vdcx;b*G~EtM9R;Cp zQpJt8P~T~Rkp$^re$)AgaW~F}i>057yhkDTE=}~rtEO3e$CFA5S;-SKTL*1fRh?6h zp^e6j7Q2y)oPm<+$Kzpc(G7|~YHzWlwrY;5xL(b9#wv?$Om-Tg@O;`Tj7UTbDfy07#_+dwAl6P|wxD)d?#9-g8u@Jz$ z*k7C`=LMxG5ydR1xK1+BXk36FCKD(&A zPJ9L|Q>ij&o9dH-M##11g}^b8&jeq?!zf8A-y_*4JLGq_HjAX+AVofcRNs8YdFP!M zKJ=mgvne)E<2)#fCYe!iLp&!2Wf|m5A`>VyKtK2!=`}^oeioG=q}iruqrjq&gM$PQ z2yV?o4?QgH8jgo+h#VaRV9Uv;gkz36S_())JlTnm_AU2j+_qY3%eLWjK+MRqLYZ~b zjWaL55oR*?HN6REcz7s}grlQfJVUhm!A;aiQj$dqpOj6R~B%5LL&ZwSOp36U{Q34h`@f;lA2_{WcQM@KBUDBURdo zGEu|t$*{L9!e#WD9{d;wmNMUIIU4HcE#~p0 zZG$mKvAzkq&3*Q^c2XpJI2<=?%bIMz0vMnLS=*|2e;}8W(>9&AW0DzsN9c#u-_eN;bEJlTNc!etKv8`PP=$pUV1 z0cF_O*s_fnJll6{&ptfxPe5#1Df(jgm0$VQ@QRneT(hxm{(g3F9@)7gGiMQ_u)&9g zW5wP1oO8~R6mt|kM<0ER#8|NC!g-**0{4f?oQ07dbfS)1{W|&451o z=%eKNQbd5hTz~!b;skx=l~;uS?;{_PSO)F~Bsr43`P?7;;0NJf{>y(EKKt3vg{xnE zwVuQGZwVJ)a&cbtacQMMIO6al!UsS2GjhEd=pabz#N|0@zEyLMKmF7Hhp2k)yyN!p zSW}=eXepW~1l9HyJWWg9uY}Xe%o*a6tjX(G=~+6c_c>&as+O3$-~)ai+j#s-2YmL|X1hDx@JDB*p_8 zTPaef-Lg+k&OX#iu|!3R9e%7F=!sJZNb2Q6^#dLEK`jj-OskuEbw>GHQ&(=fKESYUeP>>iWV`l~m!%x3s&@w21-K;YgphNPW)-mg(zkLswkEfBf3JK_<$lyTo}ry9 z3h7V`9d%%aT2jiqpn)NmZ5~_O=Bw>o<+rU+h#mjoD&HG%R(>|!Pzp1D8gm=As5I^T zJxi)oCCTwuu{TG>DW%!8r9m(AE2OS!Du&D@D#xW4u2o_5xoDQ7TUO7?PCSEVvXO+{~TN>=Xom@4?ZaeZcPa&}IRGY_)3jDk+YfM68hv zn!iNb3j_#dhj^Sc?+wC2)PQ8hEX>P7#?1jO;^5siw%on3kSZFaSw#?ggZ*xH(zS}7 z<0RdDY=kf27Bz*#fd?HJe*DMZBMLA`x-6!AHXId@o6mmka}wil*WGvJ@Xs5*`(2Sn zJAZ~jas2To$mf3YlYbK~y67Tt;)Mhag2J_>wd5|$sGNdD0YKWOnBW?6JwSZk`qsCG z-~OH73BUA9zZAas#V<->Ld)ra2OgALPeDe%HwKNx@M6RBl7y^$%+XRzQ7j=--?HT- zc}QMy)hpCR*mxF_>mtz*Yo&F@IoyB${nCPiRK30_&?tN;^fqohGE2J`O_AoY2i~$! zZh=0?lZp3{A)d91o1jpJ^vLsu;%?mma;!K`6I%JC6;>$L6is|g!cwO`?R zraC#w?$XS`LeUqm>y~IOC{7430R*SJh-!w|SjLxsPrNT`4^fTn?y7fgl@*BmTsBO* z_ehIVe3WdAme<@#v5s`9ls8G1Q%-_6KM|L2^WWofcR}t?+8Pg1OM*P_=UyUC)aQAs zq%FV3P@|IUI%v5+{=WN=il-SydZ|>iq}j0vGiBtN^jZ~4lY&=K4LaY?JKoqTv7)be z%$3oZP1DDiE%7@AfGzNayf;1vV$@N5#VR|@ht!%cW_6k!KS)|_n-ZBzLdwKj#vYrw z)@;XO7b=A0sjY(zbgp7}>SXhw3cmj+A9^}=wr((vJV$-HaUqqHOh=(gsGMSW|C zjQb&3u`@AW99NeP%n~CN?%FXq5)nIS2udQ(pZTUXHZ6Of)g9+)-P3MQ+ie;|q8CkWn#L zJg*qql@Y+I^#aN?hQh#;;ilXmBiu7b6iUbcAq0nF27)avxGXHRXMp3yhTZ%_xX>@Z z@=94mC|r2W+O=!sU}(d*eg4TOpCWu7xH78*l3tU&WLV6BtAi2zApUXzKnR#{g#WW~ zqkIolmSkfYcW2&07}d0CEQ=b8)6SJ=)Jw-MI=@SC!Ij*)b-S7uT4Vq>hQ*uWiR>Cs z8Cp`Q$i5KX577#ya-vw_d?@-T%65VP*-dr`)B_^bdu2X+{No?bfs_z@QE`Eap+>{` z_?pjLBcY(zTyu@Ig+Q&6weW;2*PQ>RO~+}bS2GC7tip8gv75e^33YIAuDJ5$GGIRN zQy&nn5d-9xfB9GRIyCR~$fHexcGunE^2;s@fB*M?7yjmxpKLz&pGm>;8^7@zLT1M4 zm~-LYKyc<>Be!2~s$-Al&vr5qKk3z?|%ax{Tk(ZG4L z5Afj6v7sRYQzx+SXy)01JYQ-qxkCyw3Tq}uen$#C<1Z{MDEEus=X!H5@g$;!rv>*| z2y&o7m67)bX6RS$c)ZoNZ2YhjHgA^5k$dmCHym>4A=#pUi44-RFMz6akWRBKs@~TR zFLnf{U+lyX@U7t_+IHCll)Y};N;u7g^51&&Bm z1-Y~3Le%X9pW1|ZFL0P|7(XIv7!76NE8SSUT@u`Fw?`_T#XBjLV==Z^s}LuA>A&mNN4+%ZYYIv6E4< zdeT9OoTRHLew|z6+*jJrCCONLZ$l*?S3Q-LFS?$4rZfe0Di&TyP%DCo@n=NbGMW<) zE#7xkGnXt?%f{_#3(#z7k&86l2-QYbj-hpNUN%CpJM||c={o8+F(seJAoTf6t@S|4 zPRK)(yGzU4=0G>SEX&-I<5-T%TC15LPkXG3kj%nDp_gp0B;|Ulo6{wnr(Ep&XUg1Z zp{M$1oQre49wq|wx!=@hVsL0Jv#3FZZSgY+A%Dv@n4>s&PO13wDsZYwcf24S92`!! z+yoXKAqpk+tN~@9he_q^$OwhXMHgKt3(p!sWS)`5$ISwH4^SGA4{5!8`+8YSvDep( zDNSgGOTwbbXYd8dnB$@)#?D@}_07c~7Gc;dU>LuRjRXm*kqkno$m0D$VR*n-%R;27 zysn($4{9)w0TxYKH5>=8#T(|bH@{g5Ezl5t_V0i1_rlhCo1jk*GzAei?Zjrmb4z}g zXG;M^u2*v{?z#IOxo%a#@~6lGnW1>$i{b{)8n`$t+FZ+@|M{PnYlbh5r}4h(Rj-oQ zKiw?$Tw@0LS!bUu=niOxwA4l;DK2PT@qVZDDHLb#fB*aCdT!gcT_(YShjZoy#sUSa*0&_zzrj%6AIbk~{(tJ;G}x}| zIuG3YoO|zk4-<)r011EuDOsjSks3%!)=Wi|WlfeHC6-<7#ExzKXs42NyHefh#O?0< za92gP(v~Z2yVB)q&vxRd+Ll}%TJj``8ag5=krWAzAjJ^?K>!5shI{WhyZ5)Iz0SGk zk!+Jc2&kSwym#NdXV_=&wZHWZANT-$rYZ)DdMeqZMm=k&C}LxY=oiYLjo@q9%7Ud7BqhsqN$^*o~KLU>lAaIBpj0U zjmEeiYAvAj1?~g{>Q>Zwj>cxP5#qFF9C`(n6^lTNq>F$xh&X7gtKDlUfu6P8&(IVD zP*p&AAGcN<&rJ~)D{Iw*CW5tq^6jvBl)|hMiM|%Be=4no*UdL2>(h|L5aLQG&^{PsP7JGnKQ02!)uBM?vi= zUWNjvw#*fL5Q+m%ZO&Eka$cB6OtQqH_Q<1;<{QM`IJhAgD3De|y+lzCYwI)+u<)YA zaoJ^;=85ehdL4cj6U?E5m($I{YfxR|eNkMTAXB~b;pDR?>Aj#JN?QX>j93U!0HJsR zx}t*xpTVTBEwm%U-zdD4n2I*r4ocvi()Sp}S)~aLJdVA2;iKXTi+;Y5?|jEQDJWAX zBDfo`(K*fOqN_9QT+jpEcYZtkgO7cTeg^IfUXOe#AQHFSa!dF>e&tufC-UNr#r;=* z^;g5s{oK!qjl#TeprA0z*O;OMrc?TFTrWz##w3%k(bccLnkIY{qxcMToC}1{UJMsaV&1^?!@=$?m)fsuSo$o6i$#DxdkqdQE zu0`&O``X5ZaL4G}uZyu8k3nyJPwJfDVgPKhj4mA0p#*CAE@7BxVFgDJFWxEM!af=~ zAAh3&XvZVll$evU5Iw!WjxAmTSvgwdJfCy1W$aKvQI0Wr6O$;Wg2DNcbWoz6Dk=<1 z)3ws`T%yg6tFnS&fY4lGuT8GbhIpw^JT{AWNU57lowzl)aGdTrDH39C7gaL0f&`~V z%^55C0)v|c+MEQ3o=Hna?-~gvMuIqRjDqU}s7gHAnoyWOtSXxg~x8n>hr>ZK-NL-uo=%p7pIEkm9dMbST z?z@@ooZtAe%MK7Ka^m<2n&hc(nZJ+1fn>dT(Z)iAoi`?XEJi3mFkxuu9ttA(lA!&B zL51Q1$iUvcS8>FAUbK{#0S*q-HrQEX(ZJ$?1s947+-yj!mDGtHJPHNPjY2Wikosl^ z4RDoxtJ$E2LTZw+4nDZKLJ0*6`_F&=^Ayd1mIso$Vc@rW&#v(0FW(wI^uZ5Wv;*2q zmxxgzPq6GMfa`|ub5Al!+U=N*57!E$<89k_5sZ4>b=M2z7xQP|5nlb8?+UknH zd%}SO2g9d7{lABw{n`IH{NW$|VR%O_wtzt4_<-WzTCEDH`oRYtpzDOi8%Bda{onpH z@uP5GxWCCo-*wkrN9T>at9RdgbJ%;yKH^#Z#6S57`pi~h4A9p5=l|@Vhg)y`N-ka> zC0Vw%AK652YHA8?1>z5o3~krxq+6xRI5l%27vCYpI;+n3-=eF3xYQaC5$1GuW!u4p*${O8n`jpAT`~&eBaKTJ`;}IcO-oF zb9H#f+uu&6i$J9Ma4(aK<#?Oc9#&c$^BBOrM4^Q14-}G%u&N`;EIXx0yW&%)&Ud0k zE`%0UbXbn6J;uUiFr`OFdRi9PS`=-XHAT|e{OsfR;CQVZjU)kzDJ+`hMYYduijRw` z{Zds7*L3$clF&cq2h|cj%LoLc?Lbx7PHIPB&$eW%QlhObUHw==1tyNZa6<$i5ZN-zR-Xxn!gNnVoEcqg$uyO9> zh6K3QW98hJeT&eak}hic-*{%Qxxn~9>mTD`He+9(+Nq+j@xq2#7sDt%FtK+Xv~Ug` zzB(gfv-y+^SUCw?6se<%s0-6+lD1#TF;f>~&r@j~64#K5aLuR$QlobGP@Q&l5~Dy7 zJkYUK?8Q^LWN_L*=WD$&U8nJjwWHa-%`6(Q5o;urHj2Usa||sM5f(Ky76f_ucs@4u zCjr`^ts@QL1P5ayAJ22-nRAdXE*2?L80DV@iHLtFFRWyacgbF9`!sZH8V(80jwXV0 zRf=<)%1$5=Qbc|$qcL4qw0~;puc8=u?6F6~fA|k~kY)Zae(F=P>S@BLmu zE>21q<(OppI3`3t0J#FXH4>8Aq00}2n{IkDT|+3WR`LS!-LH8~_=R8i1#(wLq4wVQ zzSkgUxFB;R13$c{azOy{tWHpv=)oO2N2(-tI99_%_ySF58df?pNu-a}Xr-U3534$S zCh5NhfuBj5Tk%7&MPe~tfBowTI>s^Fc*Bi(0y!UEckQ)w>?k6RKJo|^H;|CyxVLTF zK}D;&XW|%ObcmuH?MyuUD0q0R78lLS_FNhsxbOb(#lQXA@PQ9}ApGc${v(=5lI z0+mdpTK5LN_V>^5!5cgTM2lOM7Pv!6TQR8=Qo4DxtgVzf zZ9Gqk)_)TZM?zGsK$3-7Q8x?C)M89GA$ndY47^v83?MGZ5-qCO5cxJ@EofpDV~1pH zt*W|+2AZ}If>o(I7sOUkN!37Ev6>v0t?D5>K~bEp(4JJBF$foh3mI*78)|2MIf8Um zb+P)DpH=3O6BZCqS|6*lkY1IXPf>L2IwK!TL4snh5|pL2-d8I5T`6?Q&B`lN^{R;o z+CqCLk0};wv}Rpg399ung>ABlQ*C|~BT*Z%17xDb1d{=H48*ArG8kTSMv{upo*j!R z(p(f*e1o>h&WH%O`D@=L`@&OCK1HOjLkAC$i!S&y&Dnjv8h^))*Q58N|@Nq6EOwb~OeEhDv?xNS@ykItmQ{hzeW%_L7 z8R5Op5Qk{DMZ=dQ>g$+cYg?V)S);SYZ}yzOmoqkH!8ANnCGGaYJMpVzbDV}Ji+;g^2-)07~N0th?TU-^|^A+;8+ArL5B^Dlhi3-sA= zU&eI;tP7H^7M{d=p?sA-8x1l|wm9vS`-XK0149Z2zHXOIg{v{`}jfJ=q3gZqG1BluS+ zXz{S2fJ8dEKGJ-Q4JjVjGo%=mDdBJ;ZArX`I(8;%0|G|R4`yA^93r0QA_&EqS{qz2 zMNV6sYZ-A7121tT$Gx8g_S{gOl4bdfSe=IPihIPi_Ut(_or>bl6%5KxF&s#KURNW@ z@QJk1sC04^ygtdKuEi6`<7yL+-veTd^EfA)Av}AvEMgcl*wvCVcODl&3s#8lP@Cd} z3a8lZ04xxU#XjGMXfF7~B#n=V-L{AGqDjiFaPbgT?{jqVkB%RvErV*4yfgZ|=WUS= z6;jF2hTshSN}y`5ClfXc*$jo(q5PKEZ38uuAEhcCQemdXT#wakGD&M}RD&#AbqLKt zRE@f@x5E7b2T##RtY6j!k@3n3ABn9BoA zgr;w#hCgZugd2$kP&1~~Yz@TW$z(Yf606p4N1&M|M5Dk^S7OZy0!)3|ZMU%nKlzzF zN(&?wTofQQaf+HqBLcAKF^P6!VVo$4G_BlQw=3VoA17YJoQbV8@qu&m^s%SHRad== zeg~)&J|CzO=WB7>3kw(=07n%ZzuEQNlghC6~T8;>j3=5{d$}-mu8t z{GRuOH@@)=^g8&`;Qc|MRUoNJ*=Ml^m_dvKy>i&P<@e3j!xd+(2k>&M45ppFu(J z$k9h~5%-aB-+f1@V7c%9`$>_82LSLkEXCKzuHe%AK1=}o&ZCdg^@emGCV+}2F`0eC z3SJyDaOIu5cG3c^JOD)oU|dNGLPQpj`6REVRMg>bEZCDVE#TCy(Oe$N_nOEe%+Exz zOPF6+1y1nZ7_lP)iydIQD~gJnNulMw4|#obRZ~Tcp-K`}1a!$__Vn?Xn7&ndTu>MgJ6uh#niq2e;*TGqyqh{dgNr670A|s0Id&(OugtyA2S0$Jho5`V> zmc<6?d7Rtxz|WRoB9PAu+JtMOlmMu`P^`xePpY)h(5lkSW~|r(q^J^8r-)VykG>^@ z@yUA6b+-VHp%ZT_LropY>6uY9%@815Q}GFt;-*q%SSn~O+ITTKgpVSMW~GJwQVX1N zK}w$ulegw@U{IiNK;eRg2n!RZhi-Is>Dr!9GO2QHs36(k-9C0rnj?jqp@%frf?mI@=hCuLUUi46q;UWb6o zr=Na`{(G;ey9o7p_9SIq@v(5BR#Kuj_@>g=oYfgdI*Ue-#kqq#``W8t8}5JLev+mm zHUbMYlxJwoAeP|p6^F^(4#)M8k9;J2^51UmV?rwa{LlZK_(C`?EY5gH@IAy+ zfQbBGKJyvk5W&X=C4#DK~ zceKi$eU^#n?9a1dMPKVujrn?1A~lRQm{n4*Jf1@b4^k_N)KiyUO7Dd+hT;gnNBoWa z8883@Vu*+RoN%>JJgPSnzTg^->#}FhZbExB9UcW5t~ZPUIZtUV96xrPiWE+@pGXc{ zMdOL@;mm9e2vJ&Hqlrx|;h`9$2^+*wYsl*l_^1_3iH z|AZZLmpF?E$AkN=3mmDv@_5EQ24Nko*o7(4=S21l3_TgSzk3~)kGHPf()W=G3&p|$ zx?*kAIPlugAs~0#T*DqVUZs`XN&65@RYi5rxxDXYK0wj8Wa^^eGERvU8=5*!tVGTI zlD3R`Df#PU9GR$`4|fdOTBhq6JBET-EXjFWkVG%HRvsN%MA*1cVXKh~*i`32X(YT# zjUbq|8_a7#3mb(dRD(c!78c_IbLf?}7C05Vdfn1 zl|*yrBb9_Z_L8F-O#UT14XWBfK3!Yu_yiCqMRvq`!L*pc7bXe~-AWQwuW;E+WWt*L zqwh=VrKZ^X1KQpIij;qU8xqV#^#pUik*FWExTpm_Up>2OY8WOnFH2(eGNB!+-NzS> zA8i;lAp}1HEg48)pmp`2k&w8(W7B`vP_UUWkuyh7smhuiRJK;+ZDL#-a=CO z8F5oEVZdM!yc|r{M~)of7Fa%BI39oB_kEuzqaLJVeCIpgNkm?Xo4E5^r2c~JoQ?M8 z;bgu(lpQ8Tj^`<;zl17jl+3N;A@)2VOoB<3K2KapR0S%}MLB8#UchLr6?MFn-)F{y3PJ@HZ8$qKZOc1n225efdk_#v5*+&(3!a|AGrY3%Cq>O(rme@Cz1vVK= zWDANL%zx9VaZjmrD)thrtSxJ!FCIdVB;GC5D&pBx5+kE#p>@q|8GRP!wjp2}4!wuP zzJgP|gF|M_BZ!K@VD8f<`yXie6!g>80?p>FAsXXt4=HpRaiQa;5Q(Q6sy-hm8fw`0 zP*Q%`ylGw@lCioBwqj{dJvL#dt6Q#q=|bl7A{4pN{0PFe^%<{ume#SV%DW zaNB9ch{Wxj-(PR;s$|FP*unvvy4d>9MSE;KZq4&yi?&bl&men78w3lTYVs)wdn(d# zL2OWrP?l8w47dy9XGE5kXbBuI&Ic2xLhD-0Or$MG89vVQh2kFaB8Ul8(Vv@cx-r~w z#~r*QmfZ{%db}PvQYaw4|DzwJ)*8@?_uleeIuBe2AU5!!`9LmMcJJOrsMNpy*Z&h0 zLTG)VNI8aJ(fn`7-65OC=R-|}u`(4DY(pgXbl$snlc6Dsue14@;h~<&f{#CJ!dD8N zH7$IpcghvNqIjxkscN1`TFq~fNlx$2n%oPVAGlCJsPJrCY&(ZPX zy28T<_vyL({XKgxDKbPIe-*dSf*?sv zHJA|Bi8cjN^o~gxg4Xv&@chK&(x*B1W=t-p#QhTUH8l?-SM#+hv$kP6@&7I|&1#7*s^Kokh!6I@O2j~GwR4|qM z9+PW}uT2--3W8>+bMY|$rcaC>Qh*7vno=S$E$af5D zS~H>Ug^qQ0i{FsAm)Z(6^}V5SJZi;7e=b>6V;AgOqE8IU2~qfEE;&3hZ)`qi^l>Eb zuLwFD$_fuHa^W`~uW^PX9G+zyVa}~aV?#ws)>A6Mq9G03%V>Qg+mOY@;gg?qX?uE) zohX}_*0T9b4nAlp5Ud^O{dE?&@-G+3m?~G9sNvp<8;#bA%5m{CP5GWk>q^^K#+H^W z84v$q(O9N|M~2g85JVOCm|rhpBPjRj;~=ynTM>cYh~barlaG?KRhgU;3p_(*yS} z{>6V6ZvFDD;V=K{FT>CN?9bA%;drpyMtcjtuV#rjHkI9LyKgE8##lU%DjFx-Ws>0v zoOZ`z28a8F)|TE+RTF7}iEDy;j$DTrhRy0wF>$&HsB|4Jg46fIT0xH>ck|z#) zE?T2F2ek7*#Kyuta}KAul(S+PYC!P0E+_=YB`Yggv}6S>sx&G`ELC!-y0ucErh~q< zb*qI@6I+^a`)w5Oo=ZL^P?xk7aT5H*nL3$LrH5ZhGPTOd$!Z?OfjE$}!}+qI*GZH& z8XB71j@#Czs`&Jz4pFo!?VQvL<&1H#$SBI2O>&+!Gb^M4CurumY1gXTI*ZSZ6iLoni_Lvm&DEAEgD}x*+Eo{7M^1YAcR9AzP;4 zlQE?`e@?tF#U~Z&G6&DZUZk{dl0><1+eu~KQNmiO$ZDGsCn1Y^Q16~lmGg|O3i5>l zqkY94SXFgV+i+DB`;n1x(4ynnp!k942kl?w4Dtp#&pY!_(AKszhqRT|_8Pl`K0-!D z=D)q=fc?BvNmqmDqH;GiLvARL)>u3=1}e)4TxfT`Tq-JFaF*$#Rica=f}K4U1yxRA zKwyzy7Nb4=&5Bw4EzTjmLG6Bi3>@H|Gpu0$U zcr?WtKf?l-#Jv#@(nfw?HU3iqG#5y7S|Fi_!VUq8-Jkr)pU|;uQY||yZ>7kFBljK& z`}Xe(zwsNt5kCB(4~K8vc_*C%GO~d3psfY?|3Chp|1td3PyQr1EC1zR{$=>N|K;bx zZ~kAu5$?MC?(oS^{zAC>?z_TgKJ%IIp$~m19JuTN8QmQ?aDZB0$4?wL9*my9!h=gv z1gZ=izB(up5qAKN4~`e_L&YV~sr)z2laZ*BI*S|_8du^vt&0E`uuO{Mdom`%H!m_x z*t=&p@w*UZf%}X}1PBj|{1~Ze!)spiTFMC{6E~R*lsrf+p)D(m2N>99N~Ddr7@Ts9-LuYDTZSV&fz%P z#r4Rao}RaBh%V2pl47FO07)&l9XF(M1+p0#It5efB+BaV;+u)=$t3X%Vphkh+P1ia#ov^ z+Eu6YsX7QxF$|0$Ez)*-AWyP(TQ))LGAMoRh|hRXY16TMK{i`6vQVyls`Z2yK<1U_dd0?;qZFm@MN#j79M0 zmv8+twVDvI@X?QcG(7asgM?TmvNz}5%*JdZeB~=&rEtz;$B%_4@?wvB2UJ6C^Kt!f zejw&z_k&gpd}r`|HAloCd*bmY!Z-fwZInR%*mu4|sqR?(p)3K%NAEcb6NdbmAA{?& zGanbef_mY|1VHZ2lB=bt6)WjRLfD3N?yaIoYv)&~-3LgxZO0vg zJTH#1)2qk0qQXC)2l!w+D8{6sg88zomxZC!4eSDzdj!+5r|ZG~|yPP1+M{B5AVY&>ov z&o+6us5AYTX`TO%zejW9Jf!ZT`=XWyK8D6+#&wFZUJQjNmJK6R(cZ`3?^*&&y{k3a zfVIq1>d1@mRBU=Nr;;%Nicccl<}p%ZgUuOImA2-pXnAPbf*}MIC`jaB&i-Xk^skRR zwW)B#uz_3_iK{S!yJJaeb=?u zhWEe!{o$)${c8By*SQyv>!VwvtkI&%&TKEd^*T5er zr0`ik{PB+yLZeQ^nlFXx2K5l+*!Vn5XefTb;lL0ep92|GSeOY>K#YW-Tljnw2?S%3 zgYGGM|1)Qw<2d)TS!C|CxP)ZBAu$&c zI9J>cKbhk*6y;N-NO?DqYrg02y(j#u|KWe683_J-mY(69S zm)c!R6Dyk0vcqwci+78Nj8oLILhBEvmb-TE$=CQkj>E`fubDJq4XPpG-zcFSs2e2x zxVFJG7O!wcm1PxGM82fN=DO+x_|1h=pk|00QzjLoEr@4OWv&MAuNH!~`rxPsiIOc- zhYYC_)7EmTqHCL!#SO7wI%0Hi~BY9$eKAJ=dY?|B0Ft98$-jCD~j zVxOBCA?Z36l5nI9;SgVy`KYlXO(O`{t+|yRg&{GuZ`m=@%S`jiWg(& z#UrF$%cT;e33XiCYNP==6TuLe;uhQ*?=(qaSj#3+zsSK`vcaNo-s+~Z%|VdDiGnSw zriUCxYXv9Q{)|omXya7WS^YMoA4h~q`FIoE$OtMJHE^~^O!qbqoiXc>PYo^ge#w95 z0*CX0RL)y5NvY<)ae$ZrbeF=c?PSJQHJR6~*~!nOe{V)g`Pa?~K^5%*BGbwRJufD5 zDkZG(znaYgF&SR}hBr_g1d1Uj9AMgpq5y_;C~jz1myZKGc2&Ama-)?TswR6_Fl!+@ zlLCmme34zy3Ov7Ig%~Ibt}R+`Xr_kt6qpCv#EogFpC#;nMw=(*1&g;NJXRI1dzW%A-O-d*xMEg|Gj=Uk~rS z<$dANM;{@hKrCQ4+;9Ua%WxgY+8&-h>zw?nUPF3qlsMW*dv7Gy3qzCT-pozGF@m$g zuFAZ_0q2N6_mNz*Je=>%2JN&^>|p1Oh3oa#zaw0H(JY)f4FqvpICXlQuf>kAWn~hc zJGYiUSQ-C$SU;BwsHHdOo$IS#;YCg=F0bU}QJGzUhC;@k7?i_BXKV_J zU1!sn>I8GeO#DtX50vvBKzF|Nk+b9^SAQ9LggXZSp9 zFc@WC%Ja&GGn$Jg`5%iNJ{vp+TR_HyOqL0lxO5e};X+JI1?0>1<|*La_8_-t%G<@zI;B=}t)!uL)k4og;tkBk zP5gT}+NQBZwGyu*O{NagG)hu1E03$AGIK7*Y8=Rg)rQ1$RAG|F_POOUCy|TKO=)L} zpIGG2suET{9}0a|gmT+ziHN?9A-&eRA{3>JDc`Q<>oj5%OH_z(+-v3)!8gk5!sbi~ z(k6@7Y_1e+ol5Tf$;Ydj+t^ZThdJDwBKz*d*hOVhC~8N1Yt)IRNab0J8a2@j7RkB^ z2n)q?cU&mHt;5&rw4=KcbsZmlbm%1^I5Da;jq@U!wwSZ2yCS&1in63On88pK{)1Jg zLa1#;Wr35M%S8ZcqWK~yjB4rQ>r<_5DzsKca97TYI2J|xfp-fQ)enB~gW=bI{ntgU z!w$bdD}aP-MI1!U9wjJFP!OOHIDY(?Wr)me;hhk2g`GJjK@?y>1hDwRt40eD?7$n@ z1!9q0T6)$zTfY76dx-Rlf(P#l)lws}KD;Li0eGPR2?LJ?{FUGO?ccHo2wVjqG;g}$ zO;l(+eeCIQ-Sw{v@45Nr@WA~KP;|lh)pOylyY8fGkIw|B@L_CyhuDzC0$+27g z$Va}Pd|>e2m*>Keuh%lQO@K07vhNZiS7Y2@myIF}NR+Ay9(wQrA}a$my87y?!@J(~ zZW?4L1kol!A%|iEBx@KCs=^BVBD6Bm1|yf)eBMtz{S>)YQ>dxj6P4Jbkh}cQ<@8|V zxREFI#y4J{zyD0QbkC>qeMLspT#UxnXk##{J{PV&+_*>}JOs~5OTH=HUHZnVa4nP% z5iHP<a zxJ#aLXgAt$exnZO!pFlE2ma*+;DO`(I~;-2C)fCtU{#^aMW8T|4GsI|i0dnDbgB-D zm4=`SN9Lskq-nc^UQfam6S_vym(lhFITe3S=W&Zd2Xg=wK{7|_J&k>iiKx%j#W-4i zP_!b0&zE1QB-E}XJH5bl^;k)fp_{2sENqD6q|QU!7i$w>L+22ez86n77ppA7YN8ef zI1+uvMK^47vmCB&A*IVHwUdO)NUbNy;!~xbtudCD6~#uNmJR_H^%41v6*ZC^OI0pi z1CzYEpeG&9k;wYzlB+gyyrr1BDllCOjo?m(lP$MGU8W(o!^Vu@wsYE?Ye=uYb8M`>=97FS(Woe9p9)ngS0 ztO|N9RO7t4FwPJ=N%Y?7dWb7VBS}MLea@^_@`YBlIF8zv!3Re#tV*>;;|UcxntQ}; z2Ig-tFJjb5kJellW`Gw*#2|^^V^{T}y`=@2ug0lZMWY>kR1va z6eoZBr+-S53XTQGi()5Dd6$Pp7_VXUfE7OY0;v~2Q~nN$9UvZB=-?*fI8a2P<%WeE zEgPhn2Wf}FCx>O$iP|L>UA%)H3hXkHsJYr)B!I_*f<@h#Rbr1FJ&F=!L}8Mpo~rnH zpfE#D7Gf7b1pedCel}dZ^I}4!keBrPzyJH;rW1Klp?213&PCbd7=P;5k1TYFyQa z@$2q`7gOgUtvdudw;ONMKw&fBJ>oqr@=mNtu_LMNE?+)Ou`$)iWZV)m@Z_1hbAfYV z5RLWxy7v0fWl2?*Q>FIujVvJQ4@LY4@j7YxMA*=aERg@lLedJafy~ZQEIv%)`%)=) zLfQlH5CIynEsr}g5zRk)HjleGNtAil4-U>mc|3A1Y-5ldx2ObW^X>ef)aj`(MW8H-0YXzDXF;uh^g^q<9y0BXdj`S#plMWY( zcXUp;(JUY8SS@(olufFCf|7aa1PNADbbUNoq8J*r&geuyh%#v$$IdmE)l1ysT)ZY) zyr6&{%lbrgftFjw>Q9xDwz^dI&&Q_x8R{K5?g-r06}>E8F9j8Y3F#;oAaPz^=Y8F@ zh^&RLMFq#0QRMY?DUwjY)FX>PN|GRu@_1!a#Ic0QMvLcAf;`q!btu;RuiO~FK6f0e zWxUjzgvEMtdlcSM?4XWmv8C;NaC|YHRE?HOU-tPzY8SQx)k{nhFB-LfqUi3s?hNmG_dCODzU#Z`-hsT#ycvE7Ng0*T`LY8C36&!*4}LCV4BV8v?z)?} zC%WUnBm%V(wQbfn=-M-9W!Zd#@NgnO43iZKDR|2~jkNRpwzuDLNBFZp`!g<5>7Hza zZCe}hmTAI&{wxUWZ=z_8WX5hi$J#@tA|n%Lc_1F;h@fcULjHuc$> zOI}bxBzRFvZ8F=6O6B0rtrjTeI2W1Ki2b!1Q8AK-QN>;;STtc0iozOg=OwhL@*GBR zJX#Y{lo0T&ML}4^AFD@6(Mz`E|gYC3QDqcBzyH@a=ANwWl|a-36j zuL}xDMB>C;EK^b{?jLLM7DHTX=@zUsB~ z3jZn!-!fT?%%VE#%8 zy|Ja=?`ghTHNf%GYh4tA#k!$L=i}fQ)A8L3aoV?O|IP(Yf$|nBD)yC#9hX{F>CBzi zg^Y69b+p8K2h_`+BEfol9NoLv+Jy;?_G84>H z<$z=+NcVl4(SC%t%#5+#(Huq&Nk+o|orB*a9?`a0h&A@FGsrxsl^f15R@@~ZoKhEdao~j@ry>to;Opm`)=~?dp+Q`RO)dwRCo+^1mdt>Grj=l zC56;^-co-4F5DiY^fCO?z^V$qm4W*2}l%>slqHurNpgAtK8$HmE(7Lz%RduMOnC&m!kh>t`FbGc{L03Dk% zH&wK*=mMV)caF{1WNbb+K7%q^q-1i+FO|@DTb*>BqibD8&s|a^ELwC3-{)>ii;VX~ zUM~L1g9~?6NmPL%9kCSn9wjngCPidIT0s7iD{L!w0W|kZ4IvkcnBi7xUqP2PLs!(+ zz@azYqMLyZTYm>RV2cF%5~|wciM<>g90RZ1c^8wS)^3iPxrN>ZR|b7>CQm_#dMH#X zvASoqMC*3cZTEqco~XsGOQl)DKwBXfCx*luMvungty9S)qmUj3$C!4YH4(j{K&4Dt z7nn~-u=qMJ#6%PedgC^xGn48)_4L!UTg0RYgTR9a4ur3N{p;M85r<$Z#KLstu+zj&5${7%?5$g=pxU*2cP^ezlbf&lr$8EyDi0`%4;Q68sL0+g+qQ1Y zzq^YRWH`?~`M;Zn9}Y&0B9WOjejC49*$hgY{@^MDI#MR>|cv2191pX>%kg z+r_~eoF>TCalO$R1TP0Ihx6)WUDt-9-EhO3sK`TPMB7fq_4-7q8c<9m=cws=y~%~X zbu(}l`^vRJ(!=PbS=7s}ygYDKnNSB>T>AOy=-YYFqe?;Ra=aH{9+jHxjq0jQeEmYk zt2`qDSD!9Rww^_Lk4oAW%0)zRo7{1zld;cU>KuQc+pr1IcaZy_|MDu8f#2!! zlA_xIv(X)G9%NTdn?D)PBeUNCJz!M)iDGwe9X(PyV6JHV9_uJb_^1@Np)K-XEfg!^ zb>Z5R-_n@pk#RdJ$FIjKBzOEC-K$0l)vDxDRbovtoz9AHO^7Cuj?S9}Q8BTHu5^kr z=hNbYQ0YACVs5AEyhgY~t@!A`1)b5yx*H(t3enif&9h|i^t8ZvxTl~cceZ{0>L^v=Y^eeht`%lq$AJg@UEC<%B7}mF_`(EGO!gbQOC)= zt+U@v<{%kOJw~v2DsVcA6g_tkXu;2ciVMF31=MoG&dO*d!H{pqw(W%EfS9Yv+RM^A zMXpvZAwom&>bhM!%R2fBk}V%5@w&IyENoB{g3 z_!){al?UQnz$2m@lj)4E7x+4qp^_IWAWaHqKKh;SguCy$i`r4}wL!6=vcy#iAUsd- zHWmVKaPWCpMDD-uerlh=X&K>{P_5uv0kOK~nrrek+n3K}g=_}!o+=H-1O z;1X>$923a9Terd=>8RU%4e%6ftPGot^%s;5mf&~4o|M_+Oboqu_hC;x7u(p`Rr!T< zU{ig8G^di;$afH1$NTWgno1aR&6U#eIw}VV!MV~36wHi3$hYy z_e-tS39BekjG#?S&w-5d?fJQ3hx0(sEB?UONg;G3hl3mscW^=pVNyuX5ibnjkbyqp7cT>16sgtP{dSjtm^ld)*tEFJD;@r0r7P%*_`L*~(2OB?73@CII z&f@a^m}hj8Wlp!!Zkf&I#T9v=sH#F(aHaJKl#UmgYw5boL?R8FkVwe!d@?tuat%sG z3rk8LnW+F}Nfg1fp&)J38h1uj zXcakUOW{^mlB>iU8g+DECG{(-26fFEi*H)&-6tya>X8eilqXFj-AWhmn|UMXH!XY1 z2~dYM4#oUBZB%1NX~!HP=Pn+)2#X(|eU8{>6qf$nS6W$(sJW_M7;7vNboc)0d6ak^ zo)FgNm($5O1eZkW`ebUsU-`vC2Ykf}5x-#2Kxn!B!~C0I54JyP+2R_Nsft}#cWiO? zE$6am-%ocb(rd;<2pAflqo_zbZ3)h)#TrSvWvV)^0h$A3lqyXzx7SZ z>taq6%MuPAI!MH8pfR_7<2Fk|hZ8a-Y6te7z{C%;KYTVw)VJMs8%?45dgvCj;WQt7h2-&DaS;aq_yVT=GoR8t0 z+Rm6*OkOJTtT*C0qTg48HeYyl?A?vLnj}&n*+zx91{0niFn>Ik3-TF_akhux+^Wbt z1~H!0r06KESuFmhYf8a*52sEc^maKfzFR~=S(~quZmx*D>swa6NQNj16y{$z+%Kk% zifoABso$zy;j-W=9IM6qMssah5a&xvCIlcqE{R7N32_zNq*5@fEhx9T1&oh?=#ubN zEi_W3#-e+o6i$^DzNC;6q;DjPV-ShHI>Y-mMs!LjT`Q8bJ~W84(TpqM07XX{*G+8- zK5r|saKZiD^3+5oT}iRmI`?ZT$_2Id^MM7n-xm7uGIPTfp z*(fwZs-897E{LkK;m1(~QqkmJu)ZKt?XT?9%Y$Q%~3pCdXcp z1p2-=?;s$l-zFw`a|^KKysZ@r7$rG=&BQbmXWBA((+xL-E3dqQ$jLCo16+Lgio^MQ zR>L3sr~gc9tVbVtgswR$9<=S3kNcvF+1(gzGMp1+@E~gAGhvYUd%yR4bgV$8;HmSz z_q{J1I(U!__P`5*i!At6IPY6-d2jgISO22p57GwLl5%9tAuhrYWFMce^Xy_c6oF8c zNF~mzK2uHM(zviQ?@kWwK(KPb#(v>+u$R%hQS_I2(1?vVbort1@PiLi`;1T>^+#wJa)%o* zR9d8P%iqWAfh7I$AOCUq?ce^baN?O~sP(i%a+lD8+r4Wy1%l%H_})GDeA}Ft5r~O% zgqINfdvFa<>|jy3>&`n#2LHhid?38%J%5j`16pGo+cBo|zTt+O!uB1X&kw#+g zw7)O4v$NMpMiH*~Ji}a(nFXlT+--x6Jj1#tq>mW0M~MAy331Z0)b2Fv=1=0nqEbO(8litQ|< zAZ1}de!k|Mjm9V}bN@ynb?+7$QMempQ-kTEg7ZM@6+b_7>HgBTq4ric)5=h*z^<-U zZ-<_GJeA6!4nr+XKb}=xs;vfcxpfLGbLQ|Jl z!g79Zw58$7Je_sjkPCXG=8xt3jqJ9)Oj!Mf^gUp7igw~e+Ak%GiPgJ0Uz!rA<=+8n zL2`Dl!qIUd#m-DOC9$B6p|@Dm`AUGZp9^^2<3gnHkz>anrj_SBC_z|g95h}>>`_yT z8KA0>SvS*mXcw)7jWWr&;v&}2QTdFf6dQUy$b3?s7gCUkd0(3(ZU@)KZN!XlY$wE* zin2e6mnMY#r0&Z-9+-yfrq){c)j(LRnG*_X2Ar!J+)_I3&O)R~9N^(-)I<|Pdf^#! z^dk3b@&MNY%T;byqju>n^>ov$^vGLsu5BcoQ<7Tcy^v+34`(CJ$mqicHy9g%`^K>@ z3z)RC=9}_TqY=) z)mTt+!O#yy1eqL)+bRk=pflLjp$$ajJVJt&!qTouxbMFE!k4~$D@_=m_{2{!r{|Kr zVrkCTRf*0R0 z%Voi6Q`x~Pc{hd{lt&0hpfp+P&t!%i6ij$XywN7WkhLi7^bL{dkEB4x zrKs&1P|GalIXM<90&o_&Sg6HNwspM8+SVo-^BPk`X5+so_1gZ(lNYx9>UX z;H~U|CR!COzSf&><`w~gE5j|8m@9QIu+$$z2Of4zi6)RaXUYmh*3JttnO~ozJ;Ql4 zv0;A??b+JHQs+5vntrb^Ibc zQ=Uk~xqvz?lPZk)H2y&Ib2QC-EE75S1N7gr6WzCOFBKdx?Sr8oJa^EFLILs@fAJS| z{AeZVxxMan*HSwP$}5-v-gf)#;cx!-Z>bG;(TFA#SGfURVXXU_t1yh)mJrr}j>p#o6mu9n^tqI-?v%nVYb< zQAe;DRs(u8s49G!8AT7w%pI44O4~xR*Om&|TQp^px0w>AuRx6bJ10dXlZ!*~#j&C= zxP)xqZF2}sP!yypqDtlZq|}oV$IkWi7t%HsQH#wI9;-6&#ozN{hE({cLTxB!b#VwI z?p>p<^3pn1-juN_?Kf+K$@A3q&_487s#JB*>*QiFN{hM3yvyk=I$Uq6r|yNT4!$Z5 zoNV00p}beabWH=}LhG??VqYo;$GHpE5`Kn-R09%qm#P!J_HFm)#ZjG#fiz$+pUMjv zWWs>esP&YRx;NNTbHBnZ;cGe(+kq&gNGzj`EVMyw?j6+co6a4j z)eB63uhim3iI&_#m^yR1=*D$r*Hn3Bx(*a&rSKU-?AX$W)K#}Ny5edCf==jY!wABn zXvkzzB07>#OkT_!b`AaP>}`UM}XX&XByAfF)i_kEn{9XEe1g`P%PHH$~E2@k2;X)Tj^~)3Ok7*|MT5bI#{U#9ZDKs>3a= z7oPPK$B)zVjrj_Q08s0xxUd5S$7`X01WLt`JaY*pZC#s}ji9CUe;T@-x2twr;=@UGMhPz$;c3Ub3-pxT~u zLme%K0|J#`fvarfS6i@WExv9VH=)S*FjpnmJg9R++sy5AtnG&)P*!o=Tg;yrze)0^ zluM-)43dXSXe@J(@*7m$c6%j5NjKDthIKdBTHrQD>Mr*|!#3MATwp{Y)hbxg9oMBu z847}ZQC%gSr{ha(QQ?gsBSy=G6SKMPftCwy?5ddY0lC42!(fF=D3B2J=h=S%hFUEt zU?8sq`T}Vtll3OHkZa+j-XYo=(zXfCg?hw7s?xqVCZYa<=6lr|8Gz%^n*^^K{Wk_7 zU{JhwYD>=-MHAFVoLbFpmzW3`QR2^^h+*DD;wCV#)qNKkQ|lY+HehPE+i%#euawfr~# z=HG%5SnaSu3sna#FPwBU6Z2WTs?9G8i8D}u)0_)!3nbo_w_ zjFbm1kls5K!zx?F&oRbs`^L#|@4ffZbwYaio8Np>xc>U<^1V47HfF22$O)V79EVgV z{o-Z;_;kBlMQo^`mE9P%No3bcVSVDy5mgl!#mh%B}V zN;{X$Rfy}I1to^XamK9^F4$+Xi9#V)ZLLb{(H4I$DmnPFHWIc*HW-pdX!%gMW@%Lr zXTu?RrEQd)M@=v;p(=Zbmy!wrxD>vPLkUF`pr(eDkL1iKby4@~olwSYWg(KmyvjPq zuf92&zf_fYlF(N@EwoqM!tT<>;?TN2km-~xf@T0HacHW=lsLq>Y~DiG@x9aPch_kX z2l&1!tQGN495|?s|B`smZLW?=y^r(AQXCW;mE(CCI5=A6skUE@^`=(+HQ{Vt@B$IW zHi%#09d4UBx0hzpD^>Zg5znNO#zUs=#YDUX<6S03Ek^Kr+KO2w31=WeFLncD1Xo4s zv#UA_52WUq;CGX>wN#~KIUurQ!wzO`on4Mmv_;wgj!piF&sOA0TU>-}sM|BrzR@3fIFW~JR`IU=%a&?1H<>ov*X74?Edn{u3Fa=-+P zR?*wv_V)16AN(jiTA%vVr)U@SBR~AZ;k&QCI{e}<{vvS+FyU$8c>8U)QT7%*Z9pDo znL8IExEIv>M(l-Cgs9~^j-4d8HD|*BeL@>b|A1FRNL|y){n`k(-10s`-tIqggs#mq zC!e80456STKW>m;H6k-c2f371P$v{IbvQEp9fp6rQ(xhv#f=m;jau4|YRfl6E*GxF zl8iraiYijZv1&ovnvEE#S-V4akbQz?L385;Rpd0Xo3EsGs|CFIZ6J?rgC*Fi)+1$; zw2e(UlGF^bn3ff5{PL`kL{}D|Xy`1X32@;KvfvV3zo` z7%}RYtu+AH|n68p7NSg1|X%hxEWSk4hoW=|If`a(7xJ?ecd9Y&QgBAZ8EwqUy34`NOGRYwxA|0e8&!mgou=A*(F4|t26I42; z&%(n7E(eMl6gMZIeU=tzTzrx>=Jx<(48IG&)%ZO9gNarP9JJ09J_ovl?@z0#L9BYy zt6I^CLcG&JHT*eC;eG6ZG7^5tSdbms@lPf~W@PidT43psldVBq|~yzoOG`jBz2h%CLz=2cqk;ylozQzQ!o6|O0c8{fzE()$@T zyT~~fUwqNU)Y78R)BJw;eewg!#{4xZ?61;a~mBXT$!z?m=>W;7-xt z*!^*Um!JHDV&QYiiklRY6kwI?Tq`PM$<;b?plc9!+p4W8D@(73=9pEIE29wi5Xu-9 zv>O-3pH>$d^JGb#{(dX`7UFiO3Wi9#qtcS?ab;rYdwvYa9n_aZvW4c5<6^TV^F)$V z@TS-5Q4f^jdm>p*$;CvZ&?(eB96xe~rHrfwTcp)Lht(`yRY@N;OaoASe<#{;m~|#? zp7&Q412<1Y9ML)pjGm0&R6z1Q%p)bIC`tQ+7iSe(XvR`#3L2^iPbKrCx`v0iIYL#6 zt*Trf^K_|AKCZ2e)KkqU_on0`I*=$WMifvhDHi8_x~9^`RH^oY{5fovULQ+%s>V)K zB~nB4yF4!?Irrl-2F1fDRSTRHhlee+dMe@e0F5f@O}vNr*ofzp#xc;Q%JY!IumiDu z&o+bQkUGe==P#yY>ctLOeu3VU7C1&7(NY*j;TNUkF6lgl0Y2l)fZ%8qS&M|4q`k6e zV^L}-Uuant_Ho!U-eS8Zw4ruhd=V{Hn&6Gsfs2EQLHQ)wOVl7c>igv@jzw7)ZB*fC zec|8t<(>WtMIWql3rQw1b?rSz0hZ6$E@DND3nF+ao( zqh8@bihnDSnl0u>VQsc*h!>-2oJbDjMkTmo@zBBbL$m{0R6tG;42s0?FMjb$#Jf3o z@IZL?yWf?Iign`Y;C_KSgZBXO7{wC`8cZrsXaSwlP*HFXFex55aDd_za4jH}KX~wv zS=)m&d^{JScpY4yj~_c8?z-zP+6|+SnhC^z?CGcJo}oy_*xGQsCA`mx6Q}Zd9?REa zYj6PWf{~vm6c1b7yZ8k+36b$6N%SR|90e@w`j@zv+@9|v3TjLwAYQA-gnE9UC(gNE zYqpTK!Wm#+37!yRwV2PddBV>t_Yclp6)H)5LbMG)#+#8_b%gp#@u9M7@81zS0YR0` z>bkgA{j^|pESCjdpTXyzJ56W~P(K(;g7|LEzfn0MY-m@Fcn56mw6&7N8GXgPQha3s zjmeb8=5NE{o6IjD2{jpeE)_>&$Enk7DQ%w++UW%fPH17sO($?L^|((s_GB%Y=v?9n zF_(F&5}scgl}G@LJw68>cd(ckuZ}H04x1Np4$jZ@_B>Cb80F0fduVBBrM9f2%t1*v zd!3E;5Q((#n|y(fwSn)&ocL0NoJbML1to7l_4%HPml>n1P4RM(78s*7t&9`#uz?cS zp{YtZS5(QjymUFQ>r(8ZfE|W*)H_)kR4~qLR_byoQ>Jk6Ar?HgjIrH1o(!-~nWXQ^h-^@}BysZ-m+{QWlGO z1q!OFT0kz7BWQOG0ShuT#G!miMt_)~sBn-AvV&STobrlTfN3r=_U6S4gPwUSOXll> z|Hg-F`ZT_WNole)Sx^h<&I^bF9@hE#%uM1g&JQD`)A(J)72tQ_(E>uMq6nDi&IvaJ z$AZ`5fyEc3#tq4`Hwe+eg3XSjkp?b`5kIlgd%y#u<@Z*Dza+*~3WMVO0K;2`62W|J z$*x-E0)eI8E7Y#RK;1?@G2CL(hf>LZ^M-r+W67ezb*{-)zBQCZ;n*=I)_gP|GUFUu z3GLM5CENLYEsxxHANld1Abj-EN5g?!T>R*d{x{(}-}w#|Avh zlj=oz3<4R%d9CEd49Bnb>$ne4xKZ>)zAxAT2eTC5U3E0GKv&Fkc5fF}annHp)SpTN z6LmMAQb$tH#M_=xsQr$>`=P6xQGHQ~28b@#swlN$N3|8r1w1K%GgO)pWBio`l}N|D zbeQzm-=X)BCR$_{-_mxiy4a;nTVJ=P!5)j>{|?ED{{z zGdydC!FxB1+AN;9S8DaccKdSh{_nqFM8r!)aAH(X2=2*ZvPX-ES|ic}SD7+#VxD=% zdfMD#S+cehg*w9XX5Lta5)+9h^nNNIX2rvVzPO66OlhT=DL_Z2g!)uew5(I~03$*u z1k|(-D3k7#C>RnPl2HlZR341BO!Rzow?Nf$F6vOpBD50ciQSHx5E6fYph9HWup}Pj zVhl7gdXg|r#1mYSi?cIlPSZ{i$J#VADr7*uroc@cSN@%oC;1uzHIQLIuUnEFtCoz_ zHt4wVKFg3>pL&*%G5iit6>broqJP8F2gu25ufCej^EZF z7G}9nJAC-cup<{=DEJ`p))pbI8zFVe%f$KFlHU`%W$;dL->8_WD#~6_68PCO&k>;* zg%XM{kWKgP+i&?;8epm8hOGoZNR2ecfXv~(?%lIDAJf+SduX{m4D5_w?7 z(#NmdL*;Xe(goP2(w0MAdFgP0lht^R?lCwkRWy=ne**0iN((HmZnokeZ$2X<*_kW9 z0G|c!3Au*n@p$am<-~#0O^CM5@SqZpF5f>qD+El0ZoyKCAs?Z1!m;7`Y|JPtq8%i- zk>VVnFvNV*8*AFqPziED2slPS(bfe;Y}h=~L)$CM%ay5$sFm)J0c?n-P*|-on#Oz> zYJ=Et{a?T6=+8x|UrhDn+r#5EZ9*dMziZqShw10b70ak27ysuv4!adKg^Rl+Q_6@)@zYhJL~>33}KUQ!M~oKrxb zLZ{==gdT+Pn4OAIB;fp!=*^QQKO9dz`2<}Dw0uxl5K&PG$;Xd99d_)vh>iowGkn&P zw#mpYeu*XpPB3pMog5PyicFwi`f%^f=YI6)!{Jl^{@>H${lEhcyA6_prA{Qc)&G)$)L992oV#qIkh6l|K^kwx?>@?iK{SRZIS8{$0d(d zEO`n?~Q_z?n^`)v@94Qx*eU1YKRM3#qub1S^=&trG{vjun2Xe zY_L(-xpOC>g;S8b+NR-wEo@+`B&xMQfz_cZ! zh%4Rqs$t_lhaSiNXFFe&$`u!+=26>!M+P3tz3;{uqLwCbud z&l(00IQBr>MJi8Eu5Iq+x~TzD%JBh;_9~Leg^X7gwyynHObfluLGg>?tw->=-Ld$R zjY3$6Sx{3wIxk$;SasBS;l%Ek#9K zx}224h4G2;j)~T>IwH(#S23P{a3 z4lK%de(PJb=wl&d&loNquo$7x0fK}@^pQs&F~ZueT|0@`N`Yka#>lT&nDBia%pN4Lu!r9`m)+)R0R-Ot&67z&>3pUp&-oX$jR+1RP^C{ zI4-o-Q0O5q3q>*tNfe$sMllvfxb7oo^BxCa`JQ<6f@)K#v0PP~3M9BTM(aFjl#q|{ zuem<8I%n6s^G>tkG2)4~wQvk_dF`^l`1>f9X#)dqt9%bJhLCPgVVL>;pdAVXXV=bM zq=qCSuoML=<1KXj*p%@GZY&EJk5i0aCi2Hlp8=u;<`+e3OEyhWLE@QX*?2>0pcHxv zo#@aZr?A2?`JJfG$kSlSWqFQGX^HkNA-Odj6U9tmuANP-)!>I4)z#5O4k$-N1s-_+ zSn~IP41=#nXuBY8jVJ__M>!K|ysu2vXUu1D^$FW}?+J0)YKy4B`Hx4;&q8svdVY=C zy^V9m)^}jF<_cZ=4f#B6X8O&PP5_ml|0?Sbj&IV6aH4j3b9$W%@)COmckFOS*q3dw zC}>21S?COeJ21g`z#gD1`pH^;YCVt^ih|f_KP?mwu0^GWfz3kKFD}T^<0kM)@tFwRdLI-?h&UPNh?8{QVE8~X(p7Fd<#RZG;u%uiU{Tyy=eCg=6rMSKMiP6uctYWaW5n;` zGw^R1i6MLG#+z=mRvRmk*n0-E>aK0N&JLu9~+!VGy@JMuMrHWwQ(+I#a&H&MICl*lnP0Vm4}ZWrK0B8 zv8M^O(uom^qAmPF^!7$$$vKwxIXG!BQ0^7X!C6?q3-3Ys!WxYdrM;j5k+o}6%_wK5 zbsPdNj>aU}9+{b9>^SiXk(Va_f*zUMF2n};Ua8^|_f98djbo_9Zec8&uU1V1RRJeN z)Y9rKp^3VH>)6rA0D8YsB6P2`MMgx{1ve`?o=|k2J+&+%q|CIoLLsv@k_}WzuyAnh z>W)NX+&z9C8$(zX*+?#uB08>3E&QlhDMC`YY$vZ!Y8PC<%?z`b@5~4UyXq=(M<~v` zk@$_k$?Z}YtBLGLNXBbxlTti~f}rSk%sp5P22F#c=vCMClMzJY4~ZdRtesa;%Xs9elgUzkIW<&&$6J9Ov9TzUs#npRc#{g|NmRyq(IVdpaV}m^`u1r zATY6Yc_rA%q8NcPM!79G7_^13u#!Jco^((gjf6~##p<*qZu9$a<&6rQ?ZfBhIe|h2 zCyK@PAX+QZ!kCD>TYWb0J1Dq7YDQ58UXCuHD4bA)Dft=41oCpE1$C83}o zG8S{ft+@a}5z>gv9Ows7AGBDo_;dO(BOv6f1EO#~9!&+`y=xbtF!)UHZZMgE#{u3; zE0T5P1>ucwJyCQ`$?T8aMaj3~)amf_)5qwzF=^m>SiqzV3bb0bZ{41YtF7UR!&iu$ zbri0eUrD=G?9z5zv?F}q``^!5Fp?n5@Ow);$IA{}77iXdK!wg!?g_2~Ch@s=-e~Jh zO$i(E55cu(GV(Oseb-%dPZZhF0gJXHxxdN+0TMJ&IXw;($M_q?-)P*51ajVK>%;-C zn|=;$@n+$cn(}RQal)<;q;fcL@4u9JLO`@ICV&=_8+1O;hjKxPA_vIjv17-L;I4{5 zEilI-<@aS*=lHyoG{g(b2Pbx&Vv~1$c9R()3)W6#G)B1tsx*q~+}b10PDV?FgwAEd z#5>w#vRRXRTfxH;^re+$x&4v$~-+*C#qo|#;O)8W#VrG z8&tEO492Xw^5T8BZkyA+C-0aMhtz7pu(GmB^F!+*ZYpOJ!R?`7#Yl+iS%OUha{$$` z6&of(!nJ-zp;7#3hwUP`Tt)=agz7s|Gv~_F#Rwfazs!mjiCuyr? zLg<{2a63P##l)4x`#F%qRB}W zQ+Qt#2zAA!?%GCFk~ZF-V0@V{Pz33J zUvcH(aOD+;L)=!8;tC8r`6|%CT!*0$Zj2f zRwQWf(*67B9^u-&`qi(dg^>$4Zlxe(l-g5IK1tU?<&GHhI2TQ?r{wBU-ANhmcy;ui z-V`?5)x2^moD_n~XL39imv7^JI8raGYUrNz8+XYoEK*myqe_zwd@uL8?d2}1qOC(J z=oFYvB@??lM!$>hXj|m<-1->uyJ5%W=s6CKGZqGdVi$N2slfUndag@PIv#syiXjVq zU!k}_6jcnsxFInP?83t!MDBAaPYe$_7?aU!?V0Nd?qOFR%c2(Gnl7x^SC2rk`<;ikD>VapjX6J8?k`R>IX% zrv)`w#BA2;a|wz38GHG(fQM z>J9`&3w9UV^CF2seB#72=CY_>6}odr<$dbtQTm=LqUd#jQ4}CG%6-8f^jXj4g&Zvz zHn|%U>VsoKO9h1icKIiAfwdvK9UvT)n2KS6RRcB@Q~USr3XeVhI2A`hb~0#fp_sse ziqBpVw^LPpp^(AiyObAgc0SIF+B$pEP%ExR&erJy-GNvH&o#lQVx`0Ky@;0V4ZqPm^_0{e@tTxJTu$rHF6!4@r zU78SQPeX>aZH#Mx=Sa~?YJqQK5rmqmdg(T~<5nE)qK2aCrrT{FL@Pm=!#FF!nz0aU zHE)X?q{TN!&02xp;8^JRL0iDj^1TA0jNe~^SR&62xNj>MQ+dv)M|{kQ^3O`%QkSp6 z2hoUwu^#f0@{9~2SjgYnKF+@N9v!lc+4L7dux(Oj#I z^$kn5Rk&YWZ<(CS1Nbb+yD(eZy4BhN*frx}0jfiiZ8>R7Kv=xb2p4Brq}6y0NVe3D zLI`FqD%9%)-aaUl2zJirr-5)2ia!nK0GxC`$qJ|r)Ii17jCfP$32D&9sDf7_GnXWlYl);;+T|`FNOOElx&%d1R07)n`bvE&PMq- zp2?HP*%0INQ&plUFFHt0Tf+OaxM7nvwiLKDA0t|UP;UXb0h*;20LPD?2)EyH2Nlpq z?ztx%edG~dFxJ+|@Nm~IzJ|QOZW9~z+F;$Zu)C4u>-fS+!>@b=RW}v8!%gh;vx<2g zXAeO?H7}CzP%@&5(n|O#BW|ncXVnsUQ9GZfN~G$wsMqkUqTnY)6Wpo%?2&P(WC&GC zRt5qo0h>mUZdxl)Vh4^-ws4H300|NyL+-ycPem)BwCGVjMUl(K4hrKD7^Txxj$@?n zGZ#X0NF~Z;-mt-E3G0ovNkJP32B0bvXYS(I3Xytor4HsZBq{1VFFS|cOmkzBLUGf*&M(G=xEssRSBG`IgN8&Kf9C>6Nu!+pEIT008j=haJV;n5b+X66 zeD3U-FxgnLmWVoFf-^!HHR4FA)uB%fCnRNsxhtAFu8X)b^C4x%1Qx~H0tFGifG}Y3 z!freWiFYpP-q_)x-8H4Gr%0^^ENt*=QIv^qDlbCwI4@FhOcMEhQ5fJjRGPXW{cvqZ zVRwS)2ozu_C?0?OaaKX);s(d2*Rzr!%;o%gRYs`?4_=3d9R(oHb6Z~Y;Yhq8efAS4 zpJi{Dl`T|+s1Y5m6VB)AtFNXB?cRIup=*Ew0)+-9u7{339CqZ_Uv}VNF2bIn;sZqz zNz1oyr}yEo&GW28*|jU&fB*foBLsloyuoIk+lMJdul{ z)2G4%58NMi@7hBP3XTQW1j*(aw5ge6noEQ6rY)}X=by`;8@uh^z7nAayQ(h>$1k+f zljiZZMPe8B<*@+d2KV%J*Iq+K^pp^!4Jt_g>aYJQoH%hJJoMlL;oIN7$NK5xT)1!9 zxjbg)r^u-y~mt|gq=Kyj~J&@ z$x|u;vA8C6k;V!kSvB06+)OP%F}}pup=g*nJMEI&IQ)}j0|n8+iDM_iXfhU0t;&d# zlNj?_K!^=hREi4xX}%?7ofCyYknxu?xTp3{Kvo?ksjb03azS$K-XC4=*JWH~(M z9vlnaTX~QWcTCixL3omix&eV2Q9(H(1daJdTP(`qJY1fkBohIKqNH;izr@BQ=O(O# zXdW8uJ%ssXO^i=flmR4LH@%pLTWQnB_zZ6z;mST{mtYiTv1R9cD)KajN7{bspVrik zEyA&v!!&Q&4qv3wuYB(9tnCyGrS-?Wml#oGl|l*Ei@f04*0mys(FgMmN+ToHcD*L! zFifNyBj@hi>%+NrQh&pgdPa~c=?j*L*!hX6!iFMPV(5F{4581SU(@B@EXFRBpYi)I z7Cy<^o3V#nnQ}9{L?>gNfaX$7FA3Lzb}y1Cg$V(F$RmV;8IuuCwP4ZL8>?O(ECCMb zcl(f|Mzt$iQ0%xF0!E8yi+na7Tof?)d^KIGW#LUNBQ3{|ACpOH3n4N%ZX64IT{O8I z=LV89CK*)zm}pRJVHb}U%-;MNkcGngL??0V`tX2afyZa#btr5oyD9%Z$3$$U*Pe04 zgSf6JxELYYW6F0U+!&k)Pd4;{KZ+<4;+be-WM;x6K@q4oTednC&=3T{zTR7KG-GFPm+ zQg`+uQlm{S;96087XKaBb`h1K#%Jh!uLh2_`0^-WyXuV#E}DWx5cu3K?@Lrt%VSZH zsh^FDC!n#Wiad)WNDK_g##^l=LR?f=nO}=={;E{Daqk)^&qFus#~pOx8sCIjWW4m_ z6Z+x{BSyt8k`jjsF&d+J+*Iw5`O>hmsq>S#fL1T=Mu!m^PfYI@P@ADTgD3HKZBeo3 z!iss!=tHYAU?R^-T!JQEE5d_?6h}|Vw{^(_Q4S7=r?nPApxhoUVknKg_t0tPhE9e$ znQ7P~b}K3gr~DZ>Zo&j?4Jgfqyk?zRLXF6`m3XRL67U5`p+vjFrLZ5UL(9Gmkh4N@ zgGmRRAnZzJa_%TpP)u+-`G};~XV0CbNd^VRl9(o{W3v`#>KB6@+E$T&Q?ZzTu0BIg zJ^eIi&g63?UX&C@%1a{NPc919g-=uyPbh|m9zIHoHWq9YC*Zp1{e!0mimZc&4$^DZ z)=ty$p^$-MM0c^^IK27IH<^(j3KU!u6k7)m9H7jpQxb^*^a|ILlF0M1U~uAdQBVMt z!7*Z2igw_YS6)Sh*6CCE`1g$o0fRgn=Z67|`-Hq8TvKi*G#$EY-)|v$S!+tRbH<`a zrj@z4*^`fN@7_!3+7Y1`s1%tc&dJ~BOJDjj86Mt#`|aVLd+s5Bp1F*L{g)piMIOe; zzI~T4k7qoxxDLxPa>jybvo=q-F#j|X31Y>7xHZR~yN`L^_>^%8;Uq%3D5_MEr3lA{ zC?k1;6wFtLyoyLsH=_28eh#_eVs6RfAJ1yrFuJMFmvXsu{?S6AX;a2+17J4p32yTWlKea}L%eJ&>uu#*?vGMQ}@~c>F+l zsa{l1KKTTl=9>6Wv0{lA!_{-==~_LLpQ%0h`C?RfL-@iM7?l?V zqIkNl06!K%fsOG6WOQY@QDe#Kd!0t7-FvTRy$@Wq0CK+(T$z13^+D2qDDnu}!=QKUcI)xb|A#JfT9#2*{rGmy0o9sEHIcibdk4({&;}|+1O(J$ajup z%y#Fj1j33MHyj=kO#U=!klZgy!9vq@p}4Ar(58y3N-l(NN$7j9y60`qZQ@s-7avlX z2g;Vv0OkVi5;~*F*JjEj=fs;%&83ylcb&2emT7S;!9Lq!2D3J1-LeZ#*jSz5)H<<_9$HD^P2c4AV@=w`}pIJ z(=j3y{O-H&A=5q-2ONHSg^1~dfDHu@T45?DUkXP71ZS42vY8(C>HeYU=*40l@8K*o z_8b|bttwM4%%%Fw4ba47l5it_VJK#x0z=Vw&pr205yxIBEw$AC^7ryX? zcM!mF$jwO66Q{DuTJK;DH_g;OFp}8*P1%e zTwda;HxyBrJGMyBqA@uYpI;^0|D2kLkegVoNQiB}6%A4KmUA{{)HR=HDtdvEx2+YG zx)?B&PUZ9yrg-cm?NCwYM7?f`EdqA0s&$Dhw8 zk8i8M2}1V51F2GAY7cF2UJuR^kP-O6;M*|R874K35@r~1G*ku}qdxsBM%!N8fgLCuL51%4F0Z^Z3pMBQacs&)m+hlf!eZzi& ztP5kq%fiR{(1$)~YBu!EF)*QE!~F}{KDG%o2ZaJ#11!Uh!*_q@JKwQF6*nG zRh@@p!#TtCx%JlDh{vG8u6>^j(MWEUSXwKrdO~FRbiA&J#z|}of-5dn9oA98vdac@ z*GTOTmcna^A)2wAa->k$?vi?v6;dF~QUrl;saVa_5YIvtbewV>tazSFz8l6Uj7Lgf z&gsw%p-4s$mAHkzuMCCrkpznN5D&w7*r-p>W#YTA5>nAtj9a*Oa9@EJM;w{W4V#2C z_ecvJYDYOGCW`*Kc*D%+dxRqHiJC|Ye_h#Q5u%8&S2b$ee=fvm>}RalF`RRjdTLpB zTdg3vb2i<>IKML`NIMlF^U>JAa=e%sZ{O?#Yysa{VQVeKiN(eW^fM+L7cmmanH;AH6j>}2 zQ(A+{Od~ZJMUSIgt0~#|x?oO^+)f=Tfok*G>5My#u zzS1V4V4V1la|~nz1ON6=nW;WbgC{$2zfe%$T6-^Ld``Xv&n83LK|7J%r&+ug^Zh*X@-Fol) z-baRybGcuG^xrj2e!O2ASm=?*yt?*zMAuKlN+%)}35;TeEs;Gqq$g>chgv;dMt78R zqs1YVe8W9~=ZUx^!q-WHRw#O-3m!B3t5VRY03ePVGU0<@tVGOAXdViAHxX1O-L1sf zuXmOM9TB5-Qmq}rpn;q~Dq(qm7rBuS|4pr3#2yR_9nFu6kr#!$zcLn5#6TrJSbZV! zO|w8n$L{WoCJ%Cohw?PK2$10j&}POnhxaC#pv|c{GCHk`Mr;?)+DvEwR}gaCtL;PL zr~~28kXn+0QbW%F!W__%>RpP*ywK=UZhKKt+JqvV9Q#B2BJDm~ko1`|*GYKfn7FD7 z=0aK3=T?+Pf)KUA%ft<`%P5P^6FPCKDvw*CF`EebMagJvF~uLc7sGjA|1jB3RonbT zW|Dn&UiMDJEA1)gk;H9CQGTZ3ewg6yt+cDcC_#QyfLPHo#rc`w(BvW~78X7E_{S}( zu_JN1iV|!(wqo6QKA~%P`vne7*us2I(l+7<1+KygnHVOqApDbF`iy||)&AQgitYkw zXeO#$B{A>r>}GEPq=F-)lM>5Ydl>j&8QM+OyYF3sd0#+VeJT@+IWwj$luMl5v`Iw` z`sYwVaH4IX{3H}SFoc7PGA82}UwV;H7)-`mu(9l#3k8sZv7K)}@`xm3ZxBHka`bJ= z&^k_hoTr|8iY9)vbQIO%0KpKRedbx(KNJCood80EN&orbZ|n!qA(G|8O?B9&sy`4u zO2pZF?qQT@C?;^7e(9HfDcpPCy`+YMry6g^wHU>en#6sLOLb_tYUGl@q&s?tpjlGQC#6V zfy;yA(Q|k4BEl?P`zMtx)a0TV%*I^W2soeQ(RnfzG@-^QN%u>MeQC)6^U~#uG=9Gi({b)`1cIO*xHp#Kj!v;Xf*Muwg>>wFRzh-47PqmfwO3^#G5Oe3 znV+RJ2S!@=GFQcspQGb@Xsa-eh`cd`$@ZD&m#Hgq8IZ{q1^TQMMBuO**APeMkUIDp@d_+Hifvx zybE;}j<#)GHIHvDykF(gnuQd_^v&98LIl)eNJ-He1)(Z2?3czjEQSH#wO3yyGy=#6 z9z<*hg@Ue#zK^2@J;?>zEtUJ(uZd;1-CP)qK)=bjI@ z-F7RjSP|lgZ2`GLfr3H>Bv!cS;(VgOz_~*J<{fw3$wWkgqUTgdfSCJ#{mtKmpa1!v z5BJ}HKXG0#u!3Ln?6c3%Y7>(+5TjRz??Q_PWK9%MXf?g^+G{i*<2>AV-}`CO2a%TB zN#+T>eOTJ%_Gcg4z#;qyRUAV0-`2DA*<=~4}~8-{WKd>?(I?`hT}l%4cmBNDDt+%l3yLPI|~gN!9=GX-0{Vub@Fyd|;pbRj06~Nj68HXwQz&uaJM7!AJG&i^TT7kHLX`b&L>a}( ztWMB}BS#O@IoNG?n9NVx+b+g9GWi<{veub>QtSeSTXtMbNnxc(%f==LYbsX`zFJik zO%AS$3`M_*!zjp#o?mMBjW}CG2|!^gK3B=*53pYk7g0;45Xb_RT9Z9A*4aL!4dK<8HZN>yR#r-ekNMR#(p&|Veke&*%=%J(!rQOr>yu}Y)tq%>K0 zlvPSrgi=VSC2XhtZ5!fBAFUX3rl>V(vg?yZT%9?tx8Cu5wCeQSAT^cJ{`CeWf?uH44)zIA4k()L z9VYw50!UR$0}bW94BJ34fB_8eN6)_&$TrHugjN>GNBf2l0IcjT$~G}^qF~v)f0G_a zpe7&s$VX_v!9Jk~xpA2E^P_K0fYA!e)*T_oT3OpLOBW#NY$}# zKuS=2X$a|;zx-u#?**skU;g_yX|;(#>6Q~W)6a2Uz~_N6A`m0&!w;W&ijXN3UKlW6 zdif<9C{z`tIbWP`zC)`^4F2aSZ|qHi>u9Z2nOBzZVP^wB1545jM*1MAC-PD=yi039~rqys9DCShU4Hx!CDFV(Hh0qO{j1JE? z3bZ6+;wlk3`vrxo@)obTMYS*vOk-Rb^}|szD2(G^B!!&@vGwIwUJgB6bA_eGn|s|942H85TE#&PY{Z7_{ib#sZV{1ct9Zc{{7$oJq@_HhVQ%kec_2G9;bc% z)Tcj9*Y4J#KmtPb;J3aNzW2TFkwhFY_$6{!-U}yBoT5PtMH!G641Sn!aP82(g0c$5 z3dzpF*MdT7=gLqlJx328I523}p*4pW+G!i?`ST&|JR!e9RQ%XU{SwiDY;@5;MEL$TL z>vPP+d~OYeB4L?5JnSc`-We}Tc;=2m~7l}y4Xj3J}aIcqBx>LN{7XJ3}y?nAZJ zH=dYFu4V`1RwVQ-6?YtM!pI1jcVe;XoOr3NSTjTXeaKxx_~9u>R~KMfzA1>sMZBjAIwXu znrORt0x&1LCyRxMaxE>KQm#j(p|n_NYtbCjsyb>^c&yKfa*pxivCkZbtD@jpKc2+g zS`JffrD-X*=h{rmzo!*wUSYPrtz~2`L59Z*zf`o+t_AzP<`xx0!pu3?6sJwRRB?m% zAYAkG>DMhqS`|!8Ds5>6f=Zt()FHW+Ni1_PIM!iL98Sq=VwkWsO&i}$$-u+!DY;u# zB$}-RG(z`L)ls!fLR$1}Y;4gAK-*kc%>z|QQs~@3=55@<00H-oJMIcche808HHtT& zCg+|ySHjlAA57F(scHBn_6K|uOxDLFMDklhv4H)!`>wl<;6}$jJa8vZourBy6Dx`w zTuPuXi@hZwCCGyM>}Ng`{_gL-8a_T0O8D+4o_K61qHd!i0>}v9d!Qq)zV;gBccFkf zeE5iD&>SJo54MkX*8lcj|7-Z}u&VsOzw#APTJQ=A=6yhI*fshLtw2$fe)F5(qyh-% z_mx*(4KKX#qIrDiAcBJFuA$ia#IS$=(-*%;#|%^i$Pu;BhV7#$!*+1}k*h_i!b5=v zeh&&Nm;vG%KkEuu=dsjzS!~)an5ZC#?Ofk z;*Bw0AFV1M9x6ek2w|>7CLCjK8>*W$$*|K%TAtF#)Gyeoc0o?(>SeX0Ne{|FN_8Ke zOSCy>0B!+Se zQ5G#tj2onAguD9%IIUme%&HsMBvkX`=-5TI)VoQ<)MYS|3uTK|xhTqUWIK#XczoFJ ziaeySD5%NGV{Vfyk>490lWE&kZ6>Fhg9PW^r3BQX5IIhq8!lq#JKdzLYE-m?<}zL@ zcV?_gGJZ*wCGj;8b?fYTBF}@8el-F^bCo(xqL&VXnk=&8apuSx)C@&u2~Y{AjD9YZh+bU&4V8$BZ1hsR$5s0RRq?rkThGHJ2WOpsp=iUPf_4%J!OuPS zIB`-S`$S>T3h@!Y`@jc2K;Mso0~{E%(okePF#H_Hh2jXgM|cQOkYGXw6szqmI3=S< z1EKk6KJhb@I|bzqQYa8Xl#KCI_|OMGL?{;uTS(5U zW-D~dE|hMb<-_HDP_(cn!lmpV21fi1<tw_V?H^R>)z0Zyv4{WuJ+8 zTyjJ|9U#40OIuW9H_|jBAy%X8n0URBjlF|t%3ds?ss$CzDiC#m&HgvN3uRQiN3Nl? z87W%eGRLk^*e!8e7S`SXmkkS*+itsEAp6>QIP9W5x5W=8VIX-+=6G81%dM6=%k)zi z`4Yv9dPp#$T{AH#)Zk4MEiAchbOjP@nE+9U;Ta3mV%wwkIf^1Y3qUKq&4s3uXH+ne z^u1GbgN`W{kx-;2t198(HS}}xloDhGL}Ep|v9bAPZL)4{-^_&*NM@ywyi0pP3nmnn zI3BbIH$-5f{$!nn^VTx{HZ+#u94(9)4TNLHW67}UVA5j1xA zzFA(ZsxjYE3JDU5kO}0ly@t(Q*_4&9El_Ob-QgKLEjAL!xT+Iws8pEn+{p{S&Pn{oeppv)puIH&M+PpF9g;GqCA2^Z zw(M`QYd1X&D3N(Gm>d=&!Pa7l2!oh3#J2{M^OBTHjNB+k2fMx)29B9i5O@PYMGq<& zWEQR+<)!257qPX??Vv0fXK5j46V0jU(9A6AOAiGOd|=cg;xnKAba?vdr^641Vgr!^ zKzuM!;yA$Lz;^3vQ?1F+!j8+TY_ram4fb1HD4GK6+rkHH0Mbfd?3ff>mZ=ke# z{f*aYki_6|Sq4rNTVMU^R|(a@egok^FaO)$ewYftkA3{(^gDb9q|aDkzVF_9!~O4n zU?_k-Lg)P}|LwmKUkODVT31*VLp_8x5!!h8&chUs5QvzI*8>kcKx9gF51lovkfQT6 z{2Wfk;4F1QSmbDqmXH#CXqEJ+*Us``S{}Ty?S~$Eh{D?v>( zcMrI(By}}qhIcWHTsnXHU%FaNDa*ktGtwNv%93FdqccK_Rhd>CVj-iybn!AxL^N3j zR_Ne)sf4SA!V|G8?Q&`Si80fLklz|;@!X2c1tuq1^>h9g@Idj0r%e zQq2WZF9w`s_$mg4wm_CKSUuB{j=MxyPKCOa+F&qi6(hhsk;JQ0wW1N~po~c$i_y!& zGYzCwbET4SkMtU9M}b}8j}gc2%rHI@!MYn24AOFARF1vSRJPwn4huz*qhlPY*)}(b zW7vqiBG3-kiM&T7k28+Q7D|**v?34H4>a2)eSHO(p4{{QFFf_7u zDdGP8t7d#t$C6g$;N^Sb+V_o%umT+qzGWD~J7V-lEN(~i(+Yb_4C!s&RGAMqzeZ8$f1?G{i%gXU+e6#o$l;?@)R50X1*hW;LOAeVD4ljiafOEs z4=Y@U!O6j73N+^N;XU{{+%|{hX)g_DeNQK zUOO9g08{Nax8M@HHax zVt^!D0OW*;1-~L~T<}z;7QuZ3-jZ^hpgcKpWGfsRiqqtHDrutEtIPD-5nXw3V~?I? z%Z7v4_1^CDrM=^1{)~ zBWgcIXQwV1OANn{gZ{F^tIER*22#qzV-RokxmK>l9wDre+S4eSf$+?vU?wy#mBp?V z8`^?MTu9fl(CXbHC-rH>=h&~_%#(-a<7G6jH$Dp-&+#{T@(9|C)-fdIZ=Ppl3S%E7 zkXMz32Gf3`aB~vfOqi|BKn~|_CWeD~HQw7KphzjZ33v3HCN`{U^V02D3E_Fu_>Z0h zj&q}4RXFb$t6&X5?J-9JHv>ai2rDl{7q;4Z=-qaM7M40cNGL0t_JJ$62u(XEUnv4AK|z*k3@AlO6qFX{758Q% z@ji=9P$Z;4rA6DQ2O|mbJcp?hcU^XtR`_V5p6aV&T(Q)9Cv5QJP)b>;IJMpN{xhzq zb-q3f_?K4iQh!t zh3hQ}p1PsrT1*b==n0cIy#afkUb9uSzVH8@2{*;go%ZW_M(bD#eldDUQW!fN<=L7C7( z!(fO41mCgTTadBe#xQXF{LlRyp)q$21rUzq!3Q6tw$72GN5X~0(u&@0c&I^O)|REV z2yvYt3&;6E!Gji@t^n20Ov6+0dlZk5tfO%I>}NkWobOKzlh~#3jeq%<@aUu87xLz8 z)v4QaC8W4f$ImE}4Wz@%Zb`f?QshChE9wcfD6k5~fW1x7_KbashWl9aUra&hR3C{Z z@NOk`p$PPIswr(jc+@5rJ@NWV5+4;gwf7Q{1qc@m<;p8Men3ueh@&wv6{<}|NvOpH zWLV7HfWTUyF4~^Mmyxlg^#6gxZV3V~s~bc0)JeTiCh5Pcn9V_@sOV(!OAa|!GsjK> zFO75M)I8dX0f%TI5^N|2QJ~@8Q$HHY+L9JG`O|2qC7z8XD~gB|TQkRICJ{DsGC>`- zD?AuNMK!hCh|1Ye(#PZY0o@~3T4ZR8h+1I@BxP=Ssi*|!9IfbEhOw<5j%g-h4e~cy zEG;{b4F6&f^T1fNQoOlg;Se0TO^h)VzEwP~BqL@=Q7o}v)}dj)czi~|i{Gh0L>0Sa zR46S#HA%%igas=8ji{Lm^`&rb7-xelnnMgWE)nNT)qt_5E`k-$qGF@C336@UBos$O zSXt49Xqd%F(G=bCY@!I+uL_7|Q4y^mt7PHSOSc6Da3+?owu@FP_b~$F$24ufdn9I+ zQu(U?{J)NYkg&U70uGJOa0Top=*e?%C<^&mn6&>1sz(cM5SiA>q7(57# zOn&f_K|%EGN4`xb4-*Q@!LOK~h9_=f@Y<8mNmawp0WaAu92Zr&AO_#5+;Mn6WX-tw zDF{+HLMT{J7&HX$ii0tVtKoaFf(JBuWqE}j6mU-vDhYKHltMsXuq_lL_*08=0Q*P2 zG{d&Qx4}N5z|jH*nLs!`w5#wLK-HMMwVw+@?=837Oy}{%p>TkT2Q4@3Pb0l-w6jp; zfG`Wf@c;S0{~z>Tw9Qa>;k!^Ye&#cup;iyaC46Z3?ti5BqwvA?zypcxp{@4VqmPCU z4(~z40~B4SPrpHh3)E4c{`9Bm+#K7?(4&mnclYy#@T&dQgF zcR*@1A(Lyq&X%-)z-Pieg@Ov#3~H`tp7|jS4k*~rK1)OfhdS;Y5hg>(-V>T1q{xk; z2`yGjiPMJ{lERGp5`(6is`Wi{B<6BYp|~Mgx!Cq68OTzILK^KA!(B1CT0wC}3Blt4 zy(zDW)#TmlqROE*0ku1#M(zyfHfB$m97nOD+Rm&0kOTfa@}`rsjxBgb7u3R8(zA+t zi_qU0w>3yQ9fp;)gx8V>j;_j^+6c)ZtU9q0veS13;h-N`{+pqste&+6ULad)Ot@rE z7rYe{b|sTM3LHE~3yKKo%>JS>!f;O$dDjVAT{p6*l8U zq_szVqE8HFj2T0zK&*U@pR^v?L#Uzs#zJo)1qAPxA{(9L%k?4+Pj+njtSX%#$$$6m z*->f$Q4}^ejNhp(NN&;9bggmS331xnAT%EPyGI3M=j<4y6>hHeOXKC?d$3Sf+mqBs zQaaU3Ib-d-o(SKRpp)iNE&5i_%P<;*7;TRu4S2xPEFu{0p-4hx0j|vzK?y$a!4Hyo z9KIhY2IXW8@BjA0-zFLNhd=xw+F$TzUL*8`)f5+n1jqSI4Hbm=Z~Q?qhw}-p3$6zW zgC9KcL^wbE`vVU=K;Hv&2tkpjhjV=V_)Rjf*CfUM)nEP9@SX2|mmG?LY+=&>>}Nk4 zZoA|5@WS&igoht~IDBUKHzF8-ApP?{|1%X(;Pt5D3I(Tn)a>pi;;4XV%7Y@vh7Aqk zINx+{z_8I}gWBqRwJqF7!co(LWk`Gmf^(l6C^2b+r6PM8zzS~F)1O{2Bk)^ z(^r*+4v3w#DLNYbP_$Cs4-L$-VG!FAa%xQlAMRU1`kGpz0r~<7)V5S9eOzyeo{heu z0h@SF@@m0q%PtkDL74Vj)~HCE0ni zITtKZvZr*?=ZQEJ3pL)?jAp4Nfrs(4a*y$WC;^^6T$r5T73R0kghFPYYy#I7V((=0 z%=hs=WyUA5B4%kVj;_~;ftWc>F^0mZPLMBdAGM~)rRP&~ouULHw@X83X0v3;D)K1`zcJkSr^ESO+5D+(8j+(3uPUC|kGq#d@c3NN26r97S2 zUw?xT^dpMnF@rUqD&#Ipt+w)phC8W!lFR2*DiQ0|P#^f54T& zRlrIHiP{=;32qVm{10#P6h!OVx%U}MVhk}g@C$&cJxnK+g7waXS!6iKp5#d~QjwUYGAq{_Tf zY$Sh%ved*ULsykL;Pu61m?rwcVe;QPK^Yfl?5VNxz+X?uO)Lz?^58hN!W@yoWnw7e zw^AswkBMx$xnbzcjL?{51angQ3}XRWwZvbM{GZNoVS-Fj*!DseOu_l;cAl6V!-U;^ zG;(MsB-&2=TD%oLIU`GZnH+jW(v1J!mc>$#`yAIB3p^M{62fhTNN$x?KoF`_w2_wL zv9nw{afBnTvub9Tz!NKmxYfevu(394YegB6eJd#nwfO2-p@`x>B}rmezneXFoX4VY zCa4O=K_Ijk7qzX$?YAyZ=)E&4bh&|@C5LmX8wJ7TaD`QqCr%ies`LcqPGZ~YM}=_( zt@y1YTPF4(-?fex%HRoNg+mVGk;M%dw^Y{7=Ao>P#D8P{0(wKLvf*dg9u}UR$n*PQ zVbu=fknzk!?WYLP*?5-5tK;xY11Cq6g=__~FvomqIi{vaw=aBQ3dBUwY8Tfa()N

4ltfyCD;c!n_Ee ztfW2ANa!Y%EvSlLe(4qC!@$o4L_K^KP~zTjlkM&8&}vRwP`Yh>Ftp;=iC4c9tNLcf z1LQ);#ayIuKUv*|fyT@PO##Y)78P1ZjTA#Dcrf6ipNn&k!Qcl^{(v6D&wc*0;qIZ} zcaZ3Im1IO~dcWo1$j!(vwd;N#BX<05T>D8WfI@ zm@mWy8G||sjt9T>Al<;f_G`aJZ6<8{fe$=D?J}%njt~2SNHiFCfXDTDFSieNQoOD=42yn={s;KMQP2;mVDbuJj&VZU(y zZ01OYDfm;kS0UxL0f+N-HgT#us6z2HILp39kpTN}z>xZaxj&WTGA>+nKq-o)k?+ei zBGO+c2u||oxN9r>7I8OCOs2uODiDOC=#_SYwl%fT!MzVrL%raHZ4EbMz5(-VVw-~m zgEMFA)GNnaV7(GA81jgpx2X-#9dQnws_{4m!Xh3_%A2gvMxoV+G}))5XJjUSx2a-^ z0$R9a_^vjeLqh-rMab>4WbpuY4@x24u%ehlN`;RWZBdXXpB{=+A=<05$Fgi=B?MqK zTxG==CT||^J-4Pdv`Wdb$)!>oA5B{iK4jCmSuZ6Fv=ehc=G)BqI7G05_ITTOc>?d5 zH^g35jji}AX%!N;Nz_^T41yzyaS3BIIWZ6S7z!LJV3)OR6WS4OTO1jHiyq262is?~>ScUl{&Ip@E4UKS$vK zk}lv|$f`l!MWy`FkA92>8yK~rr32?)pbyVI_v}zGJjAKpA=vjKPJjr~6duZxHdbAz z>_N=^*`NJc+CI=2tPt>kq2Pj?`}~{d$hhm(S6`*U7(c_!jKTquYWy4s3~nS8Z+G5x z_fTX!OqoybfB${d62W=Exx)S`%0iJ2!@eP>>Zu<-Nq!&b7o+e%VMN|61ab4=1(g!c z3nbvT-*FouLpYZxntjDao-2&dUW!G%kU+5MSpsS`aR3d-_Ii(5d20{*0POSV7 zCWUSjf~=EfMQx6nIU!+bXtGY2T5#*Wm>LS#xXdgnb}i>G2eQVX7MI#uX3msw z+oZU`xLnCX1bjfC$e=1-*dMgwfuv`y4BuBke=#0l?4zu! zp@@OOC<+u6WndwNMV@j>u?@@%WH8#bmTd^GO;t$_9eAT+NkT31;eBtudD)6{?6-Pw z5qj4oOF^fCH&(?&y_Sa)T>&ypVRO$Sx1{{IqRzmjZ$h-;r~Ve8$Y_xZ+= z0&6VsP7|{9eOhxXg;p+f$~X&$*`#+sMMVS1aD(W;jEP74yNd28>VTUaCVm(UEPO67 z0c=-%A!_kXz{Gr5a+Q4F6gQ5yHUunr*H9e5;100?nz*a}5g^x65e66Ep{T%(1Zni4 zLx&B1gjxuGG#K>uWb);FmBZvs!HMECBF@(0&w)Yo>tFvm@la5_;5{%ILwn~pe)Bi! zI}r{E1HJo(f(4a35D1v@0qKDO-@pI+ztgdy(D;Xc_y=m|pnyT)rHR#e&=LjsZIJvD zFDS53uz))RuNv$ZoPANm;oQO}2So~8hf!F-aTls5obyZdMS5TnmU+{SH-!J^@Bf~T z1%zG5uOA%tiJ;!$XWxJHQMy+U%>cshH^2GcIc7p)3gDmfz3+UN64mjdwn2<$^yl3| zac%K)Er3w{$JuG$9?2D`~sehm&zHlT&tPb)lzzbytvF z-Ovp z(z2OLu?wG^M};@Rn!?@1B%=mXGWMBbusa;t8#(8g_4&kWVVMlBkuatsAJ-R!N&T z6RK-MdT+exMk;pHUO{EgjnWnrxz%V3;_B_u`JHv(xMhDRRsOJ{;4Urja1Lqzz;!&l zO~Qo>Z=NS-`1$;TDB&0})|LwP=LYf3!uzqXMv;O1I^`N3IdYhe2ZpK`r_c$&bwjI5 z-RE~@%);D&1v~cdw%czfbe=rEq)1W6?3#j1H|%-GHNs+?pLvNfGX7c2gxRX6F=-OT zAvDdQzRufdBDlbmS+&f;)(ZBn;qHaD8(Nfgs4|~Q+vre-TGo}`S=9vUJXOr(!b4lY zQ-X?daOb#fHI|{TQ+{0w3Fn#$oVf&QDm<#en3swFvTFzqZXzlwh6}z;GP_+Xkf=o@ z@;jYK5MT(BspU?I8be85_#TxezO?fa6#)1=ilRGizhfvCE)W{R`Bi&t&L-CW@L<8d z!eLk)MX`UcpFdBZ$Ae0FRKsU6fkIt$L{^K6An4748y;v53MFhG{{|TsMGM}GV8Am& zp@Z+z2^p&%{Qeu?_y$eXKxjVw=}%FjH{6`z8jLm<&>}eIULJ}U^pZ6L3lGT)FFZeN z>lhU+c)*~3+TE?`A^f+0`!_~OV7et-AQU|~2e==Atbz0ma^43&_#sk8?Fqz7{yoD4 zL9U#`O6aL4pQ5`CMcn)Ezn@G8IliGM!##ZNd*A)8822r$4W@;Pzln7fNRYGIwY%a) zTR>A)zDH4d2}5O`18&nc9J^s#NSj?oa3)B;dhHa#)>QG}98`I7aja%5fdFDCTfKqZ}77w<2#*$hdPc5}k#v=9RI2 zCAAi-+L1zMCNAi@-d3!BWvJW`?;@>z{wRc14DGs(&oc6Cqpz(;&977LfI6brj>}+3 zi?!Zj&XY3hfLOFKvrl4VkCo*zlb@v^DEz)APV@MXeEA= ztBVs>Emwv+UW>GuW}~bKhIw=Z1Qv1rGAWd~zW$ zmkQGDOP6LehNF-%VZ$)qZ4CuYCC7r|MisX~%=!+Ir9hIF_Z}hCC~l4%Ic{UUT6EyE z7{~D)$8WqTEcf;b0fRaz*TSJxk2vxS8je9xE>?I3T4dRM;qtD=ZF=KY)m4seaYWm= z21SiR%r|PBZ%?h<8@*Uv@V(f(LW;{7M?Ox|vVTTa zyaw*#wULayW3b!^z4}TtN92J=C>p10zbQ~^6`6Too7H(0u82GjHz@H>jvps}N#{a4 z^^b*l0^tGjA_dbu_uNg1*pEE&-JwFiLgAO#7eX=jB9Ww{+lQI&b(;UoDODw`XEBd1mzRnN1ign=b%{no4@%RDjI->fOmrj z45TzQJj4pWlq>A`O#}`x_VV~3i6>2RE1X`$}7(x+pcsMQ; zIaqn%J5fkMO1~Jc2hKAJm;3I$kBUSfNMz7=@&tYNQ&0VnT7IAV+~){|0=fp-IR3tT ziMOxk1`jf}p{r$$!oWGg-&lo};eKU5-t$&g)B|FOg%vthT=2T!`)o$-z;>C6hgP`^ zQ)D>vY4M7HDvn$+gJkoR514mX9TV=Sq~ZGL`C?`~(M-405_vhqmEgLcYL2m~&yuK= zj1QS|W1RA-)D5-D0goB&3b{QsGVL-EfN)kwb{>M|{zS(e@S%cgZJ+j0gN~R4x@eZ| zXPBPl!~LoaNz8p{1S47*W#w?ur5QnDpN!|^5!kvi|0Z%K zR>hnTv((^JogYO>)=TKCxot<61TG}=6;wB>d$pH|#}OySH&`7ZPTxPSMxtvGr`+PS zcDie?r~R~$cFoomCSxM9zTYhpCOmaYGr<_9LqAuusFGo0KVpG{6Y`Odd?bANOJ5S$ zNgNhs&r}_tlO3gm3q&uKHW31k$^};=N0PO*4@dH$Eoq z&5f<_3%~GrY6YS2&;T~d5W4vkeFhUX$i3j1U|TT9Vt34zq1DKK20%NgcyjF#ax@

ol}4DK))|JHB)mK7WL9Z;ZMaW4j87YNS= z8JOh=1AH&qY)BqgvlFsq4-Y4Lk3LKF_I>|Sp<~5r_9vYya?JGc|3*iwC@! zN)R-2kC#OF62VQyWak5GNn|iw165`bJ!1P1%_Z0-T-A}0hea*5vV?yHI}eO$*v~i5 zpQlCO?C^|?Sg|d%r4A8av?dAqvTAAZhP*$twlIe<1>t2T9JhQe@cp1i(V$W z*F>IYqsq?6z9Fzzjuu;CZ7XVAcc*=%;nSSyvY7D;(pB2@ev3UnhR3&y;9z6F_=~?t z{EgL0Dw=a?NYn8BSZc0C5egM07Osb;;w1S>EwS-nsAM-WTH^E4b z1zX!qSZ24)q)Pn`uMUH2YTLK;KJtZ;s=BVSYO58Ff%<-o(`1!==Z}eD_s*(&tTcY* zSAHe)STyL-vE=7cIK>fpOXc-n{Nfkg3XumibxprUx zpKBYhaT4`Jz7X0g-yI6ni^XbXe6LN(8l#h1=4%?Kc{^+PHr{Yb2b{{arB+DA z@*P&(C7mKu(LRXR*iZgxt#qP~@pBHQ-n27VZcZAX_F^5X0Fc^IXgFyl1qgeNbWSxF z3KU0Eq%{g+%%Q?~kt*+(!@e+?Bs{Ys!xTP_%aXlfc*Re)6j+EYBn(ps$jSMYD3VxN z90|96*z|H1vTBtboXTZ}!EJG57CY^KQ_ax?o!n15=$6V{9 z2E&SaOvhcd?tmFBQz|-_9^RN>rRzG!JsI8W#;cF3^6-LS>y=Q9meT#EuIRz}Es2WI zOc}*rN{R2;Kr+uKRi6yK=9Yg&Ic8zXXfR%#?=rQZ%g<*jczTn_Pvz2jilvYa0+*_V1q|#_IjE+kZ*G$)Z zTp^Rne&p%>-F;~$*lJ0culcoeG5q>HO{0r%2PUA+4uefI50`f845vq@STZzVjr`If zCywY~|CuH}vx4HJana=_<|!4#iXx(|SAw|9n0hK?J&v$?P-X?LG191@{gS?bpNjyl1W3gNm=5}fwf#(4&;Vn$s z^2{qiUJ2DHD}U+zK!btE;yW;*qS)D(ZJ6@KP$l>-4U;NLEy%3N)*l&ghYwS}9VT$% zC{`>Wpv7Mb7VwCl%{!LMC*`yF0>`&wV&xt`XOfneq{f}o;$>=Kp6;ZxY84UO4z{Q?u&y8*#n{iUTA}6>W?J^gTs(eeXz%1q* z1dGO6o~c|E>tdXhc(w4;HssIT-ltEKsfdPk1im!AR!;ALOgvnru<;MizHf^0Eo^OKlA8FA{Ys?O z&rVG`)9(#y+7y%9Tz4*hgmd^4q*eTgpNp%culOz;tgOiO#^#jYKzUdprLez8<``6w z-mmod)5vRLDlTrSX4AR4_h8UI6>RbOr0tB}J+D~3F0U&9$NKp(7de_poKf9!GEOVc zl#_{%pGQH!D3p>W`aXMSnPRI>a z5(2!oPe}DSY>UG`FND42o+y-pk(zD)`rZ%%TY-w7PA{AiRo?VeEU>{}-*$!!^yL3wK{t#kd(hiElTl4qW0kMdz^3Z6)DAA^1dh%NEYJ@%AMPx z_7)Ujl%ofS`jp#@B#7DG%E-p>eOsd1LyMdo+9l_&s&X+y1;i*Qvl8A`Ej9=0vqeR8 zR}pdDM@}eu*2_IuS0hv>1T&%?lXvw`@7%lXza2+Sk*(->IvPph7yHq9c2yy_dwbhX zM)o>am`p`6WLmI{158+?i#6DHGuPcq#uTa2w`1r?ofUm2~aPQ5Z3fD`jxHkay!I{3j zlQ}uLot?P`Y3+cg&~`169r!m8gGO2f%9R6$jph8(I;onlh^!QBP-rZNNvExHRKoE0 z6`&D73N&{~2&B5I)piN-FcPbKs2~#MRHv~rC~o>TEUqlfv=h$dP;n-5=v`1t+Pe>1 z%St$aY<}4i8pHyIrSW&rIzdqZBm(QVRhG?cd zj))j4df-uZ>uuqOPd-KaREt*)1RyM*=K=vJ5=>Y5JCBHWPBt9`8g%8z5kiQ-vC(Hh zQ58C$F5px7gIpvV~*qjnWQ+xnIkT79e?n#0!+=v`Xjko84AS|`OnP`|3HDYq=f zYSNTcV>VQ=%-6pXMVR<98S0kEQM+he;=fZnf!dS{6Mc63v_EiBqBwDF%W8eZ!_{90 z1Pz1Jzr&Z!VL+=^<$0#`5!q>9wwq* zNW}DAG>KQ%x}iyB77QiQh%i%Z^w|OclLLwwOq#HKfEYm?&O1q(?kut(tM_uMc5VNT zm1`LY=SI<^%q>JNQ!P^K%Dh%s@*6TADk-w4=oIt{DRObN;4T1<;H<}5BKjF@czfZ~wp z;;^q!cEV-2HBvSUQdk*!l8DCS!KS%jWSn{fN5?=|G3*04Gq~O;WV8@dGg}bHaoqS` z$>HGV>FBOwxn+%aqsrh5@9MDi1?0RE&BMVWBRT$z0}cG;7B{HntT zzD3^yQz&EnJdTkW&z3lbse9Puq3fb(%jDba#B3^$l$nT(4&&IQ@#RUGFC)-2 zd%&~=-4o|V!gVpggSVojULB+tf^Z~>7f^K&664|T5(ILu5*H1$lJA(H+Boz9d>G15 zqkOm>>VsxEyTm6*iwZFkH{N&?t>}RwKqU#AhWqb-zxhQmhofU8%8}g3Ozi;z+@Yfd9rA@D4|-G%TnMWeeKn7`yF>$;4@x(;yngr=E)0O*H~a2eYA1!a zf^e=Q->m!nMD4WFjk@M~Wf=5l_g*LMsfoynsn(w?^RW6{X99=&1ws64bpB( z2Jwq8icB0Df@!=6pOS7Ib0KLu?~;&mWP?h))mvziJLqjA={)wvv+?hyqR5KXlFOth zkRmXe=Tr$NY9TGCLzEYniba9l7gbg+j$0F~-cdrTaD{4am2n%hGM-X)J+CZNOeOHF zgsZ6Sqerg@Ste0S_;O^_O#zU%uYars&hP*J?^E&e$AA3ClfVDk*S;2h z`?r7lJ%~_kg=XUu6E}Ul%Fp68R51HhF6kP+W51uRL!{DVA$L8XX}LubGPfqI1_0_% zj8;bI%K@~K_6GTCjl}YMgnldp-tR282)}J452~{Xi1U4d5qK-%p(WuMY)C6mgAzH6 zSBbP$oz+w-n}yE`6jDHnRIYBwm9(gu;X7`<^)^BQ8re_ewV^eluF93HzJU_d^)AH? zXprbOAtQ$fomeh6%-@F8G33I_tu>$^i@hbaOVlNMCP9?r@Yb=6qZ65YkqxG8Js~b5 z>!~x9lNuKW`D zR8XyK59j*axwFL4IeFrwxZ$&7{f##rC!<&tsO0M=rhu1;WPOpO(H3SVE|<>lN~+HC`JQ!Tv0O2FRqH{4 z^B#Qdhu+|Yr11Cdt2(#=e)0{fke6wxOeXGA(Q}W{DQqyv$3B}bYN1o*;6cm5Nj{o@ zA$x_{n^_XRK!(~)k(4^;aTE;+F*HdASIB<5K1%jgWyX5CN~Sbvv?glt;gS7HA)_7m zHwdkyu9>l)&E+dQ7J;Iq-Ok)?QdO+QC_wYNOB)(%V|%dXUNd7;v#)1$~CmxmXgh7 zY9lcXB`>r(+PxA+ifVHm4im92qhR5X`c>d_2W`ZhvrLuv3iP9M(}Drtpa937&#l3t#&qRj8_*mza%b$eet zm@R%HFPQM5ZH2#aVG!GZH1YB8@pJqh{~rI|{~P~}pW*dKfAmN6Z+ssAz3%(<^LWpn z|M{O2>f`qXpU0{UKf~|zg_s5WTYrc5YYWc*9>2qT&<-2#FMg(<|Kuk>S^Vzc^UL^Ulc!(MkXkzXfmuF&9qZF23j~_pkD4RtX%+;HTaOULZajhrOupU zmrx(!{atI{Pm*0F^$O>MlvrC^Bm-81H+*L+D_*E+jvYBl91IXqNj40(@Ja~ELWIR} z0RbQs;N(eCbU|qZgyZxXb}irC*`=a@V_+6U(giB8BuDkmxH?N&)h|WzOsEl(ym$F{ zEpc2V!GdNvbf6Pv_6Q$$5b1 z&$I86`2A3D^WHAqZwvB5Vl@8!tZf2e)-E^E`E=n`Jw_p!wVT)*d7oZ z{P()=*UzK4z`o%9_%8g7g5)p$;xEEq{^ehWKl`&kqXI^Y80-f=gWuu(NJPiJ12xiu z>F@sT@50~y?cdUSP(1nX!|$;zY*#;z@6*p8yxv0~jwxZ-n?;SyRC*l4IPfpC2edF! z0%a)OIaxW{xE&L7BLF{6B^Xah(zr9N~G=~dw|N^jVn=Cp#?>gS?%(k zgg9#Mw6Q9V+oZudp%(d2N!lJpuE~=9sIIt~3#8EyC?X;uWu0a7AqJrmYyS%uFHjN3 zGWR|D!#PqC#B1uT%5tGLHrPu>?+-J|L)&h9o5{|JTRVq`@7g|enE5|Knr*}dn$HdM zYfwziDK?_9@Md+q$Imv0;)vwbupE$+q8Wy&cEfq#qIW~g@)#jPab|7FhGp2w&na3a zA@g1KqljqX7}nTTREliH$~a`%37D-DHpq`>ZjmIkpDo)B>}_;nQpC zcwj{m`PRUFS0YyKyz4I78dku_VDd!PLPj;^D`4= z&T_dZ&R-=C$AoMNN~MJ5K5fw?Hm6C95gD4;;qF{Xv;irp!pg*;Q4Z`Y6UpFDTNrBK z)_1)GnMUD)Etc#>Gn)2|Yt{Igp)7T8P>XM8PwsMEQ!Y8(fx8oH#*+ zB)6DaRcqc5Bvj%7I3ja|AvgrW(*j5$0w){3}c&7{r9s!O}(IR;mBaBJAbHM#fFvpp*4 z{Jp!Mxo(lV9!eh1L4osQetC`z3WM>>lYsGi6atSt^2k*SoFC<-#mc(<8y8S0v{3W_ z$r-oGe9?lJ-(N+UfEeMAzOKd@I(S`=9V&;)q*d9yIkkq>LCY9A(I*VAj#c^RaWx%z zvr8jmvlN{vy#UdZHbNS5+w*W#yUig0d>iue`%bHk|fYlFJL56AN|m0ieWSApM2}75x(2J}0rf&gG zUd=f9)Z{i$zLqO;h7t0qHjZBPl|s3{UPTy3=ihHKs|3rv&LO~S7B;C2(p^chr)P2W zZ}&X*>DoQorjVVLvw9Vx@j-!e@G4$FV^H9rh*71MZ?9b|Vl;l;efQl5C-*({(%c*7 zA~ddm$!^gY_tay?ty7JBs%VJMq|!--diZ@W2vO%Fh>1gh$qO6}-72+&WC9>w%kV$- zih+WQltLg`N*JcbJZK)(9)(Hn5GMmGu|0*OC(*ibT*G34b8G~a&taUaAF3c5YI-5 zIGBeykcr{Du{wwPh)^z>@hR>gcv5CE;%M9DmBK<`%WUFI~PQe3L7rMnfwJ#RslE&N=qw*s&YJ z{P3_}&+mpar_aziLhct{8=~5J_0?Bw;s>_}@eGJ@z~@PsC+HR%;|1bS!TB0FSe(U` zER2&=!^`koHE;}q=45llWGzG`o-@~}nl310d+Kvj%XUH52g*chIzf`ib(=UuOX4_P z8a{`J4WKbN4jiKv;_R5+O2kDnbgUI#*kMTjf#OJp6}1D!f2V6>QC*PCUyU@oZla5= z3m_rHyZh4$=2c^4b55Ajs9NyzglXkLf%8-H0vh5A0sQ+9{@@QL-|P7}@Af{SxOwK8 zXAE)i+!;lJfYj)|D{A9WA)r$pH9A0W-kazR4>n<+^mXs1s;l>@WmhUz!=6`?R^E}n zTU9tw+X6uxSA&oov2%4I`+Qq{3O_>qNt_IcCZ5IKo~2o{ytko=+hp+}nZa97J&wPFfq(3PDj^R2_myD*&MGpv+i8^(Ow60MkOkn0f=vdeF!=HwGXQyj$=eD zBTLB)=UCP*9y1coNUgZp+>}R(=umsDX>1$4qzf@(#oiF*4+l+Q8Aw0QGZx-W&U#Xf_N*^%4qYTwDzc&M1t-$sF%%Wi%*?r#Ql| z@~?XnIP5=G9gvKFLNBy%wB@4+i53kg2EbX-;=s3iejG)Q?iaq>^J~ybLkkQ0i$Vy0 zJi3GZ#xZzOG72ClsiuzM;B{SBIYrwk58^qJK#8;ZC$~6aF`0X#JNg%#Rb_$%QUSyO zD{;!}Y8;7~2&yweHrU85u-XZEQ@cClSAx~O4%{s%nOaNZ)M}|Mgju0{de;ZZr0A*le?k4%=9KY!} zod=)|cs`yR780+#@-p)ukZ%Q)M<$mjMH;vtnir(47;*si90x4~{A3}=Xs^ zx@;dlL_C^};SW?&N96sq{q0TqZy-TXENP)ZgkN!@CRNa-i-a~2aTaPb@q95p2SQkz znIT7-T8`rbzXsPE_rROy&e6Z|KEzG{v3hB^#%Ir-7KuA^uyD_S1GFn@J$wm{0R;l0 zAvldb(0ys#CE++(7MBY#g|mE|2${B+1fW{WrHg*Zsr6GS@HiGtbVp&0>jNH_lE!sk zmXc{k_c)yk;Vo@!%5%sCal2&I7?H$tuJs_F!AF;qEJw^6<%ly;b$td z2Jv^?0s@&A67F~M1=Ixv42l|+h%4zBoE*GB6vp@CJt$HD)!G5@17?1Dg-a8vFJXiX5jR)5-A#vaC4=KLT#YAa9B+b9?PAJ-c%$ zb^6T+xK3(AlBRrK>+Fhx4A)r+hRaZlQRI#KI{~#@s%!^5)*2)R#mZzmE zHFv#Ov6c!?n6~YV@Ld&NG3wKkkv2UBRhOky-ixN*Qk7iI?#21o8GUNV`M5Xl9`)l< zwU;KDD=#aG)j;$Jr6bi_fuGXI>!!F33b*a5iqrS}#B*jmr<4&+MQ5ssXTl?P=9(>k z%3`Zv(^>nC{v_tm8M0bFmSNf)wR|pua{v!c9qGNY@-eKAF_kz{R}u>mV58Y;w*4jZ*~^r-W;cW+f9&lnJ;t2jZ3{wTe)XTBe93(pl*J1wQPp{f;~FtIJHjxkY#Bf>7cd>()b;HZ## z4Fmuw+;AlZ-vjC-WLMpF=bglt*gAAX!X<-9!u_OM7sosoBx$*14;5;;)q2kQ%=M74 zPdeWn6Rs&8efT+Cd9lw>+K~ILz-P6fAK-aF!Gu)qBS()C9|v3}nexbTV+Q)D%Gl6;J0g2Hvu&o}D&E3VR-bWSlQQb6KfQt5aQlfIf#<~Qj3 zcO|7_E@kcm>~{Q&eZFaLXMn*FN)65x)2t&i@Si zmTJ0pGa){e3yFgQ=cntn-{h~#s{PQGck8v^w$VEK`q#g1MG#s~c>nk~-p&0xc>Uzt zQ)8V)9LXBW$c9v|07nCUm|TaABsOl4*FeGS#WP<0CY!u^x8hYq1H*ppGk8K8xy<%C z2>^RQguh!P>BXuz`BiOpKaS4)umIju61Uzex0ib6bdV1Tp<5ZzO2MmLM)^NZ!IIOb z)7sT^!Q+Ubkm4IxsLy-`b0iW8cjbJI>Vh!t+5__5PI*wVS|NaXKE?QF8V_MB|Kdnu z`CT%3dj3Z8h@mFeyLKrTNu8dE(v;GjC-t7OWbHnm@bNuh>YzB{O{Gk-SHx-ZzMk&* z2LFk5-Y_XTbzO9UmJI0xuNX@s9~yH6*5_n}%vI_Drv?%8bN2R zK#C6S8lgGjj$FyT1vm6uP=$j6=iv3uz0iV!nV&i<18F+&xB35Xr4wD?<%;1MI1Dj} zEqpgZW>OCSTN&h$oINKMQ7@`&!kJ)0KpZa+8+;G;t=_FkZ3FI2B?to0 zge${m(27EVb;AuehBw|gP49p6&2!<0KYW_9k4~OA5pKQp7DkmsD$Th+X-x}HCTkr3 zFh_ttQTJl(R^{u$Dl$KDN%2y1I}T2}ICsQL(TpyjFbz8g-#9F^&YwTe8Bj-$5+4fu z6!MChZ_sw}GpKcdd@Yx)AsfNs213{%1zHGKhVuXvhseB(PLjqsV+*Jjz8CwUMKc@u zwN{J~M`U;(nJjK?QQ-kp37@t54lPEs|AwFS;;7EZ1h*vdJG_tt4?YmK2}fV>R_ZF6 zpHtiJ5$6S*6zn&yb4P_QoPjyH8~hwAsH|0(gJZS*SGkFt>VuFZ1|m!#8*w$qDfOl- zR43nAH!E_Q_*n^3&~f{bV@w>nYNTORGgcO}5nPl>9jg_@R(*PU*BTAJ9Tiw~kObWs zoAsILrt`;HahM3@zqJ6X>7Gb7cI>fT@>N4O4+@;0!0TF*P=6XtUwuht*p*rBYGpHU$dufJ~-+ z%c>Y;sqH{*j-JB=htFej11Dos%-t~PlePVY3q$d9N%%1_e-C&%izUm?MRGe65;YTH z7YwTp6F2_dNhAXYMjkR%5?Ur_&zudfzxFz{*3b^~Cr7iak|=xnRC<{(-v#d*jtzy8 zM4T&{q!Q$nFis^VcS3S)TgSo4{Dv8kat~1<1L828h80G_@#37}dNmUKxfE5H5}}*a zm~@!hL?O4GDBMzJH*(n(LNygFm3qEZBczGjNfvFv5o8erX zzj%>3EL+>mcW625hdp2pQ*PD8%aV+4H;E^Wa+sS8OsG*_5*Rza|q-_i#<%-P%3ev`O+pKE!-&RQdaoz?}_5f9AY#s z63{8l+rouKh7)l_P{bkIC}|68I2Vi7Vgs=KD153|Ey+)(?J_#1=Z(B?hC&lQG!zR# z>FRrumR%Xadr9fxwfW~PDSlv=+8c!2;rQb_r`Z#;bvSIg)~x`-_(oqwYh~mUfNv3 zM{%uyz@@O6&jEsS@H%)Myxt)MGPjsgRJBwRKMgma#XKak zhfMbLP=tXdzd|jPc@vdzRusu-VpBNN_KujW#8kDcS0e5rg(5eo6H;^^D|4u&7D&s* z8d_D5H1F+lNaiJrY4Gheo}4LFTiP8ai615lkaE>a2gn4-$@DWw!G*kgBZ49K_UQ8{ zFc39>phWeZL6Js?LGKkiIeUi`U~O-HFk0xOsC<@S$J>jM9}$RwY$@@(XJ45;3CUDn z7%FJQE5#HpQV7oG9JZ(`sZNw?oillBC0#tHi04iWx0^asFDYS_QLcrV0cysXMlPU8 zZ6*2JvWV)+I6{p?4)~UdZUe>Ng2>)@f1vB4A*a0%p*6p%S1*{Z7qm%zhms|WTX<`s zcoV}um&;U1BDaxp!>aF#akxCXMrBeduU3=4%C#WvS;4(N6gdkq{hLc03-?+h#aNQy zQ<7iKVgk^Klc0OFPWmJYtA^fBY0Sg#!KuK& zety_KxH*^z4;^A9&K~)Nw8YsUPR+1Qq-taPNT|kl0CfU?2f0c>Yw%t|X@;NS0O2Kq zRrZM!C+Yj}bGRqNHF!Q}hhX@_Y|`=U%7oifBD9{DUW$#XTI7r=L&+*zL3>X+d?yus z!+9Y$ByOv-F<-k%>>7g=F!Y%uT%tZ1@w*rQBoyZDP&mR+Qj2@sx9}s< z3^O2LxGtKDhSnRkOA$u8$tV)8*S3V7f`c`a%(YgEJ94J(odKWc7Wq0SMA!0)=GL5? zXOnN$MG5O=Zdfl$E)>1P+2}aLx0xk64pp{YOXR~rfphRWcpbdnI*JoUc`)W{Gj?Q& z1r$FnW#Tws$ggN^<(J!C#Ro@4PBvUCbC%SfMFTf|@TL}7oeZj~)ClVA+IAT=@Mda# zC$74^DL@RRXgitELV;4y`8(h~@sptTggIEU}ox)Dob#@6fBQ>D$^`%4yabr%~QH zRaLo!^2*vaO5oK(AbZ;I{#LO}w^w8@if>QRR#6Fa#gp!oi?6ndreK8Z6QuqxeaOy1 z<+WOUDoST>^9>3Z_Ea2GvKT64N;l3*$I*Nhak=Tu)JOY-}#AwP8@Y8u20F*&y>^ zaRXYUP;mru@bJG4$vMJ=OlqcH5Gq-H>T!Xqfgu?FHPjXuR`%SYY8e#*$rzq9XmyDa z46r--s%)@>@UHMzkOIvuklK_$Xv^f5%F?`hh|F7cML`&B0_6e%-=Xb9oKKL3Z-Sfh zaQ?t+F@GE>>S}HG2r@CFwCpIU@f_QrypyJC#9xLb?#h`#n*=^NN_Jkz@z2B$2P&!T zbX}S3z7paq5Ht|DcaZSCu}SX7b(J%bQexgyEL@zEwP3h#Sy~iERW;^SL+wPMXbrbI zHYrbw-J_xM>NYz<>C~xuAp~)M{8Yg9odtW=RVMFhk*qVX`T$iim{h%2ZyH|_r8FVc zPU}||-T~ML$qJ&wWaJ!fsRczPCXQ7VCuR1@sU59_95v9jA{9U<#c^JolmSw@xEP0U zTJ*xm^Qup36q)QCj#I;vv@k;m#<^kgdAGXQIw)`sUI(v(*E><<=qk;)zJ^TDl2^*i~BB8d)k;6Wf zPs6+(oD&2WvHs(mLgsjbeW~zX7J~~C1oT_@BiLO-?=TBR$5g3 zgoL~p71Frisfyyzjt}1#IdB(3uc~hIcdd0mKPYexUI(v(*N^(bDwuMaHfUlZa;UCE zox7eR$;o@Z`$x}25r+e5>bgqS;%zBeMf7AkfE-(cAXw4 zuJ4u<53Hz41xJUuFi|GrNL(6LJ#j$-0&s0_8jqM&Ye3;$}=3t zO&d2+@poBr$2e0g&}UJ^fs=)ziugV|J2WYRi-H%vcbf{#1u3`|i`EJ)E;uifk`5dx zB$?y9YTgy@yXD4`+lwf2`!qS(f(YK!iLT>PLPmpRTrr1bDA-fI(%MR+A|{4pe6`%> zk-$(1Bt=0>#qh9y4Y9FuA+QvrvvGM+8Xns!5+e7I0z;Ka$n$X#l9L!oRL+p1nR%aj zD_qQ_oPtidn5!KjT=%bwNnDSo3_%5vt@@n$kfL}-^*>IMar)6m%&UGrzQyl}Z*!mC z1GCV<>)`dS+*z&<@03!p%DGHl7OSgRb*suJJsB+5~87cU|`V2MB;95_~LY- zE1q&~v!HF1l|9&}WIPWov@|+GU%h1*3Bfj`0ujl@S+FGSMY}AVUO`Gl>&f^V&IveL zJAw}!;ekXBMdSg35Mi}X1yM9-U7bLxsw=oFy(FXiV^oD2g=nVA1#SjIag>k^A~PoQ zj?D8G;`6c$%XVh1IQ>jcM(>MECq;lt(x|i@(dx4_@i5|iWa2IOGIlPhP-fFVB|k5P z&xGIY?J{AT0yHJ{U5{I%K%(Ql90ZmFdgpH)$qS?+{asG6_DxJOxw4c{Ihl8VAdY z^Up)+?yb*FG#B$^gz_A_5`s?)SDzegvBJ5Fb%97F=V!$Z<6$-1OP@{GvR0obpW^;w zDsbYD>GSbj+NX3ddmX$EUf1w~(Y7K}+P1|hv_ z*r6gE9->zF)kY?3TB(!kE}P7$*_*CPYjL@SN{F3pd*cgmOQN@;3G(oU+A_m-=EMG~ zJX)d^yuSyNk(rahJdI(p?6~N{M997*Ih0aY+$!s3dAYP#n%W9JtnStLtd{gAvmW%J#Y=%EvVKu zjBiB9P}dm=neMOX zKY@Qk-a*TyccQn*+$FNur~yI`SZf%!_lq*8AqN-R$!va=vKu^u5#1(pyke~Jnc zDd=_gH3yE0lWrBMp)$u2^UK(ggqz#km%ATVi>mGR!jrFjJzU&*ZB5ybiq&7H5(dYu zj$TAjbmqO8d%S9SQhryM1ijQLGa6^>=Is~5@y*l21!#>eKI(Fg0mHTLDStQq{kqRz z{m53|lYgGK2RQI}m>>Gj!(i~CeYcygQUa!HC>7IN_+7fDZL#BMTw~yr-okgqANg#q zem=d8^YETTag0|G#KAT9>MfVap&!X{5q#Qka!#K!|1s;#N?T z*3qa+?~=rQ3u}|rk~Cfy3EUxvt6EDC-@7D^%Pc4Rm*aih;*4zTowi}a(xfnzd!;}4t39ZRxTXnsmApYLh zdrb+rW2IkJDJ+?95&J{OUKN9fC6!-geoHR9%V(?wlVnGECiosB9+#YhKBbkSLVHrl znMaNb2XjGoDd>8%{#nw61Z8=J60y>Iii_c{*tRDodxCLccxY+loy(zmmkS(x;hBri zhbLbCe^<(nRq9|`TcV^jzf1cxsNz*7z_e1*q{)3mDS7wCKZbVivK$j2=5FHT`DE1O ze%8N5Bq{Clo^+Lxz?X+pTj1Znae615KL4MbN+K3;pTDvEgrozHcbXl;g$2vqO;#SN zo-}qE-8WO2D;R9goH-qCzx_@cm{uOLtK5s@{aW|;6b!mD`HrNHVYF&q$y$-g420Kv z@4eR&lHZH3P9`z+zrky!lbk3_+GS~<-;X>n*wiZ+DiR!#QcVFno>L9#x9y0Lo+2L# zkt>p8=5H8uyKZ!?D&~b$wIN20a73Dh_p#Mhn;O=kWw9}*$&VFUfmX`3t!AYKhI5cA zDd>`uF~@RMZmWDgIE|XnRj_g{tZ;MkT}$VVIZ(1D5^Pi4k0AIWv=_&Q$s8U%op3A~ zA{^gD&l}ogI1VLB>nfgHq`Qo;U>n*_qJl_@k%f?;@p-h7fSgh5Vp-X>;OGD@7R>WS z)opU$cytHn0#49}j~wNFL=rZ9S%d&g1mR{TlPW9ijOQiyBT%v#A!0My*D7*87G-F` zt@#Y^e-wpO5~6Y@Pxpq_St__(kJ>m|<>XEK(C0{pW>%RELFU&?4csHixqB1tfjUmi zj!N?HSWRg8Pllw_Lc~te>g%LHPleQbOhmTUq!#HxvZ_q#F0+spMX8^d!%9MNFAnBK z3!C^n{YogPkG7ba4U-hj-13d@UV+1ba9y~(dww{8VX&#@;li24P%or+d?`DRPF0%04V{#Q=k>_Bz>1~N+`VWe!C5u8{`|#rYIETaT}N@brGkaXpxGim24@ba zWK{|*9YK`kn2O_LjV;r9^2&ERehMT-Y5R9f|8T-*4PgiZGb3$-bCC zg1`*4VgK-ut_Rw7FbTwKaUV5*ixHyHNYMCw5WiJvhcA4O2)m26gM2<^CP_QUOfVhF zk1>$4wXTNbH&wCW;Ltdh9Iw_$uNEX|Kkdcpx1(N5H1=|_EUn48JtukQKu6Z&<7kn} zUm6{UE3B+{BQs3@4`=ibYgN^ z^rC}=*2UOElj4UEyLzG2-l~`L8F9>tfVj9v3urS`lPzDJ$7a`4uLT|~IA~(>QZ9#w zZ(lV|)`~F?cSg4(S_8-$RHi$&W(;;FbImmn(-~A)10^*L-o;6zYtz*ozI4j zwd|ahg(Ny`Msr==2&X6RVslNn&|#O@Q5N%QVy+6F%R#(Yh`&@=nH5}{jU>;4U{dxJ zih|8(&bfM?dnmL9&Le{RETbFyrkYY!3=~`HN~;AIeg~)yT!3+mr?RNw0`a2GXa@0Z z_V(zRM8;Pnj>|s%K@kGQ6bcV*+o1J@KX|=f-z4qGqC{YkQiDT+NFhmut9mz37d`Bac}{b~Go7uod!e~D{busTlt>r!Lx7n})Us_h|y z$7*;gMJ>oUQUzaj>bKU2Pzr1r|D$BJ`6Vo_*^PH=U5v$wxadq3J-OPG)E8U&F59ZN z@+)pr-5~7Y4f@~|k#yS0=J`Pw2YTpS9L@QJjuM((-r{?1z{K;n>1!2}d!v;DkZ-X{ z;HCTayh9l-&&Pt^@@Vyhzu9HwiqD66d|YL}#Xt=+?=laCc{jzf^#=dCphdq~y)PElz0n_b$-ZqF+lL}yk25wfvg)1MUy^7k!CAz>2M z5bX1bkh|HKr;IGcZc(bX^VRTv|>V5(mYZ znNfHmB-K&~?Su?HO3}|bO6*6I#F`(d2K}xCE}lr71dbi8sv4%qWN^sR5ovJ!+BG6c zKYH{?OdEsv;7BOx!1-9%EGg1~zflC>_mQoI&sU!q6k3R!!0RW;bea&MFdqvzKiX;| zgkb&*phmjzQbPG@B(p!x^O}fsjA#rLF(3;oN`zy^W&)|~EJwd0Mah=XC!iK8-^aOd zpsITE4B_h4t8}bd;AjNH@zD{TpK^dEiNjDun-(~Jqg2tEVqvT$Cv&tmQ<+el>+q{K zu|03a#UmJRD_M+#w*IJvil~ds=p$JyBz+A_+UqlB>{myKUlRR83^jVCtnVm$KwCFF zT0~_rM^qIx;h4%n@6n(?CYT_Kjml?xbG7V-rNOunxQljQg}Y8KUhmM%(OqUbY8ycDq~HtGpB zXiW5^&FmJi(s6a7{j7&jRlQ>ibQ#uLagNyPkKaSI$*FC=1;CB%!Y1R>L|fRIzj5X& z3nn15<83kD87*dmI0~yT%67*lalsLev#2pxc`=EKf)0XORVeP!rYPd#s<61@cS?;c z%BfNzaZSa>A_krb);XHY{l+E~_q;`Gzf4gTBh|LQ=tS-wR64FHi!3YkGMdGNV<0A+ z-pvRJ3J;PUNs7&!cGGzUE*^TG>Yz-WiUbwcL^WOb$$V=o}DwVadEnJEW{PkuXZC! ztZ@>$k<ZrvH~Glr1nCJI(bCxn)NehzW--}aB+K&i&7B4$7%TwF^3hdF}0Fe4Oy=Q`%Lv=7QsVECWfozoJRV%?=W52NbHp_WT zpWcI@FO-t>&y!5V^tW;@TruQ}pXMApJFdi>^WVQcT|cC>ywEw7l$HNtM(f8;L@9= zpvWbfn{w-@>>zL9{jjjgwResDtOf5tB;<7%KD1dnZd@c$JWVT4J&v!09zhjCa;R#w zl8dE+o7aqZvd}zZq|abTCkWJ8jzJ3yntKy3&S>p$Bm%1w?YT_R+7g4HNZQ`u_E0us zL;u_;c{@o~kuGZ5N+YWP{a=iYx=K-y+Fsn5*;6o;k#Wzok&Y?XuiBTbupi8d5 zQzXS*4e6w4R0%t^;smK9<3<@r8o_Yw#sz+_`QPx>88=QvB%=qvi(@#GpjEH_^6QG8 zEBKDnN?S!Y-Ih`2d6=aWVniFhG&iBhX{Hz%E9#Y`Sx*|HKva{3W9zM(K`ycUS;&O0mK-Nsaew~bxJlW>ipceA!9Q%@U_XI z`e!kM7HD%(N@-NtZ>B}HLP*i-28bi|#jjAK1*8O>v{g9bzjXSLoX-m5S$#bi5BgDVETZvGu{>$(s=cx+ZR7Yqq5Jpg3Y? zY&l8iEzX*#>mNcr=E=1Y>S9!{jVcHw#^sU%>pNqA)J=&@n zI<^?Dv@Nv|Pu=t1hZI^!WYX_vx09F8i5w9yWOaVd71nfX)T!T?RdA4Ng9{kIbZSzS!Y)mMH_oJM)3ybQkQnDjxU#r%NAy1Ya%RyHiXI_toY13CBPL>~(rD!%>iyOQ7q8ig5{`<$qa)%X>Aa=Ibjev1Rb!1L z5VO3&N%~{x4EWsU+~y1CX=I$o(mh8V$wn;``nGUvq~LXp;<>Lh8{pbrN=E1oeITmm zSGsme6O(I^3V9JD(b7VSd0atBn29=p`x{rpPNk!BL`OWZS*4Sqedg6GS2)%{2+LaVqa}pbpGub3ty^zVOaTbKkLRD^1o!s$i0lg`78?XUXV>Dy z`As-3MO!c?D9%HOx+prJ(9*Gk&&2QJLSDLfaem*IA#S2^bFSaGLC5jz87s8VYJ*AP z+qd4PpX1sf=HlA5Yjj@V9pST8Z3P|>&aV((x+cPP^^(lx3?J$X!(CoQ_vZRQMZmiC$zM%^Y?H=etd zxn-pLx@*SdC>*R|oGK|_TEFCXgcc+u{&PXN-44W^Qu47zisTW7*-B4}ZBn~pbA z;FNWeOc9eL-+u4|Ksg+*V?eK=A!{6`QqJd`#5L7TDcu5F8i{vYd4Df2E*;S}oU_v} zU3(`sJ_S{& zAm|HT-zN1WzQ)}*4T5|KG9u7Awb2zNrX=aP_#idcB;1!oVVi2cQ#x{-qP@ zID;TDOhVq1%q$mUu$gRLWXIxUftUE4OP4NE(e(7mQ_krEVOo$qJg->%z=hFkLB)u) zkErm%?>>D>??FnjJ*FC{3o+&d6lRkUp3mkYiJ~ixj_Ek@9=IQ9m2uj73WxL0fbsxI z+KsHVQtpc0%Vx7F8(y8qRV-0N<j1fJag4^Pt9h7Of$O8w%BF znrb^qxuxL(BM-Ngj`I>1T$zPgU3YwIh(hU#n;3m|NbSMeu5uizBd3zORFx94LHnls z>Cg;A6JmHJs^A~M#c>;Xt%vF>;uI~(nJa&ln{s{(KMXw4PNtW(U3Xkskb8GlyKXB? zYikX5#aO>HQj@e2N^`GkAY7^(2$^iNbM`D{tYqe1^1o6zm(ucf$_g?0o8G00Hqm$@ zZojF?wJqDt7G{7)lXJ0b9$WOIS~ZAdyBR-flh5Nul`h69aMti4RW3o0MPSf7I|go9 z;yIcpZH{1|r&q?WE2wCKE~WtUQrOxC4ZP#*_-sCUL6M zX?e&}XEEoTf5yA&+V;Uh^46`l2xXu)jy$iFPEN(ai}~4oN~Br@gN|u188s`RMnNmi zh}`?^*)v*XHhcS2$kgO`Ubt$4_bDwz@-$M~K47}lls%k^TW{`3x<2xyjX>yWrE=ps!mZ^E(WRA@Cb08jZ zXc2!=zG-pf1u|LqN=rnc7Cc$TC;Jqg^0kPq^@XCAilR>Bc05^eqis4W$jFLevZ9n^ z{7?!G$vO^1Bo3-h^mBBS*Ay#;&$hux(hT;DbdR8vI}>6tXNhg+u@}gt`pk0a2I2TH zegt%j9aBpDa+PQ>QRAkjwQZF6O5ZtT8=}<*&xfG(oUia$Kn;Du19bdW_z)N z6}$IJaT&DWi?7@f9<^##+jrgRB&mKOH`QIK_V&%#%niClVHM+R_)4wI@T)_uC}W-QB{aJ2vft(k(8865%~|E>Rg#4q;dzaf8Un zt6^Rdo3zRu3`(4qsD#)}j5^-^Jl0z`)f zM{Uz6(v081uK4-WXW`2)za+E+>YyU+LXsE9eR^LkHcuWu4R`L|rIrxT4Dfq6lW9kV z4~ilbQYao!tY}OH&<_+#R?4bddJ2q66S~hiQ#fKMK)jv%9*qHd8 zjc0^w$m#A(*ru>lF)s6=49L7w4u;@3G~g(Ni3>NI#=g`5mET zQ)wmSA0z!tGXxb+T!bWhtb8nhvbo#R2@`9Yw4~#(deuKW2tSO-df(yYlXv7U0h4k zF3C;>qLM$AS*p_}z5pq6^}01?IrT3o?RICXlPT}a%R(iewm65l%E4I_YAZ;HCwb}d z5;>8`x`B!t95;4V@Q+|w@MP^NOtM*w(dK$R4CuK_>#cO;%Dx>Io8-CJAOS5$NhS%; zyXm?@v9zr?ot((>d^lkqg>&mHQf&5|CQ>g5qT^ev74ofIqT&nAZ#se_vhQI08mC~Q znaVwStwx7#67vRV`XrJ`Th&< zsSyE_$lM7^PhyYncA}$hK4=#$$0v@$h7O6XKD)O@OQ)WwaDvz|R|2UOIH_&ba^#@# z6?hzTk+Pk()h~$VKn{4sLVW+heL^@Wo?+hg9*aY<6G*E#zb#6qZ2XUxa}jds;su+FNOU4!@;8a@bTkt z_1ZPt0-cQ$ObLN(0i^+o@b;}+G`HbBP+VcGkiIsicFM6wpPFTvTwfN#e$^YI-QMD&Vh=&q* zhu?u^xLU;HTxqZgB622#y(p>>?fn9tAN(<%cZ13bxwmVpSgTJaPPQd4<~BNrfftG~ z_(!mMijgTyjDWK#y;&S64~9eTy$(ySf>qRRh0y(~vEz5k-gTKx1uH4lLIF3U$x7*7 zDB>iltLn1rpj@`7bIksA9~>f2+JgP9U>LJafNo%NRZc3gTX|H9=CE@uhwMdDpv1K# z6KT0db4b;-BRQM*^;T?XGkt_-FID$#yMBl3x5~Dp(6pU*m-q8%bCn#8sF7NP_t| zTI-F&HU}dD8*vr|)tIaIjN`iSrfl0#1t?c*9ILanZDNa9N=zp8_fGF#Fn*{a(-*8j}0&mi&VRM z-*~6Fvq>UK&>I$8z^NB6924AqH180IfTqN+iF?h|hdezqb16*1NqXkWzp+BaOeWhR z!CH4c@j5JXrSzBbF1rvl?wx`Nh+Pg4r{lT6A=20UOZQ&fqlpqZHrPc*F$1gZv)BZy z`Frn?kaoaSQn$6!eCyKP4p*nr^cts6I(Y#R#kZIaACWNi27ez<-6bJ`GM<8pF(W`0&Uo?}YXF5$t$2jSu+ zZrQx`)?4AuojZiCpnU{{faU`7UePpiZdC#0#rHKF^X18Nj(89kg?!h4Xsx@&&cW@V=@>(<+H;x_m8*Q*B^SvSz4e>oL+Yj$YSzzIhV)WN`J`|T* z<9R6WV&P@tg3MH2$WUBvJZ@^rH3!Ubh01P@IAP9t8JrNOurxH(6yn&kq2mgRrE`}Y zQd*E?gDkeSxT)pEZl^vg)iL)#Lf-Je+QT~!HXJt)kV*V1Afv=h#iT`jY9U)j}cl-x?MZ3|)5}P;&h(xG|+> zSKI^~O8ckyXTAipqF1GrPg(YPR897ca7v5$SP+2`s=<@)EW$!g-ph|_OQQ8t>3AbOU!WmM${@qwD8;gI_T*v4vEG<>96&_SKR!4( zqya)uKGL+QFV5L3*gYi81)+rGJ(oq2I&M>0kJ6JNawMf)rbuE7;GQ@jL$jg@HFhES3&Eh$Ohm!RO_d3Iyfp z>61?AN=j0ki|2`4^MQ!Zya)qjAwJ1F@6f+-+&6CAASpDsH{iP9S%m~ViI@OI29O_m z#xGu^Aj%WjxS;in0s`C~{F_=CxGqzsdFtSh(To=_?vsxV7C3BrC?D&>Mak>p`RCfT z>r5<$Vhx;@`F$`C>ZT1FR(R9^iNz-H%KV2ugN*$+Lkj13@e&kZBlC9Pg>&JUv#wrn zW>q4R^`XT;K$V4La(dRcTOzR1`Op82YXcMs*Lu5S;Q_7(t_5*}UcNB7br6mu3V<+Q z&wcWk*^`4o2y=pH17oBkbfUSHXsSpAr7aWZ*>5mi28Cmu8$B@sPx$ zh@6rRMN*`#`HRDyN+v^}YrM=K_Nr8`F@UQ#5z5U8|$f(H!~z|EUC!nLc{XhOh4 zg&Y1{*#D28JPuz9{0j&b53aKI;pL!kd6W>p;FM`B4U8Rvqvw(wTOh2q538GKG~0Am zP4I$&>kQ=P)~#Di>N{nx8;}4ok>R+hJq5F_3m0qakS6WuSo15_Ep$n>T{xGHkHKZJ z#1-ySa1)2tIM_L&kVHB;t~nk`ZJ&Wmhlv1_6~VB_7n+21-pOYPDqXfKRViR95zpQJ zhBI-R$G%j)UDLV>tpLCZ2Ahme~J;5Dy`g1|yZ$s}@~Bt$f3h zs#IN%Zzw68jckjr7W%5d!nL`7|G_-o_rqJa-ZnIi7y5}>HTrDl!pa;?9_QE^F0PUk zbvSk`io2n<^e`8z2mO6lf`mM^1D#<8qN(4-ZlJvvcKG9Fd3@q)3)9Kd4k z%M_4G2-v=HIq7GTn(m*&AOWnnF4Vq~4Je9L{0!}(sqxj>No$nRE-HfO0_u}bKB1x% z?LyjcXm>;Idyu!)dF(x(R9urMsE__l9j(hZmeQH$;lNeu=xrDCiTvrTZ>nP{$j zjM@FiIs!=YpZWc_!cQBvLq&%c@O9`IWuA-bgP;bL}^hGn!CrTvLirpAt-Ta@)o+en_LWyZWi>~64xn3$s%JuDxK?mUMM~=7WU-6 z)x5G~n=!pEJCT;-^+4rua2PY>IYd(a6Z)Ilj56-Pm7$_@UcYYKycvG=&TrtBN0^~hZ&zLCj&;as9h5yCv&uOy3^}T%Y5gi*Gny){On|7e{F`lXevvb`{ zLosen@Lob|1yA_)82xFHtJ2N3D0IpdXKGov_dAm zo3M&kn!2g1Nzs)e3#UBh|r)68s-ca_-T#1$WNnz0}QP^*bTQGCd|UElt*r4DP&&Q;d0j zpb>NZa~MTPQffgFV{BA;(Y2M$P9r+yuFD<_eH%%~qBJ0q{VY1GlHgk7(WTJKJeHQW z7x8tnokhxcFbC_U>MB@azb4@6IifzEsJNUbzfP1=1vCBn;y0$cVKMrN_iHnBJ_YBM zZ#=aW;|gs=*W4|yCi~o?o!ulXib@7xmP)wp*MYT zqZe6=8&MDx@g^Wb@mz@Ec+rx2|NZaH=W-nWWUg#+E;wdP$5}$qJ#&z4_pjy9o z?_PNL;C{G!@2>e2QJ#*R`ygt9wyjrI{YV<5#!c`|aTAy7ydrA25_5C^D#>_|VvEU& z3e5)b{hOCdV9^1(~VqcssNk()MF5%W%1?KlD{FpCIR~9AVGz}a4?!L`2lQ{CKTp63aL5RK>-_&}M)|a0D z(|NN8^aH3cTKU*?JbCg|ym5}{cL4wEhN+ak5y*%Gj%BnURDK2X9S><&?LES9T}MGo z!1KY}hE`T0R~Q+<&rVOJ4IXI@#m~Th z!Thu@Z5XT_M@Pqmma88U1$NHoiPz!0w~{%Ajpy-rOmhR~Us7BOw-aZI^F#iYw%&cj zkD@6!eq>~Ue?lmoq_X#x0X&vM@n+>+r?x+u@^+J_=ua@rAfnDm0<6vVl{n{V?sChjMZThFPS&C7bd}{bdw|RlXJFhoOL%xDMV#Y->KEs^joG)UG@b-jqavJbM=I-M>fwMnQ!8 z@0EH$UWjU;tv2D5a-7J{&WQvD8{XJs{?>amNr4)|lDhB)TU6^|0lpZ}i(5p+Fv?Cz zJ#4fM1-=J72r&4_^I$FvP$gm@5<~pOOTL)%!h|--=bzsWpM3n$ylZ*R_TF=`qpb%` zz2?9+A-5HmPb8Db8hOaGcmdZG^}c8{So3 zJm`H!R$ra>V`-65=GsPUl~7G;-iQlnVsf1Dr6_Ml96t5IjUjX#Cxz|PsttPx>k{^F zzK)8oOR~u(y23<+0;H;I)8rdom?KY)g08jqvl`f~p=Lzhr3elo0J~7jJ&7hzZlB6q zCy`C#Yma<1G#x&QLT1;*LfE*lVp`n2gDAV*xdcTOC8b-RN}3ynaTU2#>xxADiO>+* zJ$KEwWV6^e1TouW^5=<>Loo;8_a4lfsPBF6JyHXq*zr*sDD;nraLk0-oh)K_PWI+! zKN8O=6H=lM?4-b<*0XOJMf1y233C);G6=yJFN(Tp{x_bX)?Ro0vRLv&KjfzwYyWH5TWaGGKJ74pvhKUPeLb@>skNBS5z4Ij@ zKmZI>#ix9kDYGXV)V0^W`Mhu{xzF#m>;E z8r3M0x;W%Iy%+Ay_Xo%N^5jHf9nv4CMb!cM>q+0bC{wT)leIKh4}%tqCl*rhJur~p zor@Ys`hXm0<&BHXra)(eAbjw_2gKUO_a8laOx%@+4slJ{} z0OMNtWLe0-%L+O$$xYT9j&BnjJb&h;%a_8B{^U=oNc*!t`!hmtD9v{MJ+z_z?(hDV zjHQ0_o8N@r{qA=LzhlBd=o_kDyce!Tl449%3&C>F%c2;ItLywSh1)N}+BU4!d@%nB z<~;4sgOth9c*M|}BEHZ(_>m98Fms{%hn5!Pnn~1bg)1EEQf<{~^@SjHOXA|0$%Y&G@4@b$X5f$#XUdJ)Vf*pXcKv;>m+^^w8|_hn?C zGc7XHX{C%~m7HHqSs@1#JGdJ|p>18d2|oLsbEsK2eS}IWop9GB97nGJZ3O;c?WHe%H z8hEi*&Rr2d7z$97b{Y7fgS6Gs%JVohcKqDJpmw?>ZCCeK-MonXhqfBcWq0J3N}3$^ zM~Uglie}|%`r>aVo;OKafk10WOd^C_MHEk|INKN!rcnf#)zF$zltYCP>Y&WNSv$)F zRFure5S50-$#dxtx;9nEcWfscKbMu-!Yr!DkRnrx&f{bXMVohVsJ78hl2bUYhx z8@0_e%x?ou zK;N$Qi1Kd7QrG$a?HS{?#6*P)c8x0Awa5XN@JkAu$OXU$k(gEvf^ucwFw=zZv(?$wQp<17-w1NH0t9=L|;q*{inb(I6 zGzuo+W~u4rkhD;eMO)fq*&&FYm*|m8Ru%_ZH@GMm$QD7{Q9DtqZ7dpNBBVvrx+hVK zDLRI6zTNVDQ$t5he7Db(^!gxcv*xSe^B&y4Kd)m~2{ed?98DIEc>$Z+d0f8x?z?pT z@7=o_KKbNhDvtjA-~Pq?nw^XZwgA}QKO`H0bPAOkhu99X868<^!n~p9J6l&UCQ;y_ zfKBstAqQu92HtFoszY#U_2_&tTwj?Afqh0OKC{HO567hi^7{QT$PSHJp| z5Cr+5B9+*sD|8Le8XCpP(}=CP@(7~KU5X*Bq`AeWgBaITFxuZQZ4l`GKAUMlp@w_) z*3Fx?f+5WB&YdsA-FtWD>;D;DdqAWp%5bbGQh5hCnyMhW%$(P^r-~yP*FaT6*}U3A zcri`ZPt(1QmWeXRq&(zoJK|jGE-pKJ{NQ#z-Y3E@kUn^Gp=1c_;dy^_ewvXxZqT!+2cWAWZep_h`!>bKS1c_Qk+VqdqgQs9WGruetaC)-W?CUA6W zq~c}{FHb39nR{CnE!H)XWKU9!F)jiIm(mj#ZKBo>E~Bp{>vw#&QhLt8>bPE@@?n_` zXGmBnjj6ZIuqoQ&ADx}Q7pF895q=!SwRTT2#ZBcutr);5I^YQMs+cQX@UZtID#lmr zd5qESapTKX`i=3DdWGoBW)FQrjt)lFb&Gus4B=~7NwfywJkl)HJ^TC1H(YVBQo zkgjiA`ZjOfCYIF=QYh!B@*3W&^NzCLdHqiEYa@)eerrrOOxR zg5U}v7eH{Z*e6OrJtGM<{9rzwD{-`;z^Oqo12QgJI^fx8C91m_909656bIn(P)fJ_ z!7fK3#S}XOu%;c+VkBDJc%Dvn>~sF?eRd_D7kBIgj*c&cAOHAIsjUN~1Hbd>r=Nts z`m4VRAN=-%@Ux%&P58wxee)>f8@(qV@%!4DQDwkdGr=oD|hDxOL@d)CdlZNUgqfmQsZ3MmUWndK% z{T_XGHa-=;Hj)-ksF3;HthdI_o9g-gW@%yWEH+>|lbj|Qqn0ToJ70CeCiD}ikPvRw z-MDHqiz87^wh(K;CviXAOiI6R8yx1{;QH)Nb}VR^&kybWB%UT3tDxjmc*bDPJQR0g zjdx+L;*;=b-aINFv1ES!HP|uAX>TK=aH%DxBl+Cx7xILWA$j8`uMx`;HFT2_DA*{*Zd#fP=x@m{U4FpxyXy z@ECvklb_7Lzeju|I2z;H0fEMK#DA+I4`>9=37cg6{gXfa@w{eSCHsztj~)^dqg*RZ zn@_POu9F>z6=L(f$2AwzNjMpE8)m>SnBPnibsckUWDd!p*}xfr-ONIr?T4tCMr!AA zw}Mfa0|o5CAeKdYsDMsx``_aq-v7X|ZK_!KC8t01j4SsV- z^h0Na3=*Zi`R==n0>Ocw6nyi~*c4E@D0>?*9Gs6`B0+-q@(@opunJnkos|!#n`esK zp#=3T0jvAQ<9lNqoMty=3lHBIW|j})Ks;FX65z?b%|4qsy?n`&(R?9a$b|vQ0he4{ zSQI#TNKx#-F;P=s+4zs`#eo1}F}`%^VmLlxyK%r;SaeZ*B!>VrdWWK0xAomoT;Ywd z#eB94kDG+g0%r&}^1b)IN5=#^R&pr=7`%lRg?3-DW4B|;jXQ2^7Gtl( z3aoSqy@_~e_(O~0=Cz#uZ=RCMBOAVEh@F2?O}vlByIEnny{-l^6TCp3faFk#_=;WF zvi0TBH}!cbi*w7h-KjL6To%s}MX*hkFG8u|Toqe3UoJI_GnZ;uqK>S599d+uqUchG zT)&H!@kf(?ijDHKm@iS~3BDBRH4t+}Mp(9+iO;CK9gW|pxmlV{&FzDUoSS85ACjSO zL>A3SREEhioH!IXna7F}yiuT_P{Eu}L6%}%T11vV2`{K9LcYruv0+HI_|K@Z9j*_N zWu^6!!~!Hs8-xyI@u0rG?TVXw{A1j53|sUsYRWL&=mvp}tZLPtN&MdH$K9fGJvP0Iu1o zOP$vZ%it2rcOn)-v8CBzCsK$q`9GRP2dVAWHcT;Dyh?PNP*cyLSl*0PP3E|%;msE~ zWwE*kHG@6%;`g3{V=q z_14XB1F5s~;)5utbqQuyMK=2CJ`3Ljg1k?bdm{pD2|w1DnEu5W4y2{IoB7t7Dphv^d8-7NV>}PqO|bVegJ&9 zlm!7Nu3!x=1wUxgph$_K!LvuA4JqESno{s^3AETC0tN-eC|sBXn~fdgL}ZOHzi^mF z;cGC;z9FP2o7}uwI1~%i)Qtdk=`68kMGk%r51zwAEI|8&c(6ERN9a7}kjL}p6|ZH- zcFuePXYpA0M3_^rU%O67Htx;-!w0lm-;sAfJgqrjE_3)FQ{)DIv z*f8$|QNmny_ujqveV)+f4c~hlI1}r`4?m=hCAmMVzs>V!w5d}Xfu-0Bg2#wm3LE(3 z2;WaRMC=oDCd%JE$X*fS0jr!?f!tr^H93^o4syw+2d#h zvQ0T7bmU|@wSt6lwdQO0Fc%9a4HEId8wJ-QF4dVF$IbWqIi-g09M_Qwt$_UwmE+k4RDsaQ>UTu~wQVTWj1A@$g^|Ae>a)^o|m^`eqB9 zQajN!c?^=s8-!sEcu$B{Q?6MoI1dnq$rMTgCKV+>VS@pBD&|gH4Kln)lE8UTV`05? z=`x`mKoLmNOv&7XvE2PaJe{au-};SRg05Ti|<@h3_*E!5fp7677@3P3{c(X?j z?VxIj^MHWPoX~TJn(O*)A>cIhhoV+4jrk?*=Dq1zsrNsIii9L*&gk3Rs@$pks@Uw_ z8g7S-4{9Mf1J4+W_Yjh}E82aNt?SJWA$s z^IV0wm|H?@GKaOq%pw)p$-EK8*C566q{W)HqXg`3VrNQmX0@5~%FN+=;&}!4$%W7E zrpbyi9yfz|Drq}L6}84?Db=SamYPMy>EFrCc0nu<0u>&yQlhNeVJ_W@oa25|r!24d zki|wNO2;=;2Ys)sQ}wDoSECfsTV!s0^Pxc@*y6y+`d2RQD)oGyxp12c!L+cPPfv_9#>pJeY8N_N$!;QG+}q>eRJj1kVdxg z*P_OHt~7zId+x-x82dKWI5M`>U0aLs!KpRQl)oY}Wle)Fu{1evRWVdiGEL7`zJL!q zWLa?QKg30cxFw5tAcktgpCpO+JVwssR7-2G@s6{DY~;qxzAbjzo(U>P7MUx~dCHT` zMadOq3%NCMCwP~eTp&^Do{KXYn`JN4z0J zIyuBC_&pfWp(w$|5*>qo{^$R1KF&)-Gx*^Ten|7~^XK=8D|9COB26e~1=7gpZ~Twa z&@)mTO=ccbm7SxDL8#AWvblH|xR}8?Bp0NNw|xHm8FxPjU1Dw|)=nT{l#?YHd&kG@ zN{wQIIFR!(J_;Iw8wf$U`PN%B78He11!5cr;H$h|0voha^@ zD*x3*tyaOV;&!|mOP!9(LM?XcFkPMpQD7W2zn{TA3@+I1pdw%|GH{3`iW6)WHPloo4JbB76iU)sLh2;{aef#sAFo{$CMm*TGeWdw(M0U-^)|`d=a94~j z)MzWJPp_z=&OyocUMOhx_x8*Qn&<>lEZJvfLFA&CUP=)Ra`m1RLTs0^KVS2c+RYH| z3+7GEYMdIcr6_b0-DH{y3@huYyTV7Jr+r{)j%qS@gTey zZr}c#zJDrhDeM@o%mo1ow0GWpmmNFdQ32#e`|AQ_s)A!78FdRlgX{=7Y>hCznpG96 zaF3Y&!$7IA_#SZ|=7)TWJ93VOTQqo3q+Sz+#EqLbsKO`3+8%oh71v7BN<6!V-J7R{ zt}w`su&2BU3)1W5wH~c046!x@DpNB_u_XodR_xVPI)pBxrca5c<5^83Nn3Rg*2=UTvz< z=^*)2^;zfF?`?_|h?x7PoUE`(j!3HfCph(z*UkKX5NgmdOS=N-$>n*ct;(H2NWq#a zjg5<u**eGA@qPzNDh%W$M(?J4DmZNl}DorZUU;@CzW+$glgwmSnB@NZnVPd@!P zy!XBL$Q2qYS6th>cTc6D%OqxDYk|a@(rw*TQ=yXBI5NgoE=}Wwj2%aF&MqYwcL#h} z%&n(Xz@89VsB(UwMC|{@MVO}96S}p>$n3P^w1P=mcUt66;t`~tZErqoGd3$rQ)s|z zL?3P-IBJcr2oAeqzCke1!^~JqmZ@ zLM=-OT9(i}i?&#a1Zbh+)Dm@9aGU1)&LmIGc`==ne4qN+8|i=Vi+@ihk{ArO&^{!7 z&>kNrLPW7cygZ*5DJ|qYG;=JtP&kh?^~QLqS5q}=rfh1P^Zb0G^DHsje1Sr-a|H+C z1pI@O(a=L0_@bo1>-NP2GHTm{CMbu_xI(RTo;Xz=US7++_{Nfr8;_PQU3{fwXHG2M z55%FS6T&*?lqOOw;O)RL^Es<$x}>TV2lbwda6Wg( z#X~s6(?^SFO0(yTXxlaVUH@XS?bL!I6o{_a*Ues7@F7yeukePOsX?eJ$E5MJDIOX0 z;gT+xS&l^`2aF#l=o=Z92A4t|xuBh<+!i9f4Qg{}G2Rlp=B8%zsF$Y1D$q#HdnQBA zn!LhT+uc5FxO84mwn=i=Bl`sSQWmYk>a-n*TF=Dzp+N}MuS(McNKNKw1Pk21c)OnU z^!Z|m^QmL8IfN>DR5zMZs%Fr6pS*S>!TZxU9h zDa}p~J=#&KVI6RkSbNBhnj3+-$XCH6h1>$61+|k9YGL3BslDQ%FC0Qg(v3ZoC|2kj z=evW4d@GE2RGIhZox*_7) z@8ewdTyda|$Tp#L{1hVhnlFlzfcMVVmcZDZYqunMGcbL4a;(>lcG2k5KYvjZ#3?*4 zm}LQx#Sadp#n!f*s#9xl3WwZ=D2AFcT)rhOD(ApY_YBX0E>L_8hsrk*9zYINSu{D{ zA)RO;L>SU&1&b1BV;q{ry(&nG+41|#D&>4dM>Y|Mx#m+R(8?_@LjRty-)R8u;XaLs+Xs~STc=xLE;$mE&O&N{E8C;;K?p%o* zAzVgn?`SR+#y93A@Z<1WC{)PV38qQ#JNO!CazTJZxUTk34(+%;r~o zLDd8#2d=f)xH9MGMmRWTzmxnhhm-m9SQ4J8eMCv%^ZOE#Fuw;>O*`RP=8>O&xVht6 zA)WZwQ$hx+vB+f zXnmo!SeEM;O{KOW-?Ko+H;NoOC6@GK?jXS%^E6U+*CeTnNFM;{MU^ zKcp7iFBb$>%-k!=f_iB1YmnR^N{2mUvaR;;m|r71>s)Fv;|d!eHr9F& zWGkBTtB6VKTTDmft!8A}ccqCzGMvCq!NrEt@>7X)$6&yKyLN@uT|hf-kXOzqoSW1n zy|Q$(<$J72s(VDl7XHN!ur%d@78BL0L1FD=V50*&I(MrUEK#5|Qc z*W)dVV+`l$)xJ$(n;0`#9BIOrg2h*#DfI=8Q=2t};+oj)pHt$1g{4#JA{N6XjQ8pm z-fYDh{h{~NqnI7PCv|>IiZmr3wCa>q+1f|Wp;^vFeMDlK7HwwQ{X6wkv#XEo>wH01 zT)1cbKFAl*|#dI2`n&0NKp0MyMiIwJG$r3D1ND|X%?Y%4q zr>$y5KqiS5Kzo>ov9wWTr6>tb<|3gu{}}SMkrs=#EmSQ<>E|UFC&a7PxNXNqa3CI2 zkt&&b`%+Y}`gLO+0*dPpB$oa-R4oFOi^V=b+VT{u5{-$$ zoSF3=4t771Y#K(%N~CMiC4wViJH}v<6S~__(lcj$DL=D>m!~hO;6*V;5gg;j5Nq~0 zlGfzNoU6&TJ2}shTR}DN?rG znyRCG3(6cLJ2C^7d>YDm(0We?-K(!5ACXa+ze1RSqCOig1=d$Fs|$u8s;_sw7*}juu!Y}p?l7f3sp37e@w=GsLHVt z_JImOeIrt2{2p5F`YdVNmfQ6^lk{%D-+`n!;q!7(@%j#A_|3)&1Y83OJro3o=gTTd zR~1SrDqH5F0-F#N@W_3F$_9bNwr zZ4!BRaS}Q5n@|Am9Usx_fMR1qN9P%W74W!DJEWZ-9GK7riYo|8;J$3G^Ha7mo{KOZ z??`8-0>VMT`cJqD1K2Na zN8%ks8(|E6_UUKg-~RcZlZ!KG5-50l!H??!;x$k}&V1Smnle!2kn+GrQ96Ofz^U*1 zG=H9+95Z6`{3V?S9JWC#QFR!O{}f|-RF2qSs1J@G{3V>j&2zreF#HjaqKe!t+REM74xw{TF6(5@b&gaqQh$Tu zG+Y5TngpkYI4D!y)hl5*#!1E;R5#3PYk3~k7pAt9b_XR^tK)Ia zijJ{0Y$H>*5Y3NlCtfJJ8{cf&mf$e#s321WgE)s0*)X^;QR2oWalGA(W;?-r%0ins z6bnF-20=3Pd{ud>iyNV1nXf+~JaaLy8+Xmzp|%71JGGrGW}=c0Xy%@xAi|=L0*3Fy zV8!Avs39q%9YJ`AHoVir9Pjjq5Vi@*2eI;tUL2^EFGxltD4FgEcz(T%Z* zynr~rPp`E(7K@o8`>T1Yf>_hm)rL`8nK6c@Z43XkCseSpyRf3yib7EyBFM{v`p`WC z&>;6*LphZMt>aeh3Fryh1M+%gPSJy0&mkq-cof%Z@!nQhO#hhL!UnRq=D1Hfe`oPo zVzeyVd%Z4?YJ6i8pulC(WHSxkfp+3*`#r+)s?> zWgC?>{!I;)x19u->Xer?SDZwe#zS<%EOAvps97InVZozd-r*43D-Wga#xysloSTWW z{BJGXQjFo%KE@8aaW1=lCmdZM+Mu3AP#B1FCnh>VrlfE~?-+a=OinmQ?24jmdllhb zm2(ypMbnZa(|JWzA1G)gnlDUO+CT06_6w8b8O`^I489~sXDf14bwr&ee%M(lP#;E* zG{hBx_hOOt9HAJ#`}!I-PNg_<>v_e^ImGiC*t#B!x|j=OK^sOU+FLs(EX_2@Y5Z(! ziXLou_GJOYg8AUVLwZJlJOJsy_=1W=ISYu?nnY&J3dUsqQBhDtEuNH+>rFomwGsYK z@iH8J*5==R@|azWY0(f4;l7A8z@gz5A}^BUq7IG-Q0ZqZDmXqmrd>5e64+I%86BP_ zEXW(-u?0aQ9zJ|bDDbUY@6fZA$xCIQHh^dwot+Jm{(Y0=-S7zm`f=y(9ZCN_G!&H< z=6U{s8*y?9ug$oT#hD8R^;APEMk6OM|AH!j*dHy%QE&m3Qm+-iVa5Ew?VFL~fW)r{ zpUqsoYla{xA^~(mXDQ;uNTHiWYE7G2;h~I@?9D2+WW-;+ZfZWr9LPPh+!!~kRzm42i z68N!LZ*e??m{9xpkj4}4sk-^Aq#K`yjXutm+F%<&$DP8KctdWTAfb+c1Q@F%bP+dw z@K-_mAoP&9W)p2n%ly80o;cs^4Hr1^oUK<;-iH!IQgxx!v|i0T37x{J@vCVB7NyBv z@p9d?61vrA;jHoXS?uL~>L@BgxdlP7IOw!D4%EE;?Yyga@C(#2}SBI}DPs$#7szBX+DcaOaKpvD@8mECz&2*j1KR#p@({QGRk7j5@aCqOfhl0{-8 za)0bN_LZm@N`rPa+@=^;kF}K7=O=yl^#>q0UC`-TaocZdJc_ABZ{M0~?&;b%bOr8e z(QfLP%v>KAw5pETHplt)YIG^+3;(3D8jjl@YiU6#XZN7-ayoW3%T6~I(E^8)parQK z(FtEg7iC)Lga~Wt-!V1G*XqerX#QpCfJ#7b zypNKStW#r0q3E%`2Nq$?Leh=gcDHMM!*q?|mR>Yoj=n}WY>KMrJg)OH3Kmc)c%7(h zJvFw}u7#eb8siP-J2d}nH`#)xMUe6VaX+${!=6YBu$0_ozQuYjm}_l5ubWrQf9N*Q z-(nJoqMDGUGcEy0C?e>dibbeZMswxH)-C+bkO!h^P+MQjU8x}3v4sE!v`XQXY8$Lk zfjK^(dE=;3PSz#zToQ3en*g7xl5S<4c%v<<*cTL`#-~?Uu9C6pQW6`uxQSQqh|Im| z*Yf)zgnm(9YikIpsx_!?g9CZcBqP9<%r2DmVUe~4c1SLL7dxAn27w-<85^l<^UJD;Mcsw20_kQTLVN4g&CfZbQPs~ zIKMwof@BW9+!mu}@oWlTesP-|d2xJjRmNu{!TWHYQ_i6HN=b;qFU|XAU(gk{bzlVD z{D;oieguDZ2Rm~NRx&#o{6!9B-V=+DL5v6w=FQqh-k1E>$msNdm1uBq)(8+FbbI^6 zEn?IxTcZ2{g_tIrV?5WYbd(82rVlj~R8Ee56n2 zI1Y`R;WpYqP*;BxNXUkI`s^t==-<3~gWh*C6`c^HH_6(gJkRmQmNVOGu}JNGK`p6> z#F{7F7DOj0^#S4fOg4M<$2H~`(b#O}qckSHRlEex^G#Tp7$Ds+ai@!YB7Q&)IwXx7 z%x-g~IX{jQ=2bG}TrJT9$_0#zV!TdzgdzxXkYl#RlpuE@r)rCXGjoc$2oI_9XR>&^ zctw>O^?7$_MR1K+jQ5aCH5H2yBD1N85oG~MnmBF9WFazM9YtSDEs4c>vK`&)9qdVb?J?iL!|JH3JvR!`^%y=Ie%5A?_&~(LSKp;qM#QuTkrZigD)*PRP^b z)>=7793MDloYysf{~($R@-D*7I+?+z=6I!%TZ7t0Vq8Nf_~^Jf%%M7=Lb_0a&Y_+A zvJv1`9;D^RR2(yvAa@A`Uw?rU9ge&xc|g$ zvvPDnu8NS{e4fIzT6C%1xfO&miIMt36azsBX|418lADs7`y8y5s7Oxs#NF5uyrU-= z`|;Iz8kKHg8=Ox_7Ux;rsn#IFB$+bNa*|@xmS_>ZwefWxFC>0P!uf-18lCiFT5mh| zxny4c9jyiGzUP|J#Sq+N?U3ln#^RFNbF9=cm|{f68Z7CbO%58|((yl+G;3OLV;c+@ z1@%#{B`=+y%oLOVom^3(vSAA=9fs;jBq7I2{KRK#fuf1uws46(0t$??>D2saz%{|{ z{vl<~F&d>|mNlB7SbJ_9In^7-O3^O!fuOL%!U}{4NcJU4lfKF*3%T%~(maW{8Wden z`y3q}5vmHcDf2SUi2tLirFY)GMG*tfDZB6~og=aU@&1&1b-+rj%aL zs}}|0SU|~d ztwkQRU=2(NSLb4oXj}K$$gQ7?BV9`njxk4rxANlT#KwYk3d9$QHr^X&0719d!G7&bb9^0kk7xXWhJz z8L7M{7NYjqFHIrey3rOF4O0yVi+Fx13SRO~p!s56U3D5u(!Sb=TzsNp1Fb4OXYwD> z`3GZmw`;pA*CzYC^$Ct{GrPgDn)_YQAI*|x$QKzKxT~EK)Kl zLpOv_U$_t{5(BNC&p!Jsy!F;CHvJQd0NRbpThIh~HSnw`Rgs8?(AX#_LTqrvK*ccEs z{p+=M=vv#N0}pFan}h8lzsv$Vd?kus%uU= z#w|;`HML&HM0Q?XJSHnkAUkANc{W4p!#>f!sBvg|5IoNe`t7#Ck)cQO@1?j^O;py_l{PTCyyHqeB z#|g@v2XjG!0%9PV2kSyOJlqdAZ`=^{WJi1{Y9nTi`{4p% zoJJZW91Fx8A{2ordLKNvPeG)l3_Ccq_@wNDsjK5@MCVXp= zsvI2#76zMBm8)Y)#eq3#%|8yxg>VY4%CU6kRiuwePbkJvw3_4 zk7Nz0=@*8$5@Oh+I*SaCz7@5SQXN+aqH(bc^em8?GVVaDxe)VUz1q#=y*01ab@dX>gA$n&0h^sOnB zV+=8T*P;qv!^E;M=QJ0Ywk6r4#IfPiWh0hPOnkxnAfW|A_;4WKAf{t*2E2S?^CHly7M%H1Q?oK#=Y zH5`AoEW{#8vLZ#XWpvOrL%5n}xEKe*u5wFR74=0K4NoglVS!Pb71YoK#qOMc9 zB5P@qc{Z4$jnrUhuRY)KxBzOT_u6khJ7kfVh{a`ONnw%cYGkJ( zjp{0D(m3d@EQ)K3l1^~Np%V+_$lb&=v}jW5cJZ-8s&s)=vUH!v6q_<@iC{%nD1{Cc zvEaI}j1TD1FboP#XP#;?=qFJ*&f3C@riAcvYztCcK~#E9fxqq^$um`kwI4gw>ovtq z>;eUiWf64}${Z$74z#fvl9ggPF`f|LM@W?JeAd zu%~N71$DiNE}T#&+*kuXb)g9@V$($q8i7%t3myZ|8x)(PuyC^K%D+LhC>j1dng7J} zO-;=vA(bL4U0+{$47rJEh}lIrgqo8^#mSHZ1E0y-BuN~XYeWrN#3xpm?I^*SGpV%r z!*PMciQPS!*8$xa#ob#sTJ&B6aYSeloj-R=-Z(rTP$8rIpShShBQ@9{T&g5#<0BzP zgz`LlM(9Gga7>HuZp)Sqy(j|5gr89ah0GfwVrn*or2G^FLLHyAaM;Q@Coz%LR!rDd zS6t*TsoY%)1zc|>KQrGc8sAdyr}y9D5NMW74~0!oCuyzNydm?1W@1INQ;|)kw3trE z6I$Dd^Mmu>uz4ZIBks`!A_-rn&p^mCc{r6^GomziO}L`0_zFZkNAdgO`HOINnF+`g zeXyHE*(WWv?bdSRh_2we5b6qT#k>??_?)qff|SX*2y&_jpckI7g*cP4$u2-RtiC;^ zBs0Gb>hXj(THvg<4IEQljJot9C<(5(c2x9cZ{2|H!xmlT;ab_Tfvvsb$hS!v{jPhz zWmrQIx6&d5wbX*ej!}1ITHJ(S`SzhYur48Y=Q?Z~!^yoLcA1vg(^N_Qxj2 z8pFyBS!p5J#I3EXhVK+5e@nbG1d6PvQ1)%!N}+0HfuZL^Bt4>&s6eudp*7@Q2x+Kh14c82G5s+2jdNRRCMZ! z>%p7(mDMf4B3;~@Vw&sZmpMCJkJnqg~C_<87G zYEb85${k(|v7mX^@D#WsFq%QzsRUvk3f~0nA07YrNbq7n;02$Cq82V*B>oL4CQ)=` zMuT|1s%iKw{7eQ>01VeP4*{I?f5a8WdNI8Wmd9VP2}Jhx)@za{WlDmDq)v zBM&A+x6nGFCo>T&pUvQiA=PiO%fFW3>G|6OGXE=h`x&-e%9?Np_u=t-s7NO80xdO=kqoMBWn>#VaD;9Tp{NY@3&M z&3c}eIVg+K*>_)m*u=s+y{=8^tR~9(^iyB&(%qS#QqJ9!)n_a^&T`!>Yy_dm(mvP} zMvAbrVe9&27gOL{=GTVL zQ>y`b7Q{y$68Yyw{!Z8(P z>?@*ngx0l=XzFDD`+>Kgnv@g> zXWeeoF>n*jmuh4@C(_(=`CBD4{39lJvWls=NiI5D4SZJ0%-PU~dZ&DvhO-k*&Ws`f z3k-?_ZR4hxj6h3Sdsb*fS`@42R5taN#n6~wVQ5s3cnwI*qd1D=bx>O2`1beCXmKWg zo4JU} zA~}msC=YCB8De@oM`wo|R*gAbq8OkIv*G}#Qe?;CP?Q`$uWR!dAZ3~4KjONe;04O| z+#*BtC4v|wx+u(bH#svmMjL@_l#ZmyF#&?| zX?tFjeAHGEt{Bx98qQd1aqfxk=hfC(&Ob{l1h3Sw=UdUIw5w+n28(Sh!PF^O_^>FV zumLXyGGr_;aAJnK2Sr9Eu8o`@3K%R%(!TRC5)D^POR`uIWs;N&+Vk}36Z#&Cs=d>F zLP*psZWNCel?JOkm|B+N8bRcW{sb;!}e{hIPFyqxD#B#r}3K-&++LTqhl(dQLJdD)Bf51{9YqncT)Ea@pEKO2aS!oF z3DO#ygx|S1pD(rN$o+UOP^m4rX^`mX5Ngfr(srA2eDrx?-ygAcAgq9SS%W&s3&EV! zaL5r;a<>t!gXFS}hFWbT3>B|GI=UcS9B$1<3B2COHGQ)!s+7ZCz7~e*t#Iegr&Oh_ z+3UxzSR?h8=plYpQbSx>v|fK4aJxL&=J2;KE{CgoFUhTOZ!ejd&{`o<3#ZmQxJRVQ zIR#8?>CB7rr?)@!pAwtT^;AiI_32!#P317WIQy@{|M)-rDfv9C5nr2yd}ZQq$|k3B zDoa{Vv(PUKsYNnF^B&Fb&V%>yy!-mwpZzTSPyg=U*~9eO`uZHh+2*s#IW_9*24#0H zzV2E3TwJRg*RIR1^1H7;WWVHtWlb#ZizMNVCXp9vxUJhJ0Bkzb|gQ4bm1gRP(=54BZ8 z%AlKTptP}2HyqOX&j86P|Yo4RosFgudU6(*;U+bRo^kW z*HZLO6ADsx$ZvDNs`EcO7nV^LHQGaD+TUbSLINstO2OPNDyQT zka)NfMNq8=Am4yIr}qS(fZ$piE~o`}q+URzv=J8&xKgthO@Qiin&1Q!QK-4Ha*oUh z_iLv6{geG>_j+al$V^nR!*K$c6&c}v2fJp!eg8Mu4l24{cIZR|M$`P@Xp(8-Tk@GzD9#gcN0Al-q&0WKPI?#TA5F_OA~5wa`n~!b z+ShG#TE0!O;wN`a?wD#^OVh%NjXBaB#dJk|d}Ngyj2GySMY$ZM%g*xiL-f`Mono&M zR7erW9lG{?P%;g1u;(tjl}pp7EjB<}FC|ApIMOzW6YomipIw<%*`h51cGk^SKqL$0 z9E@zL+#y>0+%#?rPU)VDs9VBh!jp~gU6kL%#SE)+j@Ktt2%Jcps>lMj7GcDR^OixI z20xc1GKbqOj8G8ymfB4#yDyX$PSk|zJ(EO2?L&D}Oh#-ixpjZf*6PdENR^PeWL`3Q ze4+DO!aczJMlyJE?Unc+ZS#nLML&y+sHq@XKMeOMaeG58I22PT0Mvu$gyiT|(Mg2m zhsUkQQee}-BE;y?6%Xq&jh~?gdKR${uyKj^kpdjZ8OJjWwt?{8Z&l=xiJXs+YTOf2 zcZvEcNqdexat4#ttB(%fgW$aD1j&*ytqQNF=7XbBH$Z$?R1qN$cDLRTpCeOBSimbv z4a}0ho>r0lKvJUMQU~SnEu5wGyZ$^b6l}lm-@QjlfNR%Ya74a#_a0+QJ*`f`p~=8n zY6Z<;cY(K;VFeGf@8`C(zl|Nz8G=1=FDUI*Tp$}syT~Vd(x!(cVpsSyi+|?_BQx>L zh|w#vys_WxJwxwQ8(aBxM=W3D<8+Ia{kJ89mxg@o4Hvz$^fLFRvmV%ESHP28IrYJL z5-3ioepLJ%&RfPYrnb|f3 zih>&--U#Q;U!Zfl{?bcyE+`-vwK-;#K|)nIV&cTc7|G0~rBz!;Tx6itHn`+*YSX}> zSc)DXSIGN9w*zm478A~!TbH91x2##%O~?5m6|c8%9}pJ>#SMzGOGih<0itwv@ht+O z8VWevKYY&7^wmS^P+n=<4E!2u$5ESg!+Bhi%{NM-e6;Md*q8z0XOK08;t^d@3d;;a zYSs-Ro+m-T@NYoUz&#>!KjKI+Plx@8R@9oqeVE=fJUrohaBlip+!rmz@L8ic)IW76 zW1Rc}1%aKBgTFYP_=CpQyC?e=9}nP6niSSstp>ZOnt`E^VZUpSEi*U7N0b5kHq}K6 zt+Qv}CHwA+7oQiEKy>~TaZX^>6l@{GHYu#8wpp_MZ$0Fex^YWC6ZZVOagu2A-B2hd zAWMHd*0U!iNKOCFVeWK1r`>dgRIIs8E#Y_Wd(+;ld6D9yBS^{R%>FFR*C8x@Ooc93 zzK~n|{8DEBzQjf9CCMIn>WwJ9jNdD=PG3&|#UVoEQc>>_y}6ULKC@6eX--D69fbz3WShBqvEj~c65hL$A4q=pFPB zYZECM8voNGmO1si>PZyT;I&9*)Kplm*p(Rf&u?Ti<*!BSpcIk4W(rc}ww`)ZZHJYC z8+5PLP*T?ec^uVb);?!!+g?wtz_Hziz)Gm*w!4ZP^t&>J@-%ybD}8=&G!CF9x<-2+ z^*6{OPgCM*60@xkg3DNH7w9ZK;Fy;4tN1|-^w}iGn;wEKnMyfDlq;yHM?R$H_ls|( zx#L@Ek!TAg?4gA;2#M}OV`%@rV1CH5yFrq%!-9uEY1=Knz2mA*6QC9?a zaD`B5yn6abm)43Q+T5!sfo?KrF$fh+qJN+^&Bl!6bT_;rhu}?p28uZM;!C8{s#ZaZ zK|h;)V^TFP6_ma5EOt$HQDgRrHdo@XTNE!R(v~W^k=0g?EQa8s(D}Iy1`rLPJRm}^ z*Gx7=lmiO53zTOSsOb6o|N39UTbC|{Z+zn$RKS3a@W#D+)Vg~2-FM6n=PO_NiWSGl zqIlv|^9Pbvek|nRHC+>x&EwzKgm?^+FEt3ig$ce;h-GQ5V9g+@v}{fvOof?Bu(6TX z`@CA6rJsYG8`lOuqa2{yx9HQVtgj;>O7mU%?_DJE=;W1Svj&`aV-i%b3!o)ldZJ} zaYYoj%)s!XNt2yxsh?DIk@nLJfz5F_y}Lr&wbyLUl%aa6_?_8GVA>?6L`4kuc3n#& zIIk9#Vg^^>m8Kx`O}5mvM`CI@Ce1=^ZlxV>;SuTTzS#5wq;!gn#}Rz{Y_ZfsO|zu$ zg(wPv7<-?fneWa*pS5pYEfyU;3bp5)W-iA5e7e?JKh~Pktb}kHCjNw&I4)Vfb^3Lv zFWRk$CD=}rBfi&I3-secQ56KSru{3oAe7^bPH^a3Tu2FmB{rBFbh4rHwH>ik#jGLw9XX$6? znt%9VC{lE=nc&*mIva_ZP=i7m4+E2D#mKVke zia~rf3N2DHiMgLf77d~r)Uf4)LoPT+7vq6*CYNkNwKPX+WjrMmFI2#0HdNeg2SVS- zJQLnU*RFA~ZDE=m7E7@p8epB-!)_-I(9g8M@l;vQcL-fFGzP?Im0dBrb5zPC51eiY zZn8q40=9)TCh=FuV*kw(i4Voh`xc%sxA_l!_j}RZxJVvITKs*g<|7YIu)qmw?6R|n z%#}ykr4;80Q)Z6JrRzm4k!fdbqtdaG<9_~+pG1l?K#Lubwkfb|@+>XCrN5@GNNX~t z7PvFfp+-LEsq`f0J;hCfyezc9mW<$*gjD-2d`eS56@RS#F+7H=efs(tXOj|UaWL)p z42GsCr>wYGgQnJYVJ4=!B4fxLyrHOaX)3SAEzU|rmo`n*Ru<`{{S?v%2E&AM=u+0| z#)>BHv9xMM*{!zY*0;&#k)u6o+!jxaMq*(*3BlZY)r@Y;s!T~%oO#5R7RObczm-P7 zq~2QCj21f)$QiiuC+l-Wi@p4A9yvl_6oRq-jHa8D-wh<;(xOrXC!=U zYN*S^)cO93V!*sI3^8RIS`0Q!`PLIk)0SLQV#KTx^U|;Aj!efuk#q zR*+-I_i+qppq)tZkp!jF=U}(xHDoJe0>=e!q8+(MkKq!`CEZ$=#ohp>ia?u^AV!Ry zZRxz9O@Y%aFl{JhSm<@z!!477CbQB7*^FVBPIyRXXn-)JmzYeoT8q14q#oR8sn~Jv zLfi04mKOenR!MAlB;0TBkq#ZyW*06GH-46w@sfc;eO8x6!|@c+P?<+L=|qoob&IUG zk~b4Yw__qV+(FD>CQUnPF z1ug1BvGyl<8Ob`elLT;Xvy^&X-B!8HL*n;f!^I@7yc*a!7zvy1bjgfnC|@v_Y9kWo zUR}jGQ71Wvl+@U_D#2u=Q@&k$SUT9yu(H{O|xFd3z7I%v*Stf-$x9jWyIw?E5MP7`;FP4oX{9ysX( zA*mXR3L9rTU@)UmIg%+5*wtj?yrC)&zkIT-+a;4_Kf-sX)mP2QrG22Kk#W0rkY3a@ z@NRK1NhLq9t27O2g>(rbd^jB?lJ=w}HC9CsJEP8#f!Og%Jc`jw_pTScoB`EN4lM~& zjhU7fXR2_x$Z;BVb^7e3(qSLEvIo)e62e|_6+7vFU2o#-zCO~CwmYV{P((fs=~*m< z7SX*u6Y^<&@&u-o>RxPKD(>YuFC`b(x)_^hxoH{iVU{Tx+~!`zy{%9GU2b&+7oeMo z2hk&cwIvn9V>X?(F<6$Y_r*}P*HCU_lKeR0xQM&3`S+yi9J||%uAs-}a$tXzX|ByF z%{)gmNE6>V*t8rR6d7O;DECR-gRO<3Dp(hrqFlv6qEm8a?x1%XA0_|G%kM`q_fsVp zxHwS2-uURF@X|{!g-g#pPpT*sTsLlfL~W{{{NyL$i(mR;ID2@8%m#s2pjF^x6+-U(%mC2JdTD{5uNh#TQEX^WBauB3g#PR0kM{2{`#5O67TNz4n+!Lb=? zs|OE--;$hUd!!a3FSm(z&+jN9i_J8T7b)xq~(^R>o88|gL64}a3H=)M|7Q1@g(ZO zamWU9MrPD+L!YaHqHEh0V-!Yi36*OTgT!gxceMpJMMue8n?wmF`0Pi6kvIe z=S_6G*ICisU8h;g%#l_-f|UKvV*yntE+E#%*PbxW)7Q^l;9#Lch~$!T%@;5JUiREJ zO$G1G0AsArhf2QdThHwWJaTBs+A%oZp0)$BqoAoDPbLFV{u$RcLWWf;P2QR>?o8#V z$E1z6nC8TM8>_`BpwvqzQU(_PO11@+%}j$SMq|;1Y_Mae#VG_M+NbDIddEeYK4VOy z zz}l|G+2zZZEq;QorEqSD2C`;e(oPDSXUf58kbn|e32;vyEG;R{jFFHOXwwpmzZ6|z1nJc0G4TV7WLGM% za-Eb>F~?|l1|@wyOw%$7wXjdhT#heJ)#CBG8OZ1e7m z6km*a(z@Q0yij14M<6|)loz}~-gx7UPiKJxSYJ|`W`%sGUJ7EpZ%B&EUs8Tfat_7C z73Pd+w#9XDZQ0cMPn68g!0ODa3tN_eL%f}ZLkbGuiM7%BqYzQ|VAGCW+IZxdq`Ylq zw6m(W+)(}y$-{-n3X}sXEx5}@HTN5e1z$2k!z~dn$2FgxLCo%?71QwJBt(?>JDKAH zvM7zzLPL=qw1QOmrHVy(pHPfMOvVdRB^U}8+8h=|s%pUtg%ZfMoCkFh-h1y|il}+v z+6#o7Ja_356ITyeEdo__b;_uixHzY`7+1yB;1c}wSV zl27d3aqPg_P$fn0>F2;h!J^Cqh6-O&EP?w2v_%xdCqidXL<(yOcsOG&b}dwJlZ5Ak z&IadM9TU27@7|qo`_}pCS-)hG|J{}qP+ABDL4>q80&+7*+<}pzHwTu7#sQ?Mp__Q2 z5cogLhndC}NZ#@@l$9mim>BE#_&qpxO+gE+ndf)sI3V=_`yk;^uV24TKXc{E)$sOP zZ-<-lCatNe>QeXWlcTMSjs41wr&8ebs-vzs#Q)Yk>{&GY7+k2L!Gy=4gY*y8+#w~Y zG6`xew%S3UKZ1QxnJXgXTxOS$kq}4F@D~9vM@fx zjsOoQ2HdTix2Gy7@W36bf(qwr!F@_ua;>Tcr3o#`I6n?4(DqUqWFk+7n$f$gqLBhe zEl!dn3iiq@flsx^O*@xdnx3&Y%}Wadt}oh}Vh86G%OZZ&NVt73H&jdf{RHVaf6G15 zUs@E|qA5Gdynq;lJ-nl(D2rd@>+4_tdicA)`@2tPi^?`cQIwEzZ|Tgn%3!>YWXi*6 zlW%aSWQ=LXsjKgk>RjQtXUXyX21htg95^InbgZVChPI4WoK=ocB}(TpcjGoU_6?~H z#;L#<+UK~tW`!Q@YJ$i%J4xJY1(l(eLTe#mWDIJdPtSM;GO?5SlF^K?S~>9uPg+ds z)^m#$8KdJvQCVaY$V<&Ij%ETlXfY)lS0&>r3ZhCkjjh1k$vH+U$!2uo0Tn@9EN+ia z#H5cinh-~UIZzYUm9&d5w5V`iXaS)`19Mb5{2>{-P@Su%4QfNI9$dy0ymJO~UZ**5 z6rPjjR29jnL)&P&wm`8c%+tkSMDZ)qAX7y!l}E&JAk2e-8cw?wtW+w-9pVCm!(lZy zipjpoxKSQ?WR9^QFgewYtBgI10+IWq8_ZFP)s?zLyLq@4_&h#RY(3?wt;~iBHWZn- zZdmhy#GwX2@knmXQ_)AnXy>fV&&~K)?&DJ^aNL^~?;IW?Q8ff+ zvrmIhlS`rd$KRiO?s=+AQB~hSoceTQkHxZ^$-AkMST7+nVWF3A#NASsi5#VpB4r@lim#l8M1o-pTQB0fnk6gc1i{`Wt{ zt*Ts$oEROsHY^~Tffj_eC`LbZ?1-YNaY0V0a&%NtLJM%J?Mhpa9SK=GEI6+9ict#= zyBvd;bJLDm!YV!Xr|&V2+5Yb5%~4w+F84~wq)EQ#iLky!XGH=nGK?})At79kogtO6 zi3Q-K=#@mQOrO8yg=_Re2KV5MbO74et*<0uoMFWqtj&7UAXjuf#n2ANh&dn842(2z zb`%yh@IY?e

fo;3z_XykPD)pUGl zulVyrVmb43c%yu*L8pO{HJ~6kuZq0IaPI86%9|pm>uLSlFv^m|BW9S^!z)*>un!Ns zd8Xsp?wDkqgpacm&JK@*HT}L8Q-czs#g>KIURJ1cv=08Rycf;>A|w#)JLfxxwd?SZ z`97M}We8l+P7TvH2yMwaJ{Sx*d;T2VCq})db^XST@Xot$({a80$}0qPpcc4$kK2#l zJTm)rU=ND(WPNaS0ttHz_3Yn*`N*t->Xyknjj>_w&(c79WY6+{qIic?Lq}pCDR0anJv}F9PyPH0fBoif{$}{&KmKE~ zt;a<2sd>#ToqSGMRqO1#-aa~IiE17feWJ?3@5g2V>TBhtxR};cCp4;;eMRyTalS7b z=EkWD8yr8p%N~Mqk5!l0oR614YjJ7l)6$-~l*L^ZBhBsko9CHwRA8~8tt#O)<(z6n z&)7=DHQu6#@^*Blg%!2pqE2`GYHX-h7co?6wxVZBK`@n@hDhezUAa>I+`{s6-^UJC z#aAok_r69vMU^Jc(70iaXXT@E zbWeg;?^Ogn8p79&Y1yDE^3VP|RfTOrmssPIW<%~-w5WPQrnW4S?BZ(A@>AT?K|(h&6e9! zCCr{VnPBJR={f!uZ}^a%2AwUx3()*E@BjJLbMhIwXa9^LWx~0Nnem* z2fduV$DTI~>F1z+J#d93^rTddM{OxYYrW_@u}Pfs%Zjz#;TIc5yoSEk3p?>+SxZ}o z!XbB~D+WV2b9jb1C5I1;8e?}l5` zdIO#dJ{v`n8rb25Rv2;%ale2h6>wM%Hey8Q^9i${RD%^7nEQbYfd{1B0BnL|tb9)V z4`gS$)|wO`_eDK|(bjqX^7F#~$!6|{-x*e_NEb2PhTDl*{Ai@TF9j&>DH-_TmwtT72%qm=b?h;)`TxS?N z0(JZF!w<+8hq5lGHT1q@QE3}&kQQcjOnwF=Ca~*Nz}KbYxp-x-oEgoG$S3 zcsyO06yE>f{b>+>hJwjnoc_d3y9CH`8hDsQ-k*vFo#42)JS}!;v#gV;td!*3BRV}# z$SW`Uig0j<&N$s1ZmT6uam_qw9iK=_ue{e+zxq|$p&Xt$oF1I>#Moa==Yzrbqc`5* zV}4j@5~PQLAiS;c2iP?-_Qg%t@@WDv$Gl9`6!XK%RawcPh_)ZW;MMjT-UkH@jG_S9 zq6h;rg$F*0^e|i6H#=YIL#Cc_FBS$^EUp-d><~-6dLn1a z{VWP$Mz>3K{a@P`#YVy6onMniaWuXSVHUsPTU1R<$0vwn{M*0%+u@J?=#M@%1x{1I z;2HM!!0kkPMOBo3zk+#LtsO+cp{AnTnvKGHbK}5mbdqi!g(S*ACy?CK1;c8qd#o)^ zZ_BMa*T5SL|En>$c5_M9*e3*O5%DH1TfSY(F%ui*ijK&!YH=SL-eGQvcz>R}V~)*^ zUw3%a{^%lWViy4XsNo)C+mhozPsi~{Rehs=FZvnuJSHxVR>F&^0imgSx1bAv&DxnW z++G(xCpKw1k80uQ+Zr4!dBAER*=VC^AUXE&nq0ECBCE&opdQf8jr!Tx+!y#bFOYy5S2obZLdX-(a2V0YLGZux|?IUM#TrAx$JPaJBWbZ1#VKi?dwQNx2hW*}BH&zzRQl;oZn|B-sbI{g!rfBy%vG<+Za6WFT zeQF3!&w-gOW^&O;vL`Y&7FBWP23~Ky{dV}m7rq!imUC$>8l){9f& zaFd8#yrTz?1p{oL$W5L+S!?#YB;VgkK;y7syKeg=rV`5$&e%y+O_cl{}$3yG)~rk9D9O zFQgR%kHjip520!G1=(NDcIpdKa*iL04SAS+r;2<|?}S`JQ{cqDuMuYzOQ_ykZ9(G+ z)WOWyVzZ0y+bN%v*B}1jABI2svp=I&)wjO&txpgCM%ox3ku52 z#&vw$u|cb~H4}rghUmC+>^2`PpHIVbaSuFdFp^_$H4>z25q6@KeQ23VpeF$FSg)Dm z0prxQsNb;3JbUikv@V==DA;;u3tC4oYjy9dadG}!5QC^H55FI}i56qdN=!I0(g!mp&Kg1V` zXd|#}kw^;iCDP0(Ng%LvdYsEPyWBS>5*Hy@b50`DBeaN7#Wgu0Pv^cqVA~a}Tkti~ zLQRE6Py?!2Ew7E~*%dhc!HWy-zccxV!35xo}*2A04P9hj96 zLuhkc98aWY7I7l7OVsJg%R8cS8B}(xeoT6mTnJJCRfgW7f64S*?CuiMxjReOoyX&gs<|pa( z+H0>-VFMHgEh`X@KMfR|+Qumj`palcwLgfZdd4gzdDmLjhqC&>OU;1O;NIA9XSA@= z_JdhQ6loR5>fxe1lCTge>+5TMuN3+SmCCoULQTE~N8o2+<9Uwarv{MkgEbVsh zv1Y1UarI@lUuo@y&}}#arM=@lImCIxn|eelkS~&OT4J*Hs*-OTFDDmdMsuZX(3u9n zoS2kqpsTjZmE+37r(y*`a(Ro2oUI0RVNUjp@i7HM6odaAGlF!^)j(}_$+=k9m6+Ggt9|e zjer6Ty=aiRQNZ9hwNghf^|jYur}GBa2x>6ox?FnhIjW{_PF41YQxOW2CPKF|`~7J4 z3iBTL9@8!*$7&2X8yh@n={c+CMRK&U7tVe*^PuBQ`zvR*)O{`#-~I{e=6{a*O)cfb3I zCLHT?lU!Uu{hoyB4yomvjpM9HHd6gCh=kVhFdavWCvzS32UeZB(yR}BmnKShaih+cCP4x!bq%uE>_hLaBRnDZj--xZj&NvaII;zvmcq4 z#wbXlb4gO<^LYhorRy~%pO;-#C#rRYs&8~0WATUj2c9wHKLW%;{8NaJ7gRRJbS#E|!|Fk}e{_#IBGVgVPFqQkB-Ws-SFaLUy%ja7Z~1Y; zbu#|wAZWgt;~ls*5#|T16^hmnLP81Q4{eNT0mdRGX*-FMt5B}gi9G|D=Wq=kDwiv8 ztCeUIyHtx$Y_Q4mhxx6T$Na8X+kM#JQelWWbUH>H7bV5xI!ymIq-wo__Xf(3F?bFN zu<6<$HGL3j#!A|Nm}~L5Q5>^X6-H>0qN7=%V4`B+#D=4KoV|G3oQm1+ECQW`SFj#XFvD3@Xp(B z(||*}1UKc?&wiGOV;G2#mSGT6d^$KJQ*}(_yUY_|pP8gY!t5CGjrT>#^K2^#$)v>= zMb1N5_qUiw6e}D}L>7|MqVUro|2U^7 zxJX47Gj(|HxYbTH9Vx_MA32Wg%^mJhwBU|7$!_G+Jc$Z-Me?fJMXuZ7 zXG}cBV)O9f3Gts$z+nNv`8^P|9*A!gfVbuEZ>6`dz5YlGPqFxm99sUvCy9%L!sfSr z>$k$|Q^AVAKMf=YMU;}8pU8&Egdtthy(@}a2kd#9Tnm5A$_aZ6GxsU@g6x=0jbaG2 zR~>~A$^zfFc$7~OpVYQp7n1DvHUEn`qqZ)VHiu~}!<;k_=Ha1|I6e!kEy0vky;8^= zn*IA1i&qZH1j*9ciC&ZABtoXbiB&DuszU2|_Wtgzvb0#9m~rAlbb^FlQ5&5JY+NLf z7MBdKL}B0Jw)UL1($x?(v<9YL!Re17IxbWD*|E;$x+e81-;NU)9gV_|MSlNkf1q(D ze1M?}Zc?1PdH*=-a3W)wP57@R$GHe9}Pnc8e99^am>_bV^IL@hTIK-d+bP{7x#ue=(rT)sm0 z1i#A}Br8IL@P0Ud?8wxP+~k(3UJCO7R{u(36c!|_rtW~FvHAy9W*B#fQ8M)8tJU|4 zzNa?jp0lC60u*suG3kowA;GdLO|2xpY>B!%*_moDIoob+>B0Qu6*<52JHHdY@r`c~ z=@`fkT3Ao&g`x=s6h7007O&P_G^v2PXW z&#Lj6S21eTfsUCIMfH$myxG`B0`CpgjuIpF`0?!XhGMiGDaK+H?=Ec*Xwj90PziK< zD1#LV{C>HTk7Johy`yVkkcv!p&a3r?#xq+!IJvajMROF3d>PZPNYkA6g| zoom-#VETkm2t2tP_ZaWFff*n+TMr)!lDsmT5#_AVG9f{dR2*pgX}WfJ4;)W&#BJp) zc?2^HQbb=u=}=^HkoFm_+X+P^WNUS@l8#Xo7%gJl;y98jUB!|F$BVgNjRN)A&|E2? zM!KmZ^m4ifs}axT$_hRd8?=!encD=HY0cBhQm`sPd$U_NZuxlcop=kaB>+{08~pqP z+thMUDX%4*aIksgJVGn@x4->uY`4Dov+uGBEr{Rw&UeB~QvtHwZ6E1p;x9@x-8-us zfB>M~1Am!2(*V=~^@T5dfo|~UKKD7XmEO=my?6f}wO8oo2|A%S-S_(T?$F%dfnMO| z1CdaB_qG^{W>V<;m>6_~+)V$&1B?fUP?CH1!_8Ya$*cn(afFPy*N{0pjwLWQBXL`KACqiu!a1tek= zE4ZE{i=58ogAYCk?@wQVNuLurA5G*ZTY)&wQSk#*?L>^2fXL}2MzA@N8&}nY(e0}G zRs-JSop;_1UjTGKi@*HRm)JPa?ebJfK!iP~qR`%P5Q+#jok)nOAQBYJ^C(QJE`<=F-CzCHU!el)llB6Nh@t~U&7c4IpA#k99WYX({RU;Wizg+Kk%KMnuz5C1@)hc>~-dEr?8{_p>u#$+g^E~1Kj zxUEWc;f=4Rv4M>pMWxi`ie6iyGCI9=V=IaHAs;3x_ljJZQ_JKT;MV?!Z(MFVh5 zxGqM-97l;P7+P6&tn(oWB&7AJ_W9AxIZHwa|8K+>!~%eYSC3sbH_0s^9!1hP3q^V= zDVom4Bo zZeL(%iz3LvsT&4VPMt)1Pph=lSnAy!Y;VG#7ym0pu5d zzW?64wAq7!UzWm)jtK^P(|cs)N#*R^en%HS!^NT63XIa~!h14$oJCc}oKC&}8*8mc z$q_8V;W-deaOM51Tq64Df@bNu2-j0xig~kHnxu80_qzGxYd;z_g2(t^4tQWf@*O7X?6Zr_h@yi4ly>Nx@KT0#U73wYGuq>&!k0V7a`7r zFFoNdx{%Ez+yxBw-Sh?D160#Az@~x&gAb(RfBeUPB%{AKfASOZmcit5{iW;FJ4Gwy zhz9LQTo$#hR$J~zAx^UgJygP>?gFD(#Rto!N_InefL#Z3Cvp5mKRVQ5oSk zv*JYW4-p+B7bYv&`Lg_TpcbVfd3dNbRF25%!>Z<~q(NlAqEeCFAWe$sj|-~9#m`PM zXxJ=l3yFL#W>@Zs$Nhr(Nq?cp!57q3fBBbx8UEl8{(uVGC)r-Y3-5`~z!%URMRk5U zMh;Kdym+Lxo#PyRxfK7lr=8#{_0FHnVWO1(@Vss#j3MVgf3N$a4 zc!rK_i!lnhcHA+6)LONfIVr?V7#Jy92{K438}hQ*Susc?8X>}h<>9pMqQ$SM8jyEV4^Er*bzV~fJLQWd_OL0T z3Sel%O!s)i&cyzW{GM?Bq0LDg#k|oMOtt;Vo5-!(G;XC})eWv9JgQ=j@zHqs>Iqdf z^HxsR_Q?xr&vfBelI;S*C>F%&24Vofq;bBd=b$9Nqz`43qZ5U=l(qxClG;Oz8QwH@3f`Q{JUF zNqVfn`5@)d#61;O$}yopxRHsrK+{m{pnZm8gzO#0i{M2e@%0N+L4#JCns<>A;PiVi zZqfm${zRjgBx-1yE;vkz>%2W=5*`I1sh53pJ<$32n+tX5!ANpGxX@-JcSxkfZZu=U;0Vr1 z<_twJFz10dOQ`yW3leQ#dO~-7o9NVI>ZUxpFvi?;8MHfK=(4EbhGe`Hiz(4y zS(B`Lg?=<-dUU3f+Qu=-dQ6Sa6FoOM@+KNTzsYsnnqzb{?t%3!zmay{_ zgMl{@iei=C?Krkd#TaAouHlPL^v(FFr1od3qN=nnXQa2_wp%X_VL80h1|f9%f}11; z8f4&5?chD&0Q~k;+yKFW%OQ{jyv60q&xhfSM4TKbc_76jS7avvHe%a?+23L@vj^=d zGCAlmt6AZOvO=bB39`g~IIj?C700|2NcI2u&UeE9_#6Kdy&wJ!MGnv#6dgdJh!eAA z9|CgSBp;g-BSS}-EJ`emO3cd_d&OEYE>0lnHYWRx5O7iPr{RbukL$yAa`Hsc1^x3;o(+QTWu857splX zFfpDO3SJ2mo{Td_l1lty%cHtn$?1U+FQI)$xDLECCxAPTt|}(?}W(iiOW0kw{gf!WHUQ; zti^Mpi!5{R#xO3-6Uxik2q#26badmwel8nc5V7;0<}aX9P?2f?B`FWZhm2Yga&0hY z0b!?%!E>7Cy&=w=w*1udXN)^Tm+-rA5Ki}?+4Z`EkYDw zL${&0HYzso!Hp?>j;KwUs)6bt#hhkRaw}`)+K^*ooXY5s%)yd2|G3waDR4@e5#DAw zPaPVfH6Tm6SLD^Q5_AFmQgAysgNogaadW^g`RK+CDj+UixX67%QO*GM!D2*)Th0Nv zl(yLNs)gcM?KAO%Yn>Fwl;eVY$Okl79A$k9U55uagnTRZt*PM7CZD-q{85$z#K)HXh#AVQ(5_`=9aZy7uA<$6!q8WR9VOH+z})Q#q6&g;yZ34FKr3M#f>@dPfB$`hHa45V=* zuB*~Z4%N@0nzjA6`2qq2LqTmvp}6^(NXE-zq<+gGb59P{z|rPk!1`_eTW;Wi0dSx+q2|E{E}%AUGvd zsG;m7B-`J`Kq^^4BS)`eF?{a%=feG?`?S!*><6;Pu5Xekr{5lb?k5 z-hZEd4n*Gn^q>AF{OZ5^cj5uCBaRE_k`y8cKM>=;=PAePju>#|#znMr4x--Ow}jGW zRQWJYRsYDjtc0O|aCnCDv=GUF;symH3eDTMZWD(HoElQKL5e^9-n;LMhls8v%c8rokVtF}SI%)4NCLPZ zI8W^Qk41IH{3yQ0WSS?}%Dd2GhmQ>k2~MW(93F1yb5}#Mp4mY|0%xAl8Q}#1p}-~v z^R6a=ABgV{PyMBaeqvrT?vWtQu`0_**@VnQ+SFx>j3BZx2~Aca^vG`0ytbiEzG#B# zDB8>cpdp-$Co*59Ms%WM2S^A$3)flsVJgO;jJ?%hGy-jxDbb$D%o}O@iO&!dgcEJ} zvN#h*GiYs}P2zkK!X4!pia9lhP{XXP)|=*e5}|{v;L&ngnEbO|t6gqNA|6dGi+WTF@@R3kwxmB`9)!{Np!CS%vR$IM|A! z8(;tkVib1s!S&WthuSQusr)W)CUJMwIGNW4$u-$&1`U(i4)8!tzXKyYkZz0ElLHw5 zp9O?0@QS|wz3G9+{!&PO? zpkbLRk>OT6F+kacYY&@q$lhV3c=_@bx(6t9a4b|XKuIt?xHuR5iTi?o$IpUmgbCwN z%nh0J%agJC#i)BUh5m(XR_MX&WJD?spP3Mf6{vjzz3zs{Bx}bLA0C85LXb|R^|!Uj zP+LiWjun|1$ZGwNCNoT`gyc*UFF)*SF_l`G@})X6SLMkfCGFqPYyVEFzMc$0IX2hP z=QhvwaN=s}UA~QzK;*<&={K&(2pazC&=U5#N}L&G6M^HwiKTsXsHrYONtAWb@nWv@Pum{jPV<q=V0dhIlpU`O!` zYq*`i(1b!JW=U=N|vUduxkDRa<0HGQHoq^XF(zL_jiq7PTLF zo-lP;E|xUz$<*Bu>= z%|Q$c0G@CKqbQM9wgF`FxweM}E(Yb=YcWTXazfju;w&7SFoTqD_#X0BNPFEp#l&R;ED@PK$c};6RY2 zqLU*g26$^=;Gt>;gP&9xV|EpLdu=OXqt~^VQ)aMTF2m>aH_4(=9?Cj!X3Z!IKiYtl z>jLTcO-|iK!TCTW<>>BTT=gwVvD4|YxUL?n8cj4Yux!_s~Tg};tGv6{TW;jDg zCy?y;I@o=T;*QA^;r48G8%A4D{Yr|ow}`VN93Ss+%Y?tdRB_nV>h)Mj(Wh?6Ymuj$ zBwY#|Qw}bml>e4qe(`>~HC$ipI%6-F0Tq*T?b(KzH;Tg{3s*WOWNMwMKMGQlo>FyE7v`Ka*XTjuB@ zw`BdS;zNQZg9`?m1Yjiipg10cpi3C@K1E%}H-7gpAF{)6*or)SE#6SUHl4v1YhIw$ zTL$lkjoK(2IlLgb)=eK3W%3MSUc~%?xfBHy7Fi&%`2J4Z)`@>YQt(}P;e~6a#!}aD z%&$8sDr=-fk!w`UCk^MI+$LK5;cIk$LrS76SFZAgd8l*kfoyhg%vD(%XnsCCV6_;I zOXcs%fg%@QxzCuUDb7cbX!S(e955f~p*lF1>YzQ2+0=oD(=n43hwut@ebOR23Cf~l zRTW*}TB@q77=N@PY8oDT_4!c z50^6Ti<%nv*t%3|rRY%|x&dXhu)M6hw{5X-H{58L;bF1-$(xKgq0NSe93O>DryuPPrI=DFi0L`-(; z4LDIN+F62s0$ve_WC%Tl+cAnWkcv_0+&_9?B)}r@C{UAIw{9A`20qonnL~CX7S9DO zyoz`;lxC+{W#bgqmI|rihH(%@O7)!45IrS~YHPr}Y25C!-|nc%l_EnvwN_z%-C5et zg&H-nlrsKroq_XAW$-jEvV&EV-3Og(vMFYW##u!L;sv5f-rny;Q=%$op|S^~DMqTV zjJOpT=RiF?v>gD15j)BzE3UL^uA)z@`uV6MvIqwV#gy-@8x>I&u9uucY1`6yf%h3C4g8o|Icz0?XYYjE!*>?Jqux|ULLk0$>7ob$lA(2@EPf@| zc$z3KgV7dJKm2ms^9e&uSi-0%> z5L%&7I-p8FnTLRy7UAJ3p)Bq|&2zj-mX=+jBld{=(#zrMw8H^6>ej8>;o;e%a7nxs zP~n46TrUrQ)jqCM7IC^-!{?siBS23Uo}X!9B+g;&~_y%HZ=#;w#`Traf_lYan`f} zmEv4x%8yksn|oga5kEyaCNdV;eK*nqqOAl?$@Uw%YzAu4P=Mlg+bV5ZD=)!`B2=<# zL}5j4wOuBg6bkGenHn&-7L0L7#Zei>1_}-3oN4Q;c;YNFhl+Y=agmRf%|SdAgp(1Q z6Qn!Kz3P$CsxBL;=<(=4k+yVJ6m0rFvhmjIQ8@z5ZlC?F4r%j(%@YJDXd{Qs##%+k zV!+3;arWQAW-?JW(uOQ9nDexibm~JwdvD*qMQG6=EofXHAV-*|@qLIxKz+FJ;fH3v zi2q?@r%Bs%9jS#>i@6|tCzJL|QKNIW#>il}jbdev z_?ZZdAT~(8+v(!xe|0$Nm9 zdbHYko9Q19iV>Kiipky<3>VqSfD$UrX{OUrS?OtRf z`zldVVeOblGZe!^2vQ#g{|S^uXU~MoSFX?`dH?=BD%KQ&)?JF;=Omv42=bv2eUlcV zLz)Gzl~Q>Cvjr%oCNn4cMMMgw*cC(78>kOfmGgHCVR7IS5tPv78oBXO=Z0dAo~08R6z7VqWXWJ{ z>e0;i?B{~pWeS6Nmb%gu7t=E{P6d+K{CgBATY*-LT-`YT#9*AqtSCdNQ47kGsK#oU zcIBoHHBQl%P!Y1&&t8F=xp$F=1OB}g8I;m-1Zws zD)JP0!wo?}l$9uMSy;)UW^|0>p6+(h75qFWd!Cs39&OfhuH7ib#wZa+Ea%S7WjtDJ zN|5Ivh=|6B&`pAwj^kkb%MtT2G(kgYxOBw<5~e&9s!8Kd_tXmFD>L<43!)bWA|S7%?Sr3$abXEB5T|7$#8vd))wJuQ8y^XojlCnlc?q&h zv^<@_J6P>QKFU3Jmge4Fe=Bz6DvValiLXdqAkl6!tgN8w=*3N7>mqwM`o2({8pC5A+7@Ek7qiUcA$H z#QpzyTHZVv7+8(MI8bk}u~ZxZSr-;YfJbWI)HLO2B!2d!13!g%3WNk_XH^F1v>UUByAKGNp|Riv^-Vig2}y%vO!3#98XarMXdZLD~M6* zE^eE)8!u|1ng zsn$Z1?EYgEKdGTH%H+@Am_L!K6>*(#jCuOpbJHAiW!mTgae=3fIvRtkIHJu(^XVXd zJiB%*MfT4D>OldwJd;oHc5=NYObtWIjh2<*~mNfg+aVa+ebaGh2!icp~0!EqNuAz zHr6C}$Cbv$PsfA@4X@ibZ_+UWLiLax63IcF)$2j>aoG`i>1I_Bl)ZtWeq!@7d2iod z3z5nXASX@`!*Vu*GnPbWS#UUPkD$*Tqdp|>KV(w$iDXRd&K=*C;oDC5WHHCYh(xKUeT_HFQI`H6d*5{)4n$awU)}pjfXx&&NeN2Ii#f+C<*DJ-9Zg zkHXRGs!FipT!Qy);?41!t-jiD6JQEV_&kg6ZAaYU~xmG^eaJW>W%0V+n;)Y zQ_6CS$F&$5q^9FA7+FsA^%i6)BrG5VU~(g@QuBxKvuN=E7QA=&4(&=_JK#sxH>nJj#ZO^??x%4Y_K-T6>YG$!KX6uH1#YA=Z=!1UiZ4>0c0`-Ph)b{5K2 zLZAEYU67D3vO-`79?sg4s%n9#$-*jGH7oT6UWg}3FC#ly@@Hz;nzHV*$WEEi$djcW z2C1WP->5CeL4(}R;{Lz6uQo`Ivu01eb=VeX{-JBBpmk?aXZvF6y&USqxF3CM+`k)B zv1-ERSBw2dX(jCUR62eAoM5o*pp|$Ziy{}2IxP3Bq#zuRDl_FVoY{BDA-VMZAzHi9 zlOStB9;h|oSy|B&IpybKigR3$pi0k~iS_47v+ml@r&3WL-Raxd5;I91tI2{lYk8$S zka@dWJX*51{nw3*B4pJAWhX5d4c3fn{Vd+N0hPdWu3Se_Pl>$V^P*VQv<V zF1{t#yMk^VvVIEZ! zw6zuGx^v5tkax-fV@kr{6v?*6lVg5u&uM6CFV}CpBb_o(k#s#Ky|&0LtKrNs#AoJY z{P>Pli#Rw%LxbLsG?8VRmU>Ip&xd3_w;Bc`P*IvVvF-)Mxp1Kx+zC9b4Eud);)*cE zu;2(PeMd!2bWqN?Mjevlb8b+e@1$@6YPu5c32q!74jd1-M4Qba=Qzp4p=2&YpM;!N zgzaBpzPxx$@eyq*e-Ek+{oGH0b{9GkVDgQOO6iU>385~!vSSd2eTnQ1ga?PD=R!~; zlQfAm(Esi~yX0$*_GZsqsQ%hbjvholN z9Z$=fC;3WJ;HV8lGx>I7C;Hu^!P&{4 zq9Tbb@ZV(R05eqzr`%ckGzH=cio$N=D@p6-aN#U52vm4X3pM%DgsKW6z!6;CiAx#D=1*(!?Bo`O5R*!TkeLoTAMLVF^^D;2V-qMEq}5(ygtxQ38CEBx_R( zuhhm&QF(i=gj)(Lo!-|A9f+ywmF;dc61o*d zYR54B|0Zr|p4G5TDmvwNb%JE%jV)WkpwC?~-zAOi=z)bI=B1Hu53zGcGpSkO9g7wqTxFl73w-VzM*t)VKSL#ni;gN8y;bvs z5SLyQ7-K9mi*c=FRW(%hOg`BmQPD}hXQBe>OnNYTp>4CwA!HU8yNW&dHQyg7BqUi{kitG^Zdu?$cYlAAcJ{n zq30bdh>o&rS=HlIG|gaHX-oEL+)X-fjLSSC&#NlgDWZyV7j|j(N>p#eCr7;Z)3;R1JkB;IDTlrV)vRkbI&{EzN zzq4%P9dx(M3)8xiO67a%-l_|?`Y#pdf#Qn~MuMRH49(co16+Z1=9&BVYce&mh0Y7{meA?l&IBZ9&z)xjzGaOo*y0x~YH@J1Ur=pf--CRV&JU+ifGrSr{Xk-bh?84G;?|Y=N#J{$frN)+ zpvr!*;58-vandjc_Ng*NeIA;Jrs5YiNPOC?=MeRN9qI|=5viU(H8*hV(757>U$uS2 zgI>tHDa-#%`)p`%X71X$MK?^&YQEtxD7xv)_ky_l8mi+I zeNp&B$uY%pE{&&7GgilO&S})kkfJ%P$Ii0A6lP8}#k`4V&oMg>b9khx%tERDSS#~u zsdL1J%tx`=9AvTN;$R$4n$1@9-ePh;y=qa9xs*1MT~TcExS8g^^Axn11YH;OUy9p@ zget6Q6HGz5n}cw)e!yy;hvL?(x6Zt*xG+Q^mIU#z5Chso4094up)+BwLR-dW%Y1l!&QloIdAVy z8#-SXD@qiJbA{9lJu)6ms!~38G|4Xr4ROu?t}k-p-hyV%-%1VFt1pa}!V~+}oG-F_ za(shub&E^mp`-H7(=OE$L2(TIm=PZJ8kbrAQ!Y*nF0S{=GYKX;uLW%VUG|!(_q5Ck zi8=AH>tvd}z{e|bn|8f_PLj&uMMWc(!fKGgC1H>?yfF|@Pd9&5WXCoPk_{0f@m2KM z)Rw@>jwRlk4I7G{o4yA_J#r%6f{SxN9LIC#&l4|ZC!SZDejP=bqYD?pcJISY9_R)6 ztPF;l_^6egLupPZoqe=tlKxu?FSLiyRszz^*-pozhGUeB5IGp3PXG47(Glh8LFEKA z2Sv^b_52U6DFBB~(q7h8%4vM{vpc_ECI1XZ< z_q9Srivt7{GTbWT;&DiW#X>08ly7+^7h^a}xIS%> zzGYD_8zowWw(=buIZVAiVyv#s>JDrMW1)xj`(AySAv?|e^Y_UWsEYp3d$|QEF7V)^ zD;9cmOw|QFoYND#o6mNA+a*-6zt8>oHj9n>RIf@1`%L}hUN=0fQ~2fy@%Kt~cP*vk zx(Pp~dyYL>v694-p_ytW&n?z*k!)`%$hu4H$CU2qT`Nr6V-?-)ccinDeSr&Be|GSK zfNH*EoS-%hG}drSZRJ@ItQQ+cw$b0Y^VWQ>TpAuE$)8iSHkrl;0KM3XEZNAP^0WFJ zstF*IMMe3Olgq|pB!oKERNyc_Bnq#E+Yv#0Tt@lamB^|`^Q}QqLjFVQN-QD=3Ivv) zW2a;`72S>5JZzG*kF3DT2NnRT2s!(DRWyk`bl50QiMi@Y#%6uo#_}7t?8YP&>OwzI zhu$oPgv3qM&F_#cRa^N{>h`Z4^qLZ0!3561o1Kp|g#kp)hxYj+T< z!L+$)74?fz)pACIA2oH9Nw}>K1Q|Yw<#tpUGPEdxM_qhBv^oOM3#v-ZD09?A3$;)! z&x@s^x9{!qds1+L>r$*ng<^$xhdw$c8DgwEX=Ts(F>^5CBZXN(QOp@SJ9%j6%7}d- zigCe*rY{tllx9!x{3)tzTcCWYzsEDFA2&-o;{KlXW^T$s@&%|b<~%aAgw~91r|Gk; zf|&uHRyj|g!kM)o;|wKk$7<{lmeLW%jUcb%H>HL*Sgq1bTii&tjT9`VY`$c%LRc4v zun;cXl{!ka)wY922+izGcwoATp!r7l6pRFCLr#D~kVEZu*JLKCv^tlHj58N#EtVFe zec_DJraFJ_9HA%=j*i47p4(TW6bVH_BRAUK4%N^Q$HPhG2c){%mTg#}2#CQF!HaPO zlPy9xPeS5_mjZNv`IZCmE6IZ=vg!)FAiZx%;v|6dAg>D68}LrU?{Zk~hL3&6ydV&k zRjd*tZ>%UHf{L{Rd(OA&(hi>+pg2PC%|elg5{QZ8S(kOQzUX~iNv4>!nB2Ugf|BBb zgh{9%{1#1n_ayih(J0*<%7{t{$A*}3+f5R`6+uHM|8t=VVJ{Bqw||e5=D}m z(W^ygZ7uR~BEASH5D~G1a~;>@cRW9jKr@Tka@4p9vv>&0?)A^Gz?rAk?(2>FfAfos z-AK8Cv8XVB@n%4w>*=uqgti-N^+@?AlAP)hhozTqW7uNZcpuD*n&ey)izi6;3u*|9 z3v9bs`-QwZY9y9hSS38j13){Zp%#myGx@6pl<(vRm08V-0X225wVd8JFKWaA~C)glt4t=Chb z_!HsqHIug#mC128!XhH+WZet=oYfGU){xHodhK}RHg^S^>x89;? z1sps4xGrD5LW}Xun;%I~trN)Sap@m_^`L1cJ6UiB2|Od_e`t}1 z?BnZ0wbg&rj(VRH@FIb@p(b{V_9I$9J@V4_-ODV6SS{a8#yzB2J7-DFHS?f!#mdrR zpv2k1AsDl3<+jQV3KH8e)fo!s+fp6D+!vo-eqR<4sHHYlUxXF&N{IXK-2x|P)?N&4 zhMMOO_1Cg5@IDSt`+)9l_I0Y2%*%@Z$Ocx!3)WmWN58ZVy2Fui*QD5QAB3!x@_YYT=^0Bqpayns%N z63~d9qBhbV0D5v?I3Z~7D8dEz+TFmCW+Lw*NLX6wtj=-??}7-SxWT7Ep|o`yDuh#d zX}iuZ(I?AY4cC%}IlCJ^A{tLRt?ZQ{ULNrt?^@jc(9v-i&^bsh!5%(|XSt z>CkuvmXi~zG^A>9DDAtT5g263n52!zDqAgVRii}F7rQ|cxhqdn?N4@M;jx7}N+V4o zqcYrHY$-E1g=VRbVX3lKTZb_PhdXbvLb>nNY`T$ghxEUl(R)>3x%+9%S(ef&4sxX^8n%sRa#^~N2VqE zP{s(E9XdZD&AwwN`LzUjqA=MBsk{(xl_Dd=^ip%Qk|8-;LVOOS0A#~m*JVj?;@6)q z)BVwBVKBa!U%N0$b}P+*Y@atREY&v&CW7Rx7OIgf8}x1^XmjlNlf{a?kNa9Z?Rjd+ z@waai`9*sM`7cyyRQcipQK(onrB!l^8Sf~{BNx2n_%e@L%xB+o#ZF^=zEH3&EvTU@ zC}tR#Ynv4xW)|AGd5@5BTQALK@3K%FEFlraNpPDAxw|*MfVAE9o+4+~?pe4G(QzRf zH|~zZH7mjv7Omu!PCjeQr!#jblwIcqBu^b@ZTGE2%D(6cZE)=A>j{Cuv#K~+0x=Jb zmE99o+=OOxGzu}lRoY3o<*aSgl5(>UE{n>pAg`LlPp}z1|vaxbAqVO5WK=XucB)9-rQ>#iBY#=hnBKckm$3neo)|-bGit7_sfqC%p(QA8P^`cK9?DupPk=~a(S?ls%GE34opYDI2FXc+9f$Hta4hus za_xBznhL*%4~+8y-VTa`&F0wri#*Lh{c-@}pj`*VN4ZdkkqrlFt%Aa=2=yQoX^o9` z-FbmuIeJ63>y596!;0=N*`kPpa0UKS6NR8kEM2JvQ@2$ER6=~xV9xm%#o0%96zEEFv<8*iZ`=zg`8EYFUG=-y)0_~J=7fR!F^l{%gC+{wK1}s zJ|qj|R)3xzsZhe%Qpj0PjP?Y!S@9L)jCA&K&SeRW@YgQ&(Hh--UE(s$3WcsEHER|5 z7J=6Wc5c_c__Hz4wUs=gv~*3=LUe`6BO>WBerQo48PX)a#i1d@Wr{Ua4kzsj8{ZN85{P@xNNf+Y5~+E?Y8dZV)xsg z35f>Lwi^-W$su6q;9>_UYt=g=s#*iPW(t|7jt-2Di5`pYy6V3hvfxO5 zRI!IRLp*dL&W+=3v~w?esZ=rq0V&4fPkXk5HA3NH!RCS?_4?%M7+fEpVnj4=dFJJJ z4c|t?|NOObhehY>$!J~VLF_YVdahEaTo*eA3HmF>eJFF*QxxL)QUX+TiG8f3T5$C-pfLL}EDJ9^_GmTr>}EIMbD z!YN6bIieX*^z7u%I$xHSk0cQkLHII+?f{*D_l?9NXe)V;U}ry{8qwUNcN)Ozk$g7> zqc3&@*|PTNg0bKu%X%~Ei{#K;4PoYP{9aydE3kKncHyiu(T%Ee@s(pE1&3|xKP(=A7K>2qs{)FNP(kfP1j#~ zDLnVwb5qrSSotfJ&|rVB%Tn(?Ghf|%!?jZS4AFhaMci9jEaBid-s{(|(+&s3G~L~V zM;>RGEwV-wD`oE@xOALqQT<4Xu~U~dzwe}mue|bdc;VVLx)1#haW50bf(RFmuM!BF zgxw~Qc@{PKxY)_Ecz^Jo$eMZOl~?Ha*-^EByZDF#BQ&9k^LrM%bKQ4M%42#a<&n4O z;-!l}RiF6uwY*tsYts6hTAH(Q0D2eH*ld&lr>`7(k~*P7kB|n}2E}}MJ=Ig*RE1dR1oD4KKJ6qixvdgAkHA&j(>r)N){ zl|yyhhAtO}uyaAW_2>^7J038{X=Eupk;s9vt=Ga);`iBV2AXXkGO5mz7SWQM1?j$$ z@)1L!28vlCHMnIp6})k1Kak18vkKe9iNE&RYvF(U zlRr6~nNMG*uhZ8PZc(*`rP=(G8D^rjKgDFqi)887LsMjA=Tk+da_TzUY@VX<7?Kb* zYdUyL)mi~cm{{g2K|%>)bt+G4u&2(kspSf)kz5qPgvyH*1I?~Y>Rqx|2og?gnm4b* zx%~qU$?>$n?51mh1z(XIoCjppBoD_Tew3x%Q_Ns)&cqw`MKIGgd zLQG{&%(}j>nDlWJ4l9iaxpKtqB!$V42SeJ_Eg#32#SVbnnj_y+jbzDk&v1>fu^&Zp zuc4ew9pCc!D+^7pM7q47cu0$cHesIafm8fi-6jS6eG+Mh~+ny*k zNEL?rw<$)1R^^of2c&9}V@gUY&mwuXGt8; zH5+JJq|vER_hI4x4Q^6iiJHY)03ip@60mlG6gjFKp&}t@prAVbj>2<^taj036M`uz zt9&@7%-mke9i_!#={vFuk3-GJsd-ur4hEXNX>QnhO7JB+~TChp_J#aDg;6borg%(I_FEQeQ<4Ka3e*CZ)3S*H$ zqjH!k`bVhAZmbJ23Y5qyDhsQONl3Iz;3oOKq?_-A`%@R`CRp`9LU z{c>91oW4HcyZ6)AX@#>iDk?vK5E|lMV4`HVRsTy|M+gxya6#VP9mUNTawtwqqC2gVL596p* zi8JK@iOX&gXZNa9tb~4TUFc4kVh<>DDbr$xYYRn_9`hiIn(dBNSwwE7(8&~h&=9-j z7C{miVcJ>d(O_Ifm9hJC)I33LmEqV>cp?AE^HP#5{P(lQH0wLGL1d)3I;hSE)uH!V1eIc&#DfFA}!`E0zy?`G#X`{*wPO}C4;&Jm0DI~mdu`^;zmAIJgD4U z3K?f=rlN%`Z6=na*Vd926WI9%$x-6>-Pw-6NCBbQR;qLwLpCIb`7gqySOtr^F;5(k z(PYgw3XzhmLo71|VUkz^MN?29;QPlS$wf;B?H&ra6b{_zcGQr1A3uCZ3)SX;3mKm( z4fG86WDxESj`Qfj16s6U!q?a=fQT%Py;0C1ZoLh(K!Ps=G=!zs>|2xMTH^muh~ZjL z>ncS-T(%Y~F|%wa(mqU?-d}1^=8ha}$QKAj3628-C_;?D4HC0PZdYx25vN6)4fVFu z|2U|0!-$^v*-&98JQ-DCF|t(MsvGaGqW)rhd_}UqDB41hH;l3AlVuDjL0iU7)7+JI zkb1z$cvD_1!bG#Ew6b{;)mD|h7skgZNED$+>iAFBT{uTu=5bYZD?D{J;))zBCk^L5 zN;HIwNGcLXYGLs`Kmnb0yE?v8bQTa|W=O?ss%@*&0_XH~`Z|4m>PniJoD6rqTkGuz zl5+z#RSy(~A<3ld9A$I1_qPOiBP%;K6_5%zyQXZM9nHMzbIX+bVj4t8+NIWyNVC;o zEycF&WbG^b2{eUvt63m<<$6@nMeg$cyc29NrB!kvn1i)I2Kfro+R()<=W1J_rfVt< zA67N5h}suga9|M;!@)F&FOk@86j@k9%*NS>5{x+%=F6};E?ZF&r1giz9g8BjO8B#q zpf7{?s_24^&(#GrkU790(G)ILB}FT`6nWAXBavaZE4yBLf7q#*+j+R&YNkitGE(fS zyK{8+kq{2K7FGMu=Q+g%*xD(kf`+bUms6-?t6HPfXG9fiNo4QB6$+uEUk+s=^={$c z%`OYeihFk*yw!_7XO^uf@2lb(vnfbYFe}$`Z|3*F}z01$kwX{NeQ9ux_7&svvvry_%t3*Ag9u<5ew;-?dwIt3LeF@ z!Wsej@bCg{v{`icIEV{>%s?Eif*yxMNoklT`kBTh5FsDd6lq11v7p()3ptBO`!V0`CYzzIo!X0Z~EDtWKtD6ziZRyU3_?fymdhM zy?y(ZAw(;RXegre8i@2vEv?w9_(-uOMFaWD1m)BemRg6Z5=6V{2w7RvSi$%|d+w|R zbu#gJ3q!<#?|~M0RESO2nhKSjCVrNLm?X^UlsXmyPyK_Q>v)b^7|0ybz@L@Bf#7Z*7YhThxZtIK@)970KvLEPYPcqWNd3ZJs{% z!O?B3y~I2K{d~5fuRka4q?~KP5`tOKR|80~zev^jSKAGtiIoYB63C-9dYrwPs9u9X z7D3KW%H|cLt%w>eQN5cqieR^8((|Fn!1XgVaa(_0ksKu(d(WNV65Ed@fm;_NYtOkn zJZ-_?dxsLg_g~7IT10AG;n{e@^tyAuC`*dC2BRtw-CBSC-aB)@QEUh7dP&fw z{+;4A#K^FJCiLgLCsalDvONQRL80SDe@?Hb|94d;R`bGoZ7grm8Q5B;WDo^c9*x5l z9dd(0=i0SvkDpMcH~x0{guK4}?QeT`x901+-~BHAjQ{&Lzxhr29lUPdyji~Wt#3Wi z-V4b`#p3>DOvir0D-_pN#Kl}f)cQ&zA9akKmr-D@{NCsjFS}DOa zQgEaywxhI#M3s$7E2Oqyw~H955qMLeT^LK15S!TU22d**FDj6_u)TtAu${IG`k|Ty zUs5FFZfaLaY|6%wNR6w|R78I6{f&LD=gpgY?|ZfhwmE<4>fL*1=FFLS@7?*|bI#1< zL*?fKpZ@t$nYnzv=w4!dA)WFe9lh(kpLagKjvn$wwa(?U+Tz!r)&@_9qV~*ta?;v9 zpWgO-xc0e#>}Y_qZMUCub4%s(zTD!zwE6QHZOdnUhmJ1!MIH0_iesV_r&ix;rABQG3!59^t~kfzPvv7^JHPo zT5uu)Q*^JszCKQqa~F5--Zd94TrfR7JsbAz_ThgYo3_52X7t_f+v|awADNMfY18?` z*YwqYg{XgVTXbwU-M|04_U9UKQ+WXjCVAFGC_NWA&6QWqxy}U_k2IO(mP|QW`Ha7* z)lzyc5VMh}Q-b_lmcBuu#bt7)gtnXXwwFP2~;z z4XT2+)Pqkg=^2^$ z*fj0gu^=P5KQwyZ%zpN{sfz|}@@Ika*Z=vk+4aKn=GdDr7m=#|n;(`X&jn@gee%f4 zrtH?|Dhgx|-Mw$qt135}=7xo~Njq#G-k-7UM6anR-`3|g$K;MO-1lXs>5E*qtc%V= zubGBl{?W95r?x<*LZMJ7))&@g49@=j`>hqnB>@nLj*gCkbVv^85C+c4)7#r?(;yfS z4u}cqti;R#Iq^ZBuC6XypU4;;9gWFTTU%R9s31aay68kX(Sdp;-M2uYZ<+<_!e9Pj z27lHR5AY1+w#~o(lbQeRJC+P^zO}N#)Koujy51YJgLq%tn~5@qM*n5=L69il8`UxT z?hj&eQLa3fXiyeXf^|e>|Lqswv*f{-%{A5&tW%I2+J|nGuZhS}P4yOAUi1=~15qE8 zsxM@!_Q)YSfDfYl19ItI`FDKAruOQLJ7|5qPx4h;JUG~G1aO=8pH*HAi+uy z4@k%4liH_(? zdC`IUlo!GiA~(K;$hERS8pKi~ZWLTpkOsiujm1I+bQ$m)qXFBuRxDXG9$A7Qgn|71 zi}{hqXV2Sj#MY1fzxs2Wo`#O!y>E%kk_ywDIq!8 zL#IxiN+dT6gZ;l_auZIUu>*SNq3_1`>K9!!!=v{T2?^<9(Qxxq7xEgTPl&`40oai$ z&n0BX-g>!!Kp+b%4ZSZULx_k^G^8%yRfJ5rC;b6AvM#$6eTlCjz5PIKoQ6xP-?QR0 zzOutw$`p!c1+vStLZJlb3qUByxLja4!Md_i;JWg!g@EyiMM#K^pSKj?0)zPQDVCrR zh$%?}gS^#YF@`19w|a}U@+7veI-DO%iCBd~#3Qr+BQk-DC@md}3T`8?(wLVleM9}@ z_m$t53dOU*aB{juib4s_dc)x0U@)#`CBXV3F0YoB7AqgulEm@k%6t>Tas#o!wS{#l zjpUT1Uo<%TLAPa>uUsncx`@i||DQJ{1|{Pjk~|Xog1c#@NYYoVI)48s6wexX&LqA3 z`SFd*1uuUxc|)Oi8raYdSBM7zy)KBI@#A~4KpB_ZU}?eCh1G^@$PEt!$PKQhasgT5 zz-`7uC*vFNPlt%BH!znYL`fn8H$ITOx2Z*5&t4nJCM|BR|C@hOC zTvS3h+7G-MyU1vp>sl%oS^9?3L#`-Xf#R}LC^j-6GyV};f@8TPirK3Qg<5b{0TSne z%c#A*-C9Bj+~t6P@HPQiDc5ZUiNU%8VWK?s$Xf~LSaC$YxUOUhdRYT>Bm-*>fzY8@ zRt&llYa*@{raH^)BLZ`YYr!%y7Tv?u1bJavby~d4!_Nrr{ex+4c&RAAFAvuhB;;@j zQ^h+E)me)S2Z6gx^@dz@MfZh};G#md5Gx1>`Id_;eI=b~=|Z@CjM;$Y?fP_3Y=+QW&AZeKoURcM*#){e~^0-DG%YcYHw|``bkgSO?iZ32^tH{~2XU&NdCt_KY%X(uW zKYL`zAMo!ypFyqs+mb6^_$+uEnGA9~eF_jgYEEzz? z<)3~#&d)XEHpZY zFK_;m>1q9jC076Yd@gPua(uEO@(cQN(K?f*FX{9Tv!tkpw68>Zy1~qC{Ws0oAH7}_ zo1{=|6foHHJWG4oV^HVikb$1(8x|S&dC7~|$&)8zLIW}3*~K&Q$dM!VIn4cui3v+8 zc&?Ks&pOhPFFKHZ?bS@EXd4IDQ^Lf?%K>~<3h#YTo~iNmLR$QC%0lan@maBy(x*%PI4k2H?xB`nSldU|^17lxDY zHZ;cBV#k%|rn_71^!4@GI;hLlJ0eKoXXBzg^bnAjgKd0#9cdf#B@INx$Lj6Mi-=a7 z&bic&E)m%&Xuo@{c>2&q57wJWdCv~JfL+M7qF6b)-^0~cryZeqCVtpK z)eZM>A3=a1ATnVB!jJ`bb}2Hlbbx^PtG=T{ngyp+K++&3kQ&;6%n&(o@5wA$+77{! z?SPO2!Q;M8jbA%Z7nMSxP$&w(K+V99i%Mcx#Fc~9f>;==6%6n)4O_^IY+g(m2#QS2 zh6F$g#Ql{PM*}Fs3@2tPaV`YJooc=kKx$;&GHIVr!hpM;5BbGXMIW$42%x>Rhq6p1 zSF8=J$!X#Wg+iftvdCJF146=dY?&fWUR*Jd0hul?X;@pXT)7f2Z^6M-YGPDm$~V)e znMTd@Ys#`@$F^hZ4S`}R_VMG#&81715_NXvxn#|aqmeuu$VMN? z)9KTv&AD^u>^;g*9|Y^xty^}jAM&6xIsw{8K3OJ&HebAWF$b&@+2uOnn2uPQ7OGyhz9=f|5f!_x8 zbMJlcjqw}bF@Ep&*WClo*=Mh{=9+V^*=y}!6(wnmdnES&0Kkxykx&BwBo^@g80`-D zIdfPg2Y$7Az0h)1Gxnf#bapVevV~B(dOAWVAy6xG0Dw-|sfb~=Qlixzg!m#NmY=#>_R-x??25 zX{IlSrfYbzpj*DN!&x4TPuNvWqr(yoPJs*D+4bN)ZcK~Nfv#kWJnr`}mqdSx*_S$8 z^HzFc%%2%g*_Ev@A z>$=hYporz*`_EOp_X<%^VT5^@%zZWdRrg-aVg;4Gj!qB#05w#z#94UVeZjkv(&Br9 z@GRpSXC4ElWsO}{^j)?jT>@_doM#j<{!R(n?a9=cv$YM|II|b}?<~${E?kcCJVOx> zB6<7n4?UTt{5bvMP#TBCW3CwdaP;PVbqs8+OWn|G!od`J-C zRew{=^s(l{rcK(lqY6SH#5)x)LpLh2HWA_kntnt-N-AYQ$$9e(0V*g;&4DWP_@_AdNTA*x%r{NVk~V-_mP+b*s)LR4Cc zDwN_5&JapYW=>{SCP}E3J3E!|JxW1mGjo1538_CIz+XaCmaeXj{46XU9v;jd9Lx^R z7A$Ohe0(gd>@4i;OkfWt7f*XvV?v|G!KI|wt=f5tnyIosZnV`j<%v4z-yU0uLg+5TfnX<0>;e@5J}z{1MT z@pcr*?EmQLYGwW}X8i|lH!Zj1{5vAx@PFX`NAJJ1-*yIjDJt?yIGDQKpeHLKM0GPi zznO!nl^Or-ExQR9n+X?(ITN?JIV%$19b|y|^9#bY0EVJMjZJ@(;9~3!`ORSv*6$`$OJjQr2xvY2i0j|yR{sZ4;5OwnHDl*9VPab0rC;#6)2v!yrQJLU8tx3+1tYs zailw03y~^)^HDLf#G$~vQ}s{S!vL=wN;KQX(s(<#36=4k z^Z~P;(#<>spPpQ7oXfpVMg*Ko%%CW0j3G{|XV+I`UmrRMjuz12=0&|#7-}c;s0(|G z&hyDYC{1pdsX~sgz1W5`)|QtGh*W4w4mb*I4yDCKT-mC3}Bb39|X2nS!(s@K@{D0 zFz5HXQ_JEQ&tyrt^UHXh&3MFyPRk`FT6dpGxc&+T2^)5^G64xIr%feY%+=*-$~Aj5 z^p(x)Ft6`$&2S;VERmN2CWy#oQzNMnaEl}zUh=|0br!dkTHf|zr)G7nn?Nu@r&@%_ z729^>weLkM9#Wr8k^ZA{YxN`!4(wY5A#couQ*F|7yDUVmP6@Wt#FbGy%FVL*Tr^A< zzgubWlH%<&Tqv8&G%#u7Q&E{fAEm#Wb*eoQAnUm57%TCO5!fN6+^G4MYnH~OdpuhN z^BvJCF-hWdwY1oCfNd~;p?9eGJrNl!omy6$OEHnxNEFp~zO~sah2Kwu2EENh_8sY2 z)Ip!X%=~6q()>b%bh;GA>&mI1prE<8LF~_1Qu~jdC2=2FD}VHf$rca9yIHO=)3V(r zB#y22Fqh;}LkjA0OV!Xyoxej4l1WdVGsk%?w+6o!jME>90l83SaqX{~VZi=4vdXnz zh;;Osgv5Ooi4T0vg5;x9uV&xXEyW&uO|oC7J$OJiZZ(wk>^{k1UAgtJ`(C0=O-M^X zN|zIp#O>-N3>4CZus>6OyLWlvp_1xlU2ITW5ux7sEK&wBL#lqW?qa)g6<&$b9zpSF zaoJf99p^^yRLxg!7N^2y^wY>^*%rYqIFFfR>CcRazHhIw`o1P{_qrLte2ah9c`8m@ zKcb=vAfoC*W4iPkrLNT7VRxFRWC7QuNV`nKq&0|$30~0_NY1ahIUbEgN^{e>i;>@- z8VJq&&R;E@x?$hpBsJ;h4ZF-rI+xAuGN*aCv_vpFD4$v}QZ&O9M(UZ!YpX>hrV1^i zLB9(q-BBUKvR?;`(ES|{K9n4Sj6rot8{L5YEM;^z>vzsd_^B{-I99=Rw@Dv(l`p5E z!m0S+QTMl&IK4s1hay+b^%_hppiomqA_v@0FzZh&SKAydBKYWcj<~p3#al=t;I{AW zGvumoL%w^SyJ@1Kx<@WV8vLci3=yzLW{t?CHG%TIj}{`IdC}M?1+U%l>w{OZWmorT zxU4iptbBa90u|&+9vqx9a_pq{tuwfMi%F)G&t)~p>QU>Cp#_S=YQ~K?>Vy*WBIozini{S7U{L@3g71y?|Anh8-rX>>I1bqMyHf+g>BPV2~q)*?ufka`TdTy zY(uJP7v;t(yRr@~LQ4X)sw`-|RJLq%fM=gbBN9VYrtrBXpVT{OC!(#>uhWCK9R0Rk zKcZ6b6=REtXwDiKQ1#LUPb1*!jg{8hP18q*rqEwYPn9T-xP~_@R=Ha69qMvjdCZ6oHc#0!=|c|D@PP z#{J9O(K;3au~)wkk(FutAr2&AC3oDiC18q}clUt}_&vBfAk-@Mn*UxDbt&t3PQ<8V z<5-${QsVRWFpo;U9Lbpc#a?X=w&e!cxV?JI)u4t(WtO*bG)GCw1xfJliOo~Sp~{QGr#G`*rR3_C_nVBi>|lt&xzjgZT0o*pH|2F zP-*+EsU#!+NS9l-d%(tT(skX$^g(s67oxaE8m)e<(M@w<3 zvwZ@Ax>;7iNT^r3mczLZ#pREQjff`}l~PE~vK6Ykrm_@$HK^sM+(xhGI%!3ml!VWa zSEf9Qp0xxZR3ME%?O55HTo~&Mf=j;}aUi+kkyQ`Bd}9)+bzj`RcKRb1tZ=O8U=6w( zVly|whk%T8$zOL0yc=-SguyG6$plZmtiHeBK+)Dv(a`ut4@sD+^_Y*a835*8VV*)qV56?hv){w>Jpi9$0W1 zTXrhlT2O7@^*Ro3E9J`#;d*!bVOI*6>%>9T^;xh|hK?H>q^I#mmAn47i^SKNT`HhT z2m1}G9Xx;%4SKe8_vSxe>DW&*&23}oE!^H42$);&J>OIr+8CxlWwT*?s{r`=Y1K!Lrbeth{M{EpRveJNk_Fx=BPglnXx$x;|WFiXy&rtnM)xFF3;B z1o+fCC(xm%L;DS-?`2n5c9Vq%VUie-0u;RA2WH)|DUQ>gnx*vG`BhM!Eag;x`zdDp z`>!MRIuUcTI!z^1t9H5=`c=q%cGZS=JWA-b>F`60$BJ`~^R*dT8-Hbz8Tjn6Lj~!T zsme4J0XLQ{x56KpiUPp3#*0eQ}{n5{hV+ORt@1m7*dqd1}YPZit1ov8Ll`f8Hd3Wl0NHIuG z$Mpk4fS&cq+$p4$6hHTvLd&Vx)ZNv?98A4aN1e_~(G?TqXJ$X;zwW>C}vQQOk`{D)uw;yTG^HI=8 zT5 zXVb-w;ajgG-om%P0|*Y+y^AoS^UB50Bzv<_xbcWM;M=!9(SpY-YT3AIy{@u)uX1;hqo3FrP78_o za)jqcRk3qlH2XW&7XNyC&BhsMn%L{)tmj$xPYzcHl0k3JQh$hIU%kX6Kr7v`*clg+ zovaq|42%3^s~Jec-OL;G zfT*l&d`u_1eC(p}&o6NW`}<#@8wD1jNO!)X{4)_ES(Au_DwH*WQ&O}EgQqV1p*=Ju zrc*6^!D#V&;kRMU)F=N6;2`0|{?e}c4GXn9_WQ$yTgH;5dY9)5j%Q0`l6Q!xsHpsr zgo42}xeeRE&sE~RQsh>9Qwi{L)6T*PlZGKW^7*SX3W0Gl zcn!?)4s09?=UI6b(eC(6tU5c7(kCD}NjGEaUF_Iw+MU5$6B~4n!%r)S9_ZbKhTw%6 zXuR64i0ududI@`e&2>&bY)X0&3{em-weGuk79 zK`e-Ey7&X5s&_=nJ7X;elT|rV8RubnW;8_&7r6EhVP#t!zo4gyw5=Mn6>~2_Z(?%r z3e1e2Sx9w%wpG*nk%DJYZJ&Mf&DfIW8ieS~ED<$kVouz@QYo_P;f`zc>Bua+_z}H2?0l8X-IDYWjz; zn^^t!`p@qVR=o3X{g4u9z#I}>(w13-AEhKCj}duMnkoSe!12$7tBz<<)cQGj=h5Xh zBRCSOuDRBdaCiHo;8)aqn6LKC4)eR3-~N`U+zY{Ynp5Ak`IFP^VSzNip_QGK^|k37 z>6m=8z0$W;`^#dnX%9^LF@1N>O8GYCJ6F4W;}+s?`9d|JS?|xnD%6oGaGjP!A>_Gs zk(Wzd1qPhYQW?A_U=6uEUSGGL);YuB&*BKP$s9eWJ#R#jD*aw=mX#?o+KIm3mC@4G zLkcxt@) zyP?8|KJ|36gKUPfbhzKRDzVB$40a<=v->XJTom~zuyUR}GN2jzy=Ja@CH-1bDrVY# zGPs#AiFusr8SRyX?ol6yu=7#J4Xq+ey-I074&vcrV^uaa*#m|V{Owxl}EtNP;4`?)>a`8T-82{`y zM6W-9^-$x92N6E`z=F1#xWVRS0Fm&@t@+4}Z2D;WKok)<&5OHDHGidPs{N0|lrq-` z4M*uEXT(2*JCTY4JGY90gERYLD1~T`ZuF6;(XADsq7ub@gf`52l7xgNO=3jq{_ye5 zdcJGIVR_K(L|T$K@;algrA6RYdRsT2t=Xw!OtmA6`6I2!IMlQLhC0yCCi6`G;IQTGDPH{c+H6WpjjMv;gny7Eu6Ey6Fxs z5TX zg?_ke4|;7F4jBu9v<((813)pF?lPj|sEgOS5c=;7ZYhz)(lDI7dYGra7DDkvgbEAShN;h{KdNI`ych>lqPkJhA?8X4~nupM~- zJf-)&*#@`zi~tXFvDyPP|Axs;Z^^ecfB_2YohB_H^vdYE?=H|cw>-VWO_4Ia911Hp za>E!CnP+1`y?S`ViAJf+r~Z`)J$HTtKpv%ATY4zTRSJ{=Urn@2ohf(;nlxoF_Jx_J z;>nauo=?H+82pPO6MNE*Sssbz$BwuAwYc{9$k3<;aMKGlKj;kl;ssAJ0GKWKN@LMx zp8+so1BUDcwc}8gweZhcVP#==rFl90qt|)c!7$)Kt8A)-585mRu&;$nmD}!a!RVi= z6_s!H$Zd3K2DqmkoLVw1VdSQyv3kf`aaVvTI)i?5q>W^1cNcml^}oYQ<^B;nKdqs3 zP3cOuj*^Hf_*k>~LsRIZTrZdR>r@qqnUv|d!pfrSxf`@=?km!<)OlzzuQu{z^gUz}}gf}pkhX_s$F(_-e6Zd#g|`5br|>+uZfj()@mKR zLuzWBDecXJGzq_XY!J}`Qj$B&gj%B`D)BzP6E6$PPJ3s7<39gr)l@K-5x%9my zrtErjmrqQhgS=5NC}<1QiGp{wni2Ai+aq~>liS@akAKY8^p7vs{*p+p=Gl6HNNQWb z_B+DJ<;EnP_UQ!DgRH$|AoPu-lFM@`zhjR+VtsaM2@Q+Nl8hi`Y}?=cspJChr6rCy zZ{G6n#)5WnD{%>ZW+yWW{}sax3jR%)v)4Y<|L!}p$+Gb0sIuEfI0MsZ=_Ge3$HSRO zolZFWxTS6_s7RoH#$5twy!YXbWE+*&K_`t@4!l-6Z!a!tdlaQ_x(o+Cr?F_&_)<9D zPD(m5n>fEO1U(ueqB1Pdc^{OtCtwTrd-*${2m)S=+M1%KlEJ?!_*9(=ZIq9*(2#a` zGJSkEb?4KjXgA3J8|)yujyNgSAy}V?nNxu|8$WG)iWxQ;ymCHQs)*cnEd zQUy=LJCi`FS9n1}-z=Z15aw6yY=GFruJPtK`E(iavB6kGjTZIX7n#VUE5lHB zKU9A;jetMRri}0^eC0--M|$K>4Iju$NF!?X=KjH2y%q^$Y)17fMt^TIu|cJsq7^53 zJz-N|KH+b2RNK)yoTbq_*&ZvjwM)st1bMB zH8v;=L8Ynd4|vEu0k%1Pe_r(@L z7K9Ir7IzsLxO=l}aRZ+2aeP*o$BaHi=xmY5sl#bHSSp$aiOvl2Clg?ApKsH3+^H{X zfj|ag(o{_F{VB8vZY$(qq*Y?|oQ>SaQ3)*ZO=U*P%63qmMZNg+JRRzbEFI(K82gbIrRQ%`g+T142MD|Nd>k9!Ir3UPJ`zWJZLR zB$zr@I-?T@7%Bb-^kWtWEOMxklI7OKt0+g_JsyCf?4QPr&(z?&7xdgN%hnu`#XA*t z7ghivgZS;9gTx1%C|PuehU!VL(0|2mV`G^n#n7IFZT|)*kAp3ZHcOj7zO2#;N_uaq_W86fCBZVH{YMa zP7qy2>%x;PWkYMllp5YOUMLeGhXayId)M!Z0}kZf*}(x=UC55KM+uF_D?0B2gL?FnDIVIdZZ>P-Ds;lQO>z16)Cu4fdyNha#obiK1fs799)T*y z|5<`6pkE~Qqh8hSwSuf#YB3{6Yc4hN%Ee7ro>eRURl)Qy`zY>HD2c8 zEl5s|Fl(dnmd=|OlhvY+eyf8U2Ma_WAn60tS&F(*K1ahl3f*+V!k;zonFK02OD6E7loT20G^<1K z_aN2_D(&uyIV0w=ceh;WD=kP<@j>>N1b33q8?M%RBBl*@tzz8qIGJ=y$>3zlI;PEc zDT7v7TjbgNA8KQQ`@&^5ntV?bw6L%CyX$y6%2jCELSb6MZy=QE3OBav1B5=pro>J` zftnYC>5rn^DX~MP@T+R~T#WQ&>vk3nY3tcQ*far+%B|61Z|9k@ZL4x}c}7DsK+)a3 zkO457s{hkCQjiHf9OxIH@hRgX4102Yca{s3%G=5Wo#}_T4mP*-`Bq&ArZQXj$9S1B ztXF@Fi$Uy?OHND`TR!pRqoqkP|7fOs?C19K53vEGAL3}G5VV@XP3)WfVNmm!bmex( zOb@ynFYLYPNW&vgb`Ae+s+cxbaH=u5LlG-e_k&cKcs!t0`@wCE7c_oG+T7E=9x<1# zc!sTDOhHScIF0zp|6j9)5;-*A(AaFW7^p(WcCU&4U!ZNL_1@i@YwO{{K^bbN$A7E9 zL3Gi`uh|4IHb+ZbxrDg>o&`9WF@%hBlgmZe$QHBzHL#}b?=p|yJ(!^d%ZQ*&*#T5; zw&zv3akUWBdops>oG6Xx(&>2frQ8|l?|HiEpV8xoL;%I%1iu;6#Yy|pL+WYfW3>ex z#@JUk#h?EluGQ7M;OPMffFio@ah#xx_~Ys2%r$D0@SUA;a#49e6`*jg{B+-$9N_WC z0AkBX!H~lFFraE`-82@WTN3Zd?H|^$SH_9*gZ6U90YGyidd&Z6+pp0{nK734al%)< zQpP9u#iwvUv0)+Sp+G67Z4tS4bKCHu-JDP_6u@)^f*(V-L;(cA2Ej*rPhK&ab|iPH z!M*>ZBOM8sjWbc2HDzAzS6Ouk1P1$R=dD28 zo3HZLI9?>~-2*(ZUT`_&b~M8r=h{INmu!oV{|2|#Bd`ni?sM?y#1t~NeXX6S6MJTe_Xn&V87#F?bFgS#-W~CCF&KTHrl`Xxpy2=UMc9tlxI; zXtn_@5GN42bdIE#^S&)>q5UY2%VGM?Pz9L)iQ)gKoaLkK7swEgOcJbw_PV)17R~!fJH;P3vGLylvhjTKevQpG=gi6XmBF zVIQdGR!%nI2O8Xwj4Ue_lur)=_ANS^i_Hf2w^uU#00W@bX_eWW7C@sKzFg<=tw#ES z^a)?|j7>lnpYm{fN^jysf|W$EPp`p8`U+u$CR;=vS+p~4|B*i_a5lNH>WEJyy*nUn zLzI+tbR`U%aO8bJQx78~vowS)gzdlxy!burTMHI>#ejO`hO7K#yS=%Linx- zg9%Kg2l}$x6d4-gU#wv)z45pNMTE+4><#%0BR43v6Wg!gp@3;X%|KKAX+GUNf03r{ zit|&pO5HH1;DiPs1hdECT6>@#^Nl%f|I$ErAhRJmS8a^-r#2Aqy_8sBr%oesqFjhg zJ%%c$pE5R690v#CRY!)M_j*n!X^To%BneMx5#cLJ+g6q-o&MvqL$|~y9WKs#kJMu_ z42t+Ma;{F+OkZe&FtwuI^b3*OWp`vqzEBUjxICu^3e*e-2R9G*&M%8t{4G z47-F=ud;IGN|H%6t8?Xo54}?=9N>>-(-ScHFwC?WpW{D8{shZhQc}my(Nk@822!{b zyYM8N8@6l6!>NO1K}vEcoaz`uu|Q^waAxk`&Dh?v?6*lI#Y8@QU)ar-s(f*`DV2eV zLq+xTd&W=*dBpk0TsgKzL#(`9Qm5MCz^1)0SECTRdn1=8sT;%r$CED!_n}|E*%S#) z?Loh;3^iI4qE%hxSvkv$F2%zOq&O8Zz3bN*2s*NizwF3FSsHlgV@czq)S4I)Nv6Gs zZ5wMNs*E_h^h%#UiK320U9QEw7z3O|68YpH&&nkj-MH(;yJDWobJKJGRtO)og| zI!YmraQDrGB%WWMTjbKWxwwQmOGe_p^uOZrH=leX-M%q=uRUUC=jRt=#>tasDIFR0 z9!oL$R2C`2oYW!nPP+YW$^59{?PN}n{Qt&&um;t8lW<| z;^Ir$ZNiTIL!3DdcgT%z@nFqC^Qw>I{+5+uw76d*Is1K@^*u{CxDEKp1Ys|t%8664 zkjqTQqJ^_yNK(}{K50YFbz_9i@AAlk)1|gNBC@6yF-|^*4eSCs5?#8GpFIl$QN2l{ za=$KjvUyxl;hed%wE ziWp$39iBvsDbeVoO%i}h$9SI)$U^!K?`Pj2>sSl;IXuKsZ?M%e*HT+yIaTA{v!qtw z(r@=P+1I^H%%DiPG9BYNe%kVnH2wSC&V3r{IqsC7X#4p$KDTm>CXbA43}2y&7Tc{% zZBIRHVf{b|DCK-@IFE&-x?P>wnTcUrAgTzGZ*@2L>KaUDE2HZU;b;3^cn#zgu21x_ z{;a;>Y>f#vD0Udqao{k(H@dPMhwWvjbcQL z(p9DI|0I@jUz?Dg8HxsKlkv%RSU@Vw&!%%>AU~GLrlYVX*Ctw26h>Xt7S#NPqNxBkwFB)ZA*BcB<;ue$IFYv zPN~Yu$Lqs-{99k!HBWucF96DrS2G*KJ)%u-`P~HfM4KEZ?bVCzI#{~XwQ4JL^9@Ce zKwd|mH+&UZLnl?{ww#4kS@fG<>68mP6=`yKA6ai(kFm0XR9`SW)2wxOEATq{Wx{EF zm8nElloGul7fw2^Xg!>JY^3B%3A|@J3F1pwN^dHqCeV5yAOqruV(#VZ5iBD-!!OCJlXd; z${yt7btyiiAr%9$bz#p{M@W4am8N6qKEZz%=IgQFY_ zd8R8Jx;Ze!&j@pBQ)2pSYc+*;8s-8xl$~p1Qu}K`d5bRVv-U9nxv&5rH_i|^45Y^r zW70C`es8~#Iq|@n46j2=#)kpcqXiqGsU8L!=fbJy=524q_9AKsT!pxfS;>`!>wLY7 zFTTA^B0t-0;Y#DSv#te_Yj>Q3-y9hj8?Sy?>h{pP{B>X`T~u2bh=caa$N#c!^5qDU zk-4D#bh)WCYlWvviMEQ0pQo6Zr*el=4b||{n;?I8GX9@sqXi5>5>%a;sM>{SfRC{6 zdO_u}bK~j!{O#b{wEb9d|(sgT`7)M_tJs@>^jp)Bh8k5`nuAyikn-64$V;dJ+uY6|#h@#Q|m z#Y(9fe2h0#QJLnzmrEv(pzYYnE;xIx6z-&x!Y>TY;@1r3q}vP{o22{mq4Livrzg61 zpyS0kHs>zxr>RNy+uJ;5<*D6_oU$fk%(`-r^_B+ z&H|r<>}Vk^eZ|%K2;;wwuZjU5UN`8Mzt*}E&K>C5l4)abObZ?nQUAZDDyy#!c+}`AkE>=L8Oz%<|G!H6`&oE_i9? z=au6v8az4qg`~k5glLxfudf}BHz_i@<5mm}wTSs4!@2sSe*2vhmW_S|_4bwR6L z`f?YQA|JEdPFGVoaHb}mj+22Y?5$>D5A4fV&JiC_L<$)+mm>&}EocBR)PxLWRg-mf zn=XTeGK0Q;76C36hyLm^^MWbQaY!~XfrsC9@mw1#{^{lUxmM3F9)GSZs|dq-uedzW zBr|_D=R*Lhrs(k{j$znyOpzJg*fSA9z9*ck55^XWlFENlyY zb4KUS1%A$^OD4sHlRXStGi`V=^novzUOvkTtFQ|9v(?~?&FJxZDPsXb@%YNn`N{h5 zw=&CtCwX;(Y`9Hc-KFN>F)|HyE513$y2pOHaUWu$sHul&4ZZ2h@!-e$DnpCHaRw99 zU@pf@^epYv2(STsEEA7SH%5utsAa#Ss8pJG%HpOkE$x8~D6>gsgNdpdgyMo9ZF}@1 zFtf}Rd2}iZ@p69M1o#cL!a*I;76{+>E{@>VKOIF1Hmrw=8mB*h^l{e56SV<6L#Sf2 zPL80NzP?ZWdt;_;B-?h>)f;TV$aP(sq5wxc?ezZVnmgqfZ|6Bydf~)&Ls?3sYX&%= zGkHc0=D;Ys5B!%vR95bxcjFCMrkmv7C##RrV$3=9;is1ELHV)sb%;be)wd!ozfSN< zs%DFi23NLEzsfOsq}Ia)C8lO%y~Z{nO9-I}hLC^v?R*52c4>K?xuOSY4zu(tJAvIZ z&hC|=KqO04BYi648GG#!I-pRCaXe27qY^Ld36XXz!JQxDrTJ#;Rt~!tZjwWvU8)ko z$z*ZmP!L!ZyHT1b!V;$h$%jMQqR<(;<$zTaZ4El|%8HTvHH|6za*s9}{X)Z35AZ;8 z_i%&n6lmM+;5bUW&9vTv>xST#STS-Fde)k&(pz=6*6NiCcQDDYl%(qHkM!~peXT-w z)wl(hf1PDDd}sE$<@j!xlwwf&scEL6b}3^UzU2P*Qmq!wt-~0#Ce{!7&7TPJwOH{( zSf(qOc)zpavk`w?clLO~Z{7vkOpSUkKa`wiFVvy0_WBO4TN6`3QqiIGje&&>a7k6m zv|JN-h+(_Q6NRCxv_a=)=%gAVg1%_(1$tLkdVg<9ZJI@QELVw%sCTLGMR$PS$h0C6;ecztIhy^f6Br zSt6UIDFD4?o#(+sp$v5z4Q`exJRA>g_2%@~7l4FxNqDAt$D^~{##^Do>0`k!o)(qN zWYW0cpIX&SIScF`k&7Gl?|N8SF+S=}H%Y8O%?TD*U0tlwlPk?%DusWV14u5}L4DWJ8!)NR z5f0(w3rG51ijUCq7*By!c#f&wk6uI_2aN=$ZlR$$0giTyrGxwWTjhm%3x zuW{VF@?D)y9s38b6>n^t6De=F%lDj1WHG?c7gY{dQmoicx@md{>7I8ZVJUU+Bs>^% z28%&sF*HNU&81pTF3ytkY!D$f?`~5CqcnEgC3!~r0ncopBa{;M^QIbY}Jp{Hflgp4ZoK%HkXF4 z-^q`$?)P&;)xwoTsMvaORacyESgtJ*s2KHm%l~YAj`1N{)yL{z`_B;_>h^rUSETT? z%(e0Z_WE%Sd`)cLTF40LxpH9nBN{v^I?@FTZBxJ}c$?Do^38=$%=&nPZ~Y=zX-L`M zKRrpO8;PRE5%7o=$fe)Hl{7A@fgO)~#b=des3mQZ))hz?Q%4CdrFduv8)=WAkVibx z_i^%Wc1jKfU-syD0)dnm1IeYOTBTn(Nk-ftMU?z5%UIZNGE&K6{W7IE6Z2CQbX4&7 zIzo1OjaU=W?qobteBO0Z(73>>%aH0pv95Lhj_C@s&ex-goyHkq!N_7I-i3Er%bm2T zj$I#~qOSzBbZYoN21JdGzaK-tro(P@60ZgujMP<_n4kkcKAos;f_2Y(-T(4xws-4@+E>apTG&gN`By2tc$f zO@$<)zbYnf%9^U}KB}-&X1y=YS2j4~Vp3w}3wM7nqa{LWMO8w(D0rixj$hK@w5Dk?V07z%KOApf_=t{Z(`P9it7uX>VmZd`+9-{TB-8 ziE^UpW77)*hrUWb6yWZZXeyY;#^PzMU0OY^QL+rEG21WJYJAKCF^}|Kdf?D5EZ3FTh3?ucCz&KY; zyzzyBX++0dYT3sKbL?<;u)wmM{cvsgArIkO67Kt=>Ps*r-fj>F(4tfitQtH|+5t~O zBP%8@PLwi+Be2q6W*k&e%B6HmWGsu2`$6rYn`32q0cniUkUdPm7eQ~<`DuTRUYB!+ zlM*5}`0^MRm{=C{)8_Hk zhPKOcK6+eCn;-cbLmd*|ofa(3K(7<~N6`9-B%tPL2(L!0Q`!P=IJ|(l^{VJe0Ds>-$8NPQ znA-s`<(&;8V658BCfIjAm@kVi#FQcYwZu1{jTp@a#c=Rtp7kSZ7X-amKObYB*G{e5 zq|@1oub)x5+JeWm?11*AMdH-en!2kU*p7ks#8(<)ReS>l!{UUatxCA#+}o{R_Lcnl zQJ?b=T<`qQ99ryvXio;qMP%^eOX4_yg(Jmux^RRa82; zUvlqWsh#SIUUM%+_1_RAx68qPHUez%7V+Af$6m}zl;dtbsJHI%7+rvqFx9IdBX?8X#X>CFe>%?EY{suBa98d1> z($U|816^`*RQ>fwBc&?fs<{?vrltt>f=tm~7F>QZpjI9>9qZ5r#Ftf22QYGqUNI{+Zgg!d}0l z-c|)u`r3#FPcZ%J&wx@uGFNY_U+;;R2T)y3% z4qr(g+ML9Ac+YzzXW_Zd*DsmM$)}QZB#H*Q)mu)aD=Q~FiYt*3!aCmlhSw7%1K{?S zuL!A9)&73S*YtFm){3oE_!lEq;iDmCnC(yjJQxE^-%_8_-wRz@D#;0dy(nzgMFdvG z!O}$j z_ZCe2Oczz+bEcGS;(-~sphjhUX|0wrKObZU$GmW*2rwJ`U_HEF)yJE$<_YwTx@l|R z-_50`0TbJJY~;BZ6*@mtuf2V%vn zaS80wv~)5I&5!H+1DW+nI2}pn{1l_j zRPj+#m0cRn%x$0p>Al@x;__BTh!_|2%{B&}OG%KGkMJid8ibb}$6J{&7t$c+xLhKl zz+q7R;uR(WeW$nF^Sr=niUS=}SU4R+=p)*W%%4R&nvK7lhm?Q=;Enqx8s?x|wPvbt zukuVy`Qerk>pF2j?mfhJVGl!(sc~WNwtTH9XD3$oENvpUU(Fv`?<_5ocm|{izwi`` zkiO*S8U2nY>BI>vE|a9{fi>U`)}JYUjW)s5!CBzn%#Kb&Y94CuFTYWq5UMsBSp~4- zN);!6MG20R7hx@W_Bd4;#>X?N6_aGMSUt5)Vn9PRQAF<7D6BiQSj-sO`4g!}&oh^P zCgkVqb$ZwR3w?A+RaS_$0!e_{ymJm##$eeC(6kuX7e;31?i;+8!4TJviC&mMGm=@F zk&oi!rS16M-OIJlsaWkKlG?lEZlkQ+WGzC)m4pd^uM_KoX!_j1kH6Zi>?(ym2j^YcvrN_0 ziOAnr2a|do>TVM?e3YRb58tE)M2)#RQPG+A_72Vrmsh#Tq@z+TDsfI88A$IzG*kEq z7m*AkkDynTP#tMe%26%9DEdZwjPc*zU=wvE9KT^_LFy>eu2Q*zQ` zkBW>~h_QCE?|4A|0xv>ZHz_H}8XYWq*CmshDu$7?lWG%QqkLLJF!0a;p@C)VXR&Rc z8AF3bMGZl|Hoi|J&8&bI6oUEgk<8RU&W{Q;-7#{}{z<(B@k(8$!m&Q`hzf?Omdt&! zxI(=J#0RO&oZy*v8i@jM{T0GYch5H{Eiq z)u;(?vET^bce5rK4#uj_RLFp=vdJXCg|Fx(7IwXm)=rT`mKQvl-0nBN#$53>oG`qg zauL{U`<7Fh z8p}eLywB6qeb1{LOP`r$Ztn|&7RJp%v-F*BI-RG)b%;c&(A;Plh|bdrF51yGWtR6oa4qJgeBO|L39+24 zSM@&ll+Ryj`1Jqj;JV}4{JwCEmRc?4OU+VSimD=dop+MC#oRr~k$_isM$dvo7=?tRYloOA9$%*cb$KqmnX-+z4pI1`S7fn9Wr zUxW6Ok%W+hj|ksiBNZ2vo;Xam6~ur5h8F=`muG90$6;j2u`oAn0AY#*jpZ*8ctF%R zosACA&i4byg%o&@Fl50>*`P@NBd$qkd+8vHeTghVL*$lvdszVb$!Xu}BjNiKYS5J? zQj(DDT+Ii-_5c!r4lEmQ&Vv2X%#`bF!b+yOM1#|lSE)I>cLBOKxjP~KF4rb5*Cz0) zwfSK}WiIyk%BjxD5uFZkWvHfSU|<+mW>r?XOT{8YsY%}6&y$-9^B4=7D*5_s>e7Wi z&HU@LZxs`z6C35QG#A$yVPBHk+_&l^1c%frdpW1o?}4kwJ?SI%Kf4A zweP`0-}mMBgL8HZw3?WrrbpEWO>nj+97fBuCcMpNMj$WNJtb-G<${qsFyMuF4$$s&_z`d9CW=5SV$^5CYExXh$yFjMuP(a2guiPwTLd7(13hA5ho;vJ!j|F5dGc#%Ykf+YFWI zWi><>W&f=V`~;|{3#rC*$+NZPfPx=GyC&8KIk+uQYhUXMe4tF2>gta`8Q`XI;|_WW zG3#v|fsKmvl-t}amBD-I4e3lJz6GbHsP$bOS58b#mU&#a3-*!}ZUxGr41d=t)RzxP zO6sKmA){%9<1!sWqXJu7sdcxGTGHQ}g$9+&90J*1>=UtFMV3z)>35nuveCMeCL~x| zne@WC7UXa0Fl?QMyz!eAljh zKI=&kgSfOCo0=j;D$koYWnlE-WFQv3+d1r#g67sHCc3n^@!K~<2E+|vLEE=+k~2rw zwre%jLIZ#1vN|kvD+CI!G-5DD{qVA@VI7NleuiiFTRuvzTuo?+!7MlFJN~3F1n;#M zcDq)Fc-;u6kgIhT6#T)7mcUpZVQWW*leD{D#ARicRv*u`DyC{fd_l9b1b_8$nvFXWpMb)S}nS zOh@vY|HxQz#rJcqEE`@RHFelU z`jA9{xtuNfed;1hKkBc_-QAsltcrJP%jF0}N$8Z@ez0~_f!}?jq`#dXAE;{?EgwFA z?@kqiaRVy9mb3lQGqV+9>W%z|!|sgX(~3T5g8;N|hpn?I_{oGi5Amp@qbhW>+%JAOn*lC?-E7bv?D#6!h|LWGg=-Lo(3%1NCpp*S1?o?v@KK!q84(G&UsM=R+N~ zTCJNEC!sQ6w_V)VxB&DSM`Qhta73Fz^dM71kRj}s!K3(dxo~PyL>McbPG6=6dPyU% zHpIk6BD}UFPRy@cwCi+qJx007}eo@&@E14aDYyC)@9p3A^<8N!(DJyp-~BC)XI6xAYw*bL zr{GM$h+a*I-o0(&sF61McJ1}U%GS^Vu6G<4gSW|#a`<%x^~T5l6X4Z)PWDM3+GUz1 zTK;GWUP8t)!F4s~<0D1(#^E;}0G@RA2QQSpgJPBuJH9A~)+wVCz}k*G(}{f#?BX&= zvi!<6_vBqEk}XZIIm%#EYjQtW_2xg`iGSEA43Qs#)daxHf%Jkai8%jwYi1h2BpQuux-}W*3Q88Ge53~ad%jm(#ooG%ekX>u zp=J5>mD_F{pR`gMP0&w7sx8lz!$JzgC@q8FB`To*xJ}gS-z14DU|q(**0*HXnoUd6 z?9Kk3ec*;5OX9*dbK8Ip3~s=G!g*so$Zu`0$j_WEcfUA@8Y>-oHD^c?t_^bXcjJof zHJJ0lvjZb+vanHR@cua?MM(P@*{GHXyO)%G_q9)-i=VYp2}(MS2VOjQq$htX_>si( z@4iVwtf|%~D`IP>Nu2`KR*&!xPE%DWovi(>n#JPI@3;FqkrizeWCN{Kz)Flsoa-yB zYZGIs0^JE>&eYwCAn_96ovV|fRzhh>1BFHtioLi~ulPsfzo-Ap3)^aVO&_b-ry~mK zy6&kC>=f?zbZ8wtGqW-b#R}$nn{-op+V~YQ%{v6j7c-S3-Sc2aEc8K*t93D_q~N4P z*yXx?Rcs0-%xLx!8Lzgytso@!Q!wOeHFNE63e^C|YKp2lcQ=!%t}hgNKEV9IC&*45e~+W3n^3{;OFA}TaAQiMewRMXwTURkys0!kRH${A}RJf)(y3ONzNQL`PctS zeEZ(655KQF)Arh^u(8o50x;J4r?&T>p9Z)Acz$0z=cZybc8KidR$!Rhl#bk>6Vb7c z$h1Vk^?-%V2()A+tw8v}&5=U2Emtf@a$e`!$`{FTH%?v#`GrKL*|JBs5FTWa>1=?O zZ%~DHNx$iX{*)w)!I$Dn^+sv{TwzxB7F%=nH&_?kC7<%^;gtD6&V7!Y|N9JN@adf# z8D0WGgA2cO?ulH`bP{P08qZhM_#1V(wB zCA<%{f}CzuB0<_I(IGvq?|uI%@c@#}A<=Sw3R>ecQmLxa+V5m`v^YHc@noZP$`|h? zP0^DB+JmRfMf1h_TbLW8og2@B8kJ?h)-Y>pjQeD50?FRfJ>OI?bw666991!8k!RGX zxJ3II+Xvx3w?EGUPy)U>rg*NGkRrbH2Z>_P}==fUJF^1YZm zS?FYf)3}PI&e@rYQD=yr-gS_!O7~{uy-1IuqTU6mSHIE+6?;Pa1VHAB z$}6uJhy&M9O?(PfmY~pNFS&E#z`uG)c3P z>Y|NO<4EWD4NG+JvU7IUtt=IhCZpE9k5S#Pc32vYQ%wRD92(79n(-R|@ap|XCPd?w zOnpT~$4^Q4!@yZ}ho{hBLYzoJU<%cBiPu-nxh0F)Q0TYQ&R9%w8>u$~Ms<_8vJ|2n z#e3?`f4?9_{x+S?kVf8tmCF3IkV${Gq2}ZV4hyr>JIr3}o4wT^goR@3o;_V|NJ%0O zHwii!sD1u^L*!YOeGHBmcD%xq+Z!gPq?A9D1(|*Z{o?_E#Yfq%9RTGhpdk4avf_ob zvoib77=!sT9v8=MY7{925;!Ji{zf3oz50^OA2KFg=7}*U@_Jdp;k<}bLMo~xjty`o zVcqXPKeM%cp2mBr(Zju)5TNKCMsX8aPshpbPbOldXP`7M<8Jitok2*R$>$$yb0m0T z>rE|&Oa3_Q9je&V-o%q9Ftkf)$zRdHFA>qIi{5xt{3CC#6yESy1<6vH7``PUzEGw_ zxPq{E0etxN`YiYpsJDB?3;mDcf(i(t&DpfK>-hqXf)@(iU}2OugKFhgiEs5)+Yse9 zmsf=yfxHA=RK9Po1Sgm*qOIb4pHboN)WpVV%N5Y?rn)&v`?o2({6`xzl$n`@g=LN3 zwgB6IU>4l@j{h!OqkB%&U5GN*C-mAtS!Lxiu!cDCS3v_A_2l-|`6mkZQP=6-XVp6B zkCb;k#V0<;yDs0|@-$k8=X(DCl-Vzx>XG-h8utpl98 zqq=%Ut*dEGjfZvVP385^Cok3MIls+E{ORAWuXKAvvqo&O1TwxkQjcC=tmnO%%aQrw zBZHUtJOAcF-^9e_t8?Q7R|58rj4x1p;ppH{fpwcw3A(zh^ARH=nbmh@Jwi&OFHa{b zrSC+0L+fH3AuhIUHI_z3zrGJm7@DP*%3qypNZ}gjBv5^M5eq_mN+N=kV~-x)X>krT zAX}G0X``Z2-~Bh{c~j{enW}5^Ca1pMKIQo6lD!Sdzeo67{cJhq{_Z(>t#^%im z>Eq4D5UVqip?y}47&tYR>d|QN<8xe$uPIdh^nBmK66H|u;4w3SYA9hSEgyLCYHHga z^Cv`-nv?=hgv#3nWLTZq9@hNgMK`Uub z8487M{PS?Ry;Cxm;mrWfY!lt7qVh-oq0j49SZz~wWI)yia6ySypo*WvAmhaoR8&uC zDfIxGyUYkP`Jl?&eYI^y6K!I`vS*rkHD9u#2j0aP@&7BOYS)-!J!@vCANykv=Q=N`kLirMI zvPs>AxQ_3o^5d(O)^i)aQ^)XyoDkuhn2u1N8%Mijz{+GWi&f~EnlhW4 z6tKg&la*qyw17h>-(QU%PVCDcHk$QN&#P{+?|W`))a%YJ$E|GIZ75tTY9%|)^{}8f zL)_M|BzTnU*=0q&&O6lsqL`;Lp6%C`nhiBa zAxODdX67+T=ZoUPXCL|aj1T$oExm zDfvUBO7eLpy$;7lLeNff-w+HP7mr$)TN_Vn*9Utk@li95eXw4-U+lo9Cr zguA6v4PE_x6aNe+1CK>^B;l zM)$E!NE0~XYhB&T10+XG^W&IAe;0p1os(am5Hty81<)?t4=Hwu8+&4{X;H$NcfkPr_k zc%{N0X?Ld}8H*EQ8b|xX+}0B{E=$;=71*qetxCYwa*ZOj{rMxeC>Ivaa=Oamay_+V zz_74>A%|syu*t@U>9zVQV(r+4Dj!0`wXsROn8yl0#P37lN=7R zw8$i|Mb~hE@bI$TMuLxQwv=qG&O@4|Q^onS-yhQ|KR!sIsszIbMH-h#anqj&^CrA@MX&rb8wXeeHKVb8)(}YcFFGMk%^51nj=cNJ{AH z3m*J(fy$c~fn4{+-$0NEx@>=LKC}Pav!%+b%UfDDdIw2+;7&2Pq|nQgC3&sI%nw?h zr;TRqggEnrn9S3_#fL&n4808>0i`qzHA*Z!{z>{UY3XC(4@kgAW8t#&hfelhi=EX{ zpf&p#eN)7F!=pfhypdP2B}ttbkEnyS7L(gqxIPIkwm9Is12gywBGeC4 ztrVMuIFoWe_$CY7tkc%c&5qbtPrRB9CnLM?O0|*qkH#XPI?wa} zfk3uwr!gbZ{bv7DxrtbwIbF)LE6{feaSg^3HXINo*&nP4QKzT7E*9UOLZt^liI+Je zf;wGS*=mLF_f7^M%R>u5qk+=@0#`T&X`?!sf%cjopMP28)q!?dlZD^)WL{ntJne{j zL?;0+llCW=Sj{~?N#e~9J;);v3^jvGf>xfK?*f8){$<9?Dsa$^@IJr`)cOz_o&x@| ziH%+$4htVrSo<5Nni28Mfd|tub5CPc;GavnuXQd~Z9t^9h3~!c*t9_)^r1Sr=%60kIXig=WZ4Zk?x&w z>YIqhoujhYy8so(jrV#o+t}!}nPSqPlIaopwNE@t0(1lAkcAh`?3nYP3mk%Dca|?i z!Ub*Vm2`LziK=+NZ5RHE%nFJX0iv_M%dT>dBbH0Ez>cJBUKt$Fk@i7n@ep9hI zjwv9_-24>!s|qW?Zy;*Q#+D!oA@(SRE}Ns|7}FW!X9jKKRCf$8S(qf=GO722?I(b` z8S-sr6XF}i36GvP~w5t6B1Yt*D?b|XG=_iKUO4d_rVz?4(=!>|an zh_1Et3$;rFZ5_J`XW3}Cpx&X0Wgt8KZ+sdne`W;w7#!XO0B41eSi(r1)MimKaMLn| z;4_&3>Kza2i|~9t32~opW6)ywjzXpIX^~nOGZ^WO_@V<{ypwHzje+R8m-LafVTo>G*;^lC0dIe|)q^VJ&j<+|{kTo$Y?kKpeGrye*Rh!X z9?=Ah=S&@N9YQ;v%&S~X&ZaPfu)H@CJ{IhI%;-f{>pp9$Xu`pVT>~K+^xV@iQBmBE z>py~#4tHK;Aip{2+)L7O4db!RzBccnV$oVq&`{izyfyusSNhSNxlKI;$=x`ft0F)j z&99fecn?Hgo7_*`dj4>3tgx>{da}KHcP|tQr@pYrP7Lo)`?tvf)<6}5qg$c=-Sdbrw9cL!T z7SXo{Y`+0He3ob9BLlWtL0tOas_ek{d@{tGtGm7x+5F)rD+SE53Thh$>w#P0i7p`a ztrc^2i7v;S?S;RuKtqSQ4WPDPnrbb>aBOjL%IzD=dI018isAEpr06~JQAg-orkg*n zoH?wg8vA*@xj+|nb&ry?UUj6CsV`rFKU<%=z3Jf7?wJ8!^7vN}9SI22K?cT$))eml zZMll8n3~(DLL8HFpRfB&UX6-xO~Ow75HjFOE&g&@q}?zWpTQmzZ??eHxfH@DRl(2>J#V5=PoX8C9b?IF8eNQ-L`4DcsW1~Vpw zW@|%edmDlZWRNHE6;l(r$CGZ>u|U_KL00= + + + + + + + + + + + + + + + + + + + + + + + + + + + Input32 × 32 × 3 + + + + + + Convolution32 × 32 × 32 + + + + + + Flatten32768 + + + + + + Dense128 + + + + + + Dense10 + + + + + + diff --git a/4.image-classification/pic/cnn-diagram.svg b/4.image-classification/pic/cnn-diagram.svg new file mode 100644 index 0000000..ecba8f1 --- /dev/null +++ b/4.image-classification/pic/cnn-diagram.svg @@ -0,0 +1,393 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + Input32 × 32 × 3 + + + + + + Convolution32 × 32 × 32 + + + + + + Pooling and dropout16 × 16 × 32 + + + + + + Flatten8192 + + + + + + Dense512 + + + + + + Dense10 + + + + + + + diff --git a/4.image-classification/pic/example-convolution.png b/4.image-classification/pic/example-convolution.png new file mode 100644 index 0000000000000000000000000000000000000000..89b965947d8f8560008f2d8e4f059ad813176e8b GIT binary patch literal 31259 zcmce;cT`hd-!>TFMig&Fr78k8q=V8siUKME(vhl2htLTvp{R(0fP#qB0FmCLCDee@ zYd}gM0U|X(2$2>Hq0Hfao^NKpS)(|F{$2FfvhX+da`F#+?&}D;>)>VYc;zAZxwE5@ z<8y~#pB_h55Gc6$;r+WNLAbSPHgD6#<|BFqf5z?o#OcM%Uxwxl>iay)1zvxbTftg5~XE^)F^o!j&!`c0l z*(aILGNy#j+GcF5V|qh=^g2--geH6T))x-ao;px6KO8s+lIS)BV(@r%KXAgJY<6Xd zLq(bDxaWbO;EaH*Nxg(hfnOaV^nrnqi8FlV22NJz!vFfvCx}gtOY0Ad;Kl^R3cO#j zvNfDUL0|Woty|NJlXujxO-QeBaNHP~0A|ve`GtfP2uwO-t;3W0sAT-XyXL0{RdJ2r zViMJ{|C&>4N!y!$Aa91hRT|4S7&YLL~6R%mQz?5oT?yrVcNR z%GVl#B{)^wH2f#aU+A2jTsq^`2o?Z!qt)Q|D<26o|IWf_kw=zNed~#^Wt!JH7q)5K zCS1evAQWG-zw(C2RPm?b4BWe=B->(Z>eU&o`xOk_xMbrcOH@^sC*z#TR=&Jw`=G#q z1g|nx9~&;aB>?AV?pjHZ@Et2xD6vBl2IyKQzq_?kY#cSd+{QHQt_^%V+ZwkjcskdD z)7m&7Y5K5jvIyA|s&1ZTg8rLk9c*21MBX-AF3dcLPC#xJKlD60v9nvy(w4p2*+b0~ z(OCL*zhHFrBOfzAvo>>jg&ML~+bQO)8l~mA3ihC9fUQ8Y;OLt>Sxkd&PTypTMPL)Z ztAZ&KVK?>)k*)%6cA~REkxw7N+Br0B+X-A<@(+ZP%o*^bv zTu7QhTTS%RyAS9^&hgOJD9BXLP}xg;!c|Vg-)3x2CZ7_u)g-dseC9kS)fDDCDnE=K z4O9I#=3MDVXum!DHlCH$OO~U;UVQuU8POKS)uQ63#sh}HbiL4F)4FZ4@lcjg&8548 zx{{SyR0~WQTgSa_B2ISot0wV7(hp7WenPa+eY$@2165<6vX;j4h~ix0Ug)S_^VuhB zHoW6mUA#MtMckViei*-}Yr+;nEA_T4ASsTNAD`qp3KpeQIpZ`FiudTFxCJ$MNzjms zzAtOY7Y4&|tPa`)|7pbZL*}eQF;qQ$2G;k+HY@;v-L|e^$}~jTLzCiS1>R{t_MZ#u zOpRmnWxm1p$Cc{u5e$wb6B^V-BYJ%~F1R(~GO4wymlDnCiGCkU3yZLN%^t2Osm3oL zP>pTfp`qH^bm*Ttl&0O+-sK1B{^u` zvXmjl3tt%%hu&h%b{#%xAlnuAXIYzD@eQQ>U}tnR`bTZJtd1pE51kJ)w`y)RQAEn6|tj<*es3e3L>`6$f3JjHLzj5NW=uw9CTZ?S+EB6{lz#xBnQb z%8x7BwI8i_fR0xKc6DP`{X_ctDu$7M^i@-@< zlBJf9(0_I4v)8y;EZdxtg2@xL89KqXG}7;0@wu#i_c1ux?7nfXl@t(Eh31865_v7U-Q@8^T8NwzVXZf z5AQEH8Z=s3f9EYjL-dcfa+6MSDkTX3$kahW;mzS@PBXB1kO zFXm$|84Z6BOH!EESAi>Z8LOMynh>+gFOCqh)mN2h7cxytxP^xvHfUexh!`JCzocgV zY}=o`>^!?b46Xpg&)AT{3vp`~d9PeHuxdEsJNjH>)qV7Ev)^5G^aI>1Hq>VZ1Ew~k z?l*s(_e@{)P4xiTq}Y#aPsXlI3ax|Rnu_{&&V-nU2r&+B(PrYj?rXh_`L-5%Jd%cJNabIVI}#+jK`**^0zhym<#c!D)PG5@^4U9(=P%$Szx-U z>_cne)lh@))(@2i+A|Wg18ZdEK|%QzdAtIleGhH7>b1c?)FK{5vfiT5tPzUu7qUwf zo14)-Ezc2P-JO>%dta8A+*h2Z7ucgt1=^pzH|=V3juo_w>n1MvWq%5Aukb3(I<0q+ z?y{phY)x1@{aekjA{mt)A;Pn&+1E^|h(`|TOO5;nfozy)8Bk!~SjcgAIH6q6%r0^O-(`Y#UtRpKJ-S&l#d-wtr4Rzcrdke%S` z#~0?o5(fXD@;T@_fa7AUQAPG z@iT0LIk|OwXJJb}1U;(+_X^o9Gg8SAazuW=U#q{mQ~zSEbW5L0C5!Dhdsl)(ymt$E z1Z~XQ%=O-l;3^bfe@3$_p5K@6#y$F@;)#{v7jJBCwL6pI`Q`A)G0988d3e6MV6uw5 z%kmS_ObM!`rK>I4qw8p2?csa&hNiP*oP7WbBnhLkLVH7m9s-+k9z@ZgChS18%q|>W zhHorTcTU7uIT8l>s4GWMcgK5`GTsYk%xvX)9A97u)7@ZwI(1;Uw!g{p`wVF;n11NA z%OZbJsikfpuFwRorZjiJ=#OF;=P~@$N#rg;hTg*j!R$wQ1`;%ELf+|p32QkZcYj>R zQQ_`b+&s$Q>)eBnSPQ{GXxY@8_-2_T8L@6+<~Fp=PaXSqq>4!VJk9`{HXpb-wN?#| zwJXJ>E^L_vFJfD&%(G~m*ncp{a>oB0B2h0>A{Vr5ZuK zhi{q%t3Vb$&>^{?(A_jXwKTdPrNz93vpCO=&Hs5!PE1~wy{X88pJBO)l@j5K9i$L! z<=0Yvxp*ptvIRca8~lmp2ypKUpQ&FrK)TXK&fG2V3XY2V^5;W<7-?lL+PJm+>7Qr! z&Kp9;>*ei#-Wzvsjap~T3|!KyJ#5pl3Ld+G3Kwt5kn3<8H&IY+If$+%rxmA9)ou-} zrhpIUN63>J*b5oyr{8P9TGw>g(#|w)k7DngA4TXar5q$UVPS$tyTRKzdp{oT?Z`Ar zZK+A|{7^r!*wdZ!oeah}D=*sRHux}D?{9wfL+y6Zb&g9pr12 zgNVP@@iP^(KMe6WxFs6#6R7mD+K)d;sl~5)SW^ABH~QGb;|CS?*c#w&RfY*a9X4`5fF`xW7rnP9v@{;h#>tae56iP&6J8en z^*3Lr^R{&}_bZ)nJQdx78(>529w?MHx%rwbxENdQq;ZRSAI{I7GNgRkoe{VgO0qFz z`)V?+sI>P7xb-}71s@B-t*VAPr{$A>O<6zNCr0<*oJv$tjCqL&@vWH-4us`Yt6@G+ zRlFS0*a4xILn>vw<-{+J=a;@Izjt^->o8Q+i%%;sydQ)i3X~l-kE!lv+gQj=E>d>h z|G9im=7B%@_OBRTYXiL&uemRU)j#Lg{x<(4c2p-Gh@L{1g}q+jeL;e|kKU(wy~tXb zT6HjyG!08$K8km@LT}Hg3t6hg9q&~Ie_w^mef=@e{qT!Sy2p#4QcN(d+{@6uQ&kY?HDzIEvXF~8gXw+OCPNF_$Q{I^ zjiew$5K-SpajcoQU<3G*F$F*RYCl`+B5bp0Ek%@zz1&wAvNMx^tg%ei0=J|exdbxz z=i}o@`5$1Fo)l)chtZi%+Ag28s;|1(VTB>GH_ER%$K}2jaY$oZdlwQdD=WDgdFtLD z+Z)^#zkMqU85a;OHk_O)3Dfj&?F!crUgfKt$_-&UKfcLFNJc|#6(yv<>d_y`$ZPAT z@-BKM&@O9na8ZXJ#FYEx!OCm)(lR}rsWt3Rxle^b_8+u;FKI=5JZ-a9$oX))={m6@ z>pbdu@YUn_U-_ZSjQAE5$sgLtV;t$TT&IG76~a=NhMMy$1fv@;E8$r-eg}HU6`S&b z<(kOQUOuN+QiUxKZo}8r^trTqu8Gi;KxcYGwyOY`o_WD;#QNPpsJd5tG&HOEGLrQY zIPKc91RT-r&v2w>Oj2P^U*#Dc-B^nX+iq$$SKgXY$8_i~7d_ygqPx47Qa(wF8rAM)lN`rBei0Xz zM{d=Y&ESd66NatEl-HjlNAH%*z5pLc-@W-4+*>b3z2X%b!OcAMGvT=JvW(PA=ig0u z6^G-(AwVt1okqmEvxO~Px6g^i%_~jK^?B_ToBqP~(ge#YX>scaea+q8VWZ?rOXE@R zX0>ykCvzFz`g?cuJgn?6A?5~n_J~O_iVHH_{by|jb-&Uiw%LXEcCl!!e6psxS4=dt ze2j!Nk#ga2{P`fh96#)@;RRe8xzK{x-P#M5%iDeEdWdvjG1C()x>&}r!rjpXY;H3x zhsQ?Z{0HJahl+A626RomdZVxg>W=&sF@Kk7R8){%o)3CjkZi$ySzRSF;+%J%_dHn0 zx7C@x?@!w@&?-40@-%wPdZ_0miV^;%xf(luL~GkoQ?*3c3Di#2ynenB9-rW|!|xNv z_94Zd7`qkb36yuiOMF;+DOV|mH8nW*wE<{3$zOkz&$I4!NsN>pZN4Exe~mDIIkmaC z=yiJN;X-6my|Mo*{lzEE<&5{E9{63C%&djw8Lbs6Jm4lQBKYGI%vv~@J7vv`3_lF} zet7<{+dA@gKjKVVpKH%d!YcD4efB3(PjDSy5`9EUdnyZ`kb4-G-NR_txHe*#+fyiM+~nQ8XeZat%sDFnV4} zKM0o%NzA<0s7W`1goMK8&+&{^&-(OqpX1@I8S|P|aaeaQaeMe#6h!P_y`nRk{MUIPx{ zM?8^fzkTC+>h&ovdJSb%yMh^k3&g#9;rVK)5)p09(ldlM`U%v~6X5ANzi@ta2bBwV zyG!`e6($QBA@x(?zh0M%L_@%p4NQ&y>#L6Z4ORj=Gn&I&GUsLO*86J8;-NEp2i$>Y zQ?!2GeNo0NcoS0Zl~(5+;A zR?|RzjVBt;ci|OUb~UV#de?8p&=$7F0kHQ!4m6EUwdWxx# zti@Wws*WkY^{{TtYWxJiT;YZ)11$-gtma^V>vF{dIMR?e^i185WdB-QSX+4jt!vY1 zrw_SLEASv>8LVX-5+~)b1czhxPmd0;fA}R0_2wMd3$Mn$@}h=!h|3XTSue%_xSI>5 zCBqL&8dVQ%m!K~wbg%oEWT9lKWQ880gn6?=q(u0v$T9W>NS=xHI%4JW^`VQkAr3ms z`U8G!+AQ0^T7Z9b^XC50VgAsislzapevZfVwW~n!vr+)k)_64+JvHVNbmmk9mWl&r zP2Ha=1a00CIs>3tLDumcm|KOuD9B%F{+RSEOF+E|jyKI2GMw4gCL4KPzP*y;5<7TT znwAKiX@DL!2Df}G<`vQjen9J{W<8snTXDZ{Fqdp_x)Ru1xv6rz9- zT4gXYcml9llChcRc-maPQ1NL>ffMEZq~j~9)>JDlgum^@E&Vb4u(48aWI6GfQ#vQNO46L($k`<)WZnkxooP=}`~LmQRZ0L9@hboC%@2+kdD6gOHKnQ+48yQQogt zoz6tM&lJD$MLhcyT*`#DdWz9*Yn&;~RFJ#$@lo}Yk#lv_l%+jLY-sTh_f-56b z=hHIsgGI_xq78DHarP{kh9%}NM!xS0uo-mIX-u_p@&JaQmyMdyaf~YA z+bClaLkweJzT#BlMx5};oA{jimJ}z(=RCPs^y5%dZVBUyAp*^u%A!Bk>Cv|@4}-q` zT-Aa2PY*JulC`Cx^hG*F*=VYz975)uC7B;FRyrj|u1vy^v>c|VEG2Jh?_r|yE2DDA z-jvMjQVRE4U9}+3SV`hifZFQhaF`LBDYfZ^V6p?=t%UnNgY>{(Ww!8@YVP``z_|Po z*N5h{hT9g#_v$cbhXlb1u^FjL9vmecFHCVX)u|T+fzXmz>yegjqQoEGrhU;8nr=Xw zFL95jtS&?iV84t@3Mxf@i`2cIop=I@A_WXVH;0zLxX}7i5i&Z_ccJq zunaA~MJFf<`h;41y<>dWKQb?*M0Sq@*U2HD-N&UOdA`Kb6GQis71!X~bh;(&&JhKj zQRN&@C#cmcM!FzRWWLIt=(!90-0Iqe?TZ_~Ayqt&&W?Oxh&?Sf$*9XYyho-h>zE+$DKc=rdLx%ZuiX zV8SMMR+SzF?FbaJ`*ce``}$e(a^U_N+}#FM@k#jBj7)e=AF`-maRV>Z0EX|6>Axrb=wc3FYO*i_aR-|@85FQM-Q$P@vTWZWs4< zPAiX{NVZ#>V=<+NDNwkn0HPS)axeC*qCBQm22dvP15z(&rwyL&Br+RXNj0pAHU{?^ zOs#1Qqpc42jgej$p<^a|Esf+=Rf(Ee%!dJ5UX3%nPGPT*Kzb`>T2JR=irBTtgET8r zh{xB4VS2G=#+vAOil#an+1M(%D?t70*0oKgCqFs{j~ga|@LMlzw|yp0`;k+s^Cy5N zd-3LPVee>a(XAwWxFTNfmthX#*;dDl4*Jis>VP~I#Aezf6KGk=*g!SG9DJT%_4S4p(h zNpbV z5wiVc+wktxz29ez+g^Hmhl<=Z;js0?^jtyQKtRB_-=AZtB9*TRu5A>>>Z7K|yiYzV zZdaA?qA1H(^S?28cZ8O*DhW;UFZLV~0kTd?ENoc~&eUO6 z!^~R6^!|+xXN2lsS#N%b`CN(anq+~xf&0(9aEJrsGh|r3R^n;DXi;IH@caA0ANH+A z4o9I524p4>rSg%I5dFT*h8@}eqnPd$xS07(Jhx43x@&rhVUkfd@y_i4_XMxv`s_wqwArqu)gIYqhCFw3Y>T zt$shb1shgkLS3ltvc1CWd2mM5#eGl~6m-9Ib^nJZv#7r+*M*rar6=NA>7865Ecdyw zp%y+jPTti<=-mxk69h$Z8YVW0ub*>q^aJv8{;F9yV$H zb|IeSIWVkeLP@Pli>n+zvuDUdhM+|?GZCWjt}sg!Rg@aqmjd)0F>k-+W)_4lCO=YV zi768vnW*{O!6Hm~YC-I`G_-^_q^LlvPbpSAt8-drY(PqrL8tkSWtPz=4^=@;n>!_6 zFW^!hzu)64keGUJdP@1m$}fNi_WjD_o%7EHu0KKfV;OueW7pqkO$lg=PZ96tz|N4- z;Nn>K>f@<&tQ;9-kal^SV0&h#d|Ca@%$r6gP6b@_a8(*0;?f63PCiA`HG(WGt!4kN zP`Set;hcA_#AM?AAERVIfPT&~-yEkOG)TnR(FUVy&M^bp;;_9=vuIZNuxt6Pt^WBB z3iLCe2D8#l*|>&Jn-}P3eiQv6|L^vI|8M(P-!jk&0~QMK%x`3$HorV`o(j+4(y;qDDf;mFog{s+j}ZM{4|ZBWfRQtG^@a19;%_Zs-j`Gm zZKj>H3wOfAWbgrkKgX3)%U;?&6&j;YeIG|qsBb=I`k?e`kGI3BvSXP9kd|xl)Z?xS z4|Lhb5=u=4=jgpW!bWv?dB8OKLe;IAp^MXd;bU;`qa`P*)}w#7tA?d5%T*=a#0;;m zKhcgDj6_~r@TK!*>~xK#{{DTHH}3z~GyEU@s|5US;?;jR_z%vF|3pc|WO5xhe+Rzf z9F0KBJe=QkY|q$wRSW~n6Ej2VYUA!%;=pfd+{!<1NOvNH#+Doi$+;Jk(cwJowFUw^ zQ`gA~WF64&O9-d1BVI#s)6&h)38U(Z*+c4!Hx0Up9a}(=F{FcHG8y}`!eYsQxNz{S zv&m)T1*fX*zUPdT$JQGZFV1``Wp!E3fT19yhw->5AI}?PZTYG>U20!l=Y4SuE^ye< zTnn?)fJ!=fAQ7Sq1)Z}mvL97Cz{J|G07AlqjXG<+4%t}W66ipMbv|NLbkq%y#!=UX zCIiIAPvs+Z!W%_df8{1U-*FSZvf_i|_}i<+8RB0hiNbrNAH9aZvPRs%noK*GD(IIR zNLO=f(GBPU0242XD}V^!jwVpLtTf)*vVrx}Lwm0pGz(NMl^v=GvG7XzM!(p2vol3_JiNi#`ChzlC0h>>%oQgOJ{antT^yQ;k*-3# z3S5#2_Yn5KuXZu_%KFuyk^+t3C!|W-E$NyJ8xGMPmljW8w@;^@XI&YSv@6$Hz6Z!%|v*dPi+kaOC@II$FAJC_SBmxLZ_#xkf#CQ8K(Sy z3KJayjY49MhaBQikz$q~nrW!*QW(4ZWXGcr3*gEHb&>HM6#)72WI`E18Qdz*wd8lo zU(?WlHR!fpy%Bo!@3-C(H$d5cV&vl_N?!^#@L)##b8iL8D-jh{slGn8=hD2_&`s1I)chB=MP^_ zxUPIWSI-~X*P7S&SfOvgnS@OY^DA91c7NOVr&{jMW{JD<29icydhgUte*Hgp=01~R zlz~DTJF~XIyC>YEtBjV+DD4PdrjCayTANmjMDAao*^vC7gD(K%_IB$DpS^`UQ(R63Ge+XFNtNuT& zM0F2C1hlE@MnFc8oFQ+U|={s{DHv<2`u=T%Lx&FIG;ol1T zzk7pEnOx!4!2UVOcZVHKzeWeyUalcbLAe@p+5m6cB?!~dYbk4cYM{n*jn>$_={c4W zX)6IL%h3JbCsa9A9<=TCL--mQuGr-|c>L@1j!*G_>@WMf>)Ol9Xu7@D5Nz>c9HHOAm}v=Sk)ZK``k4j@TRoxxJe-PUqUB_wS&S-|c3m{^2ugr?Z1%ouA$b{afKEgNNj4!-W7^$ygxn!Tj!%VY3-VbRa+1{a1{ zhO}XG6Y3H^x#bqsY9BS0ZlEDnmrFE#ZWlxVKQQN`)VTZ(8a$BFvx`|@@K}YV_f{Kp zf?dh)!ldm6-xI`|KKJ+0HiNaAG){EUeZ9rP1bVjKt(_gALJ9WpmX*-{xbU-A1PQQ8 z>1xJoJ4hc>KGZP>FfI^x0=D7wi;7!X#9>^+bOiXkdJ9p^$vD5i?v~aD^>D zjQB5@*c?_gjYea0V6JJL$0pwOaym`DJCVS0;na;9FK;t%s}FznHa4)O4{Cy~#zUhC zm}wsvx;g5Ruw-EO%Jy@!`5 zxZQWMN(}&k4O9iV!^0e>UR-}sb%^=?C)nNV(ijf%8td$c>?sQ(yz*h2?kz=HTvJ*I zAtY}cseIWvN)#Hwbf`&6kR`0(F83Vw73&2)3%(rsUKj0Q+0>#r_a*rcUv!1a#LJ|E zni*6*!5O_vJn$VI&vy}WLWld`6(fX>mXp5UfLbT-z|`GxCyKh2Ba#@v zj=Z?%@3L)Dg?^va|7&cE-H!VW4Bo$|5!gkku6nmSot5mOdBOV2j$f3Bnb_$mmia2G zJLDHDB@-y4f-fhj_vgCLwuiLvR#Q#2#J&HG2$X>!F zirHC?qX!1h*KY<>G3@yc2JYW!x_-fV%`>RxLBjTdvv>D(J}|s9e|9)kk3;i$H>#eN zR{tj1*>a?92u_^D{fu9Gb`%^hzZgpBRaMi1qrL_9%t1W+hOZ|zJ*)iy`=F*Jg;g)B z$uAIC5S3-Km@jgm;VQ2!?t;nm#XXqQQJk6Oyz83|MgG*z6MqI$I@HxEp4YleaXm#A z12zQ{)=;qPOfRRq$~C+4Z{s$nQ>8G2HA%*GtggBcbbpG>X01kww_0DKSyoHU_Cd@J zn(PCtk6%uHyiR`QVyi5YI&1>6y|k-u&CP;{xrVMl6J0kxlY&EQUpURdMvZTak%Fn% z!H3(AI2$xlCVKd5U+JxFX;SaPuN|S=MDO}lhh+Vr+olkMi_l(HhldQ=wHxc$LZU1s3wc?@;Loevc)#@MJmkms{e{Z^aSvrTsp4fZa#pU=l@qXy$grJYID^ z^IW#J?D_0X!EedIhX#-f)~<1(r`i(x#7;kWDKm$Z@R%c=U832#HhZ}PcUoU&TBbF# zi(m&^#I>alF_(ohjH~A!=gEcJ=;mz5+0BT`j&rHlA@hViBr!`WvxC^rYXludy9bBr ziG9*m?7<;g*0S;_@3!7+T$*4QfvOrVR`cL5++BRdVoHs}45XtbsE2GD>kLAa{Zm()e1v(BjmMRIz;Xg|})^?WvzT zvG!fK@r6E*DBEgdm#k?gi9XJH`@KJxiRTBV4TOUwlcp>~5hI!vlOmmTB$j4X?$?3j zPq3~|Vk)VuO~`|6uA_78?RYfKGR$@|hWcx_v%F^9_S0InaRaL`!pNmuXyW&qhX%&Y z3KXv2w$B$EKkxsIOVF(f2_7Y}e-^aiq7=Luxbfqu-WozPZwFmQgRQzteM`EoTrIvk zMddxk0J3y#%(T8OZY{vBz1yX5J~ZaMT`ZrwRg#q7Vu|KV#RpYhGkz=Fk6p}QiY|M7 z_R!W_N3DJHSTy>{zDHC6zq5@~8>l7dAdJQ$-x{UAC-LNF_Bhg1- zCH{+(4EsxcR7G{MvI(`BTkd-|rxyC+^B4=&JORIt{#onlk+7`yp$sRg#c+U?qp^0q zfn$fY5)Jbi_=eoIXKd|NMEbq7nMxupxLl-3A3%%74$fAI2}2$|ty?i+Zp@u7)cIO# zod4-@!3JF<&0B$zyv7RB@V9Z;rPf76cZXi95j+qp_i`2=>Yroub$MNI;7 zhVo3L@k2`hNRm%n^S#c-CLb-ag`C*Y{ZHcHe-WT}MOgbBS&~Y_^o!J~BELv}2QA3D z##YG99oIIxSvxsvvK=EQf}uN73cQ6#>f{=>&Mrz3hHc4!8>Bq?75H|-kNY$au(e(@Dv$%`}b z1r8_$y*7QNbtqEzPNPdX`3|>H27N84Cik7~`-KCyAJZSjE@-vOt4uPPT-<&8T7@;5 zU*w==fv>pDrlJd#E%9m|v{RoMLR^7Tc-6VrJ(_Z(=vSsh=czCN7}&XW;Y@2j$LH5XJTTQTjuyiA_AtxOC(~HwDKgi^z7X-OlPu3UQx5Kby(MFwuBST?-E`fz%>0z{fnxY!N=`w{ zZqW6b-4dw|yc#%cjURqkxh?CEA&1uJrQQd9xyTa#>K#^GeV9!_pPY2^eMuF1w=p;- z6YBY%P$G>X`ZZTrpF3(9-*)l9oZr63@a6CRkqgX8PuKIV3w1K6T5t+|?s-Q9PqK)S zM?)tc%dUGdf%u+7Gq@A^A`G}bgjQ|oL}fNuABBiPADIH@bu}0Xz^@NewbGKxKhVRp zwxgs1KH56>=qM$32+3q~hnUux&;J3l<#E>-3thh7eDg3ZhH*wrrMtf-3BeUr({X{J zO0MPA0{yAjjKYl^rt!_$?Qa!{S{6L=0#h;YybrKjBA)JALh8qr*&7OZovODG(|bR| ztN047srA}5^YTZX`w!%TlAM+BPyOxICn`wzY&KsD z%bI?5yY8KBV$VBJVUay|ji1#|981ry3bITHUVYecW z;ZfU;jIy@|;~nSxFD=qxszUK4&%cJju6?fX{rMTWP$o-26-@;U=|j%ySMBpfohC2T zG>r={sWWw)HTvxS1?nhs}IVo!Ut=(47y|JVX#p0EqAFG0_;u?8%OD;jPz&u zV^UGUHm4J zYvnW35UG)HU3ikdR&iwkbeS@B#D;#e>Wl~cj zkWkwBnMr|DE1Trz^o=*>ks4%G0ykI=iqKD%k{fGeYs_^KEknQXzS_vhq2eONdh3$1 zQ;3O=@F};6uuF}MAmwDTkB0!JT=eYwl!&Ak!ycTCk@f}WEMGnqd-d&&`UiF9 z_2jh^t;gfFnxYrJ{PjOZVf_CvkpHEE4gqrqbm{WzK>jhNUp{*JgJtE5V{;cW@|ZM7%Pe+L0hRBcjKKVSnZU$=ao8LZ z=2adBhAqv?{$RfRrLb=L$y$crdN2fFg6ln8cln!bP+kCgOnzThJC17l;YdI0VdDkF zAR57TznWnH*<*e|;e)a^k18_X+at|WToLoJxQ;Ll^ zP2L|SAgihe19qc*gRoqH@yql$y=YF}D_wsJ+wP=*fn;fbO0{#%(cWisZwDrC(!|Gm z)MKX#r+E?wTz($#}VK52vRQ`D@4}b}>|V=|GKNI5{NV1LS!+^C{sd|5&Fv)4adB z?BGY;w#rSYskn6hISP3yu#)-RZqDQ9!&F9agm|PPzzA`?(aAAAOwsICDApRilP2;M4I< z968)OBQO9UT$I1G5{#PrCh1uw50+2K1E9_y&{?ySwgCm+2La{BqXbInM;{w_&+~JI?+gp_doznthB$*}wky!COH# z{)iwM)PU~ze$_O_$tL%2xkQ!UHd0ah88&hVB)TZmHm8}h-5Zzo(sQqAjzs^60vZ6v z(Q-i8suk$}(j~wVkmAP({mxbsi=sKKkbDUs#mJ|pvkOT-O{sY~4G5I7A$q`)0gj+(Ngk7k$7lV-PP%%QMaOP6 zAq_hEKd&+myWA@$1=i$#;SxU=w;ZHuC_rnjA8rQ!9147(g%I)INiZmHmsh=gAs^$~ zhwfwnDW~~K3s5|=Dr6XOxq#ek zBI^>su~YNAGpiKIG8S&)Ot_GG^C!V0ELtUZtn${2UoJy0sxZ9d1VlthC6~m4to2d7>N;O&Qouo3DvItfUk|ugh zRmuH9ROZSzo3ul$*Tk|*ZJlRZi1u}d=d$7)$qiTCC=A@%cBetE#yaWx;sJ?Ifkf&j zxaxF5haY`39*|uJGF3vUzPpX%*VwWKqZp^-?`5`#I<;wX0HO%PC}OVOyu+AoGUQ-~ zNCK0ac7}Tz^k)JpVQC7z+t4KaS_yNyW)9*bzgMgfkV-Up9JKy$7pG3?Q-&L@DN0@w z_P$g3YINl<8zIth{QG#zlSJyw*1XJI4pX%Zv-D>-&#wZY!;`fujt#B0+ys(?O-WTS zpUtq=QNv(2uf*gTpsvL5DVnm5RLC05Rb~$8u>+;%4)K4$Bd#KGSa+@3v`Qu7Wjr^< z$q9LJzu`~l{o((+R&6#I-q=cbf%?4+gvpLwJHC^>+{A+^wBo`A6ghOOHU->9ryM(v z8$1Zd7V#V)r;ns~=Y!KfYk;p8^aFBrqVM-})%X@tH5iXf9XR5yhHI<^9vv)1_8-!_ z`oo%9DTnvm00sN0ikBM)>DaOCNaxTEb;ccg8-c;9o~Jab6aEB|SRh-U;B{a^`j}M8 zKiNNE0COmkOt4eHqvN16pAS%T0q(+(L8V>QMnDL+M%DsW-Euq%un|Ez$1O=#wzE|* z7GyaJaFAd`gh2^Mvni#Q|l~ z2lyQ$6)gmd79Yf9I9U*may+{D?~viwe`#6&onHRm31`Q<*;e}TqaK=RxW3`}V}Jx0 zv3thYNcAw_VE`g~$0@l+oHO8ntCXma_y$0bN?Rt$n$smWt$^njtRH^R05XclyC1NH zzeO|%E*-^A2H4$heD+`-dsH{ImWf&wunP`2z-}*pJffEdHHWdo%8=y~=mok%`u?0ly5}=D4R3GQW!i!mSONlOw?M5x~cD>1*d{dFX%B zeCFKZjS2uXSOKQ5;dub2lmgE-ki^#`sBOzr%PPiU{daMn5IO@{VLyT7VboR$+F zl^TEn(!S-M%3&l@a?4D3#UZIhY20HX&!!sI3wJY@)CjFBB#Ys?2akaeEx`Z<0F4V^ zAnw!jdrF;CnO8<=wM*vVkX25#(;%N=&In-sCr|%*(=6jv+^4BS#?cRX|62I`cst>3|czW%MT)6)zq`^z}3C0UP)j{F*~c??vi0*<_A8LJ?z_X)hFR| zGo1K>!Im{>5#!SGa4xFC<+{qH+x0+%lUG}Ja9v~Q5Zt5rkI(SXObu!9PG8L=R9a|- zUq@Fx=7L=m0E`tv!VYT*RoL*oKtsmupYsKb&LdR?r#dBa*eT2{J!?&BN|5E5z4LG2 z8c^vkh1|&QGc_tAlW$=xJx^0O#U91BF5C(C zaWdeQBTv4uD7M$B2;~{Tx+Kl*r3hF|-NKnv|GtZ_T{l&zw9WMDO$nd}HXgx9Q}%%Q zoOe)4vSF>b@Xv;9NG{`Jt)~FmR=Sg(%kCd{XMvuv+1li6Fev`ytPzWK`Jb}=+KuMD z3O3p=xQr0x=rDw&WALaRHhKMVZ&`1&!NSG2F8AmFaH<9jgv0qv%0u74L26)Ie8G&G zA>$g^TQO{TLIn)Ct$79Si;zgps~s~ytzEg&1IfKe@hWBeyPh$IagKa6q3FH5U=`0d zzz3}nY_T2b{Xw!RgH3)id2b^>YhjNd zw#56Xi3xCUER5_IR3#{sP;wotx1y_;|g7wB&N2;q1uvtkAvKJq>5jW$U z{Ku)8KXrFPU{WUPQom~G^l+jx<$L!vD4F$P!Q#N#wo)3jrd1Gb#>gVF~kV!cCAbC-0#&ylsBKHPS zR*ht;zL(P~Qoi=-MsSjK(~2<*Z$dy6ezJ)X{4fCd=w}ue6Q)XM%BeewZGo;?bQu3A zMZ5rYc@o|Bw!Y8;?y9#TNzjJ8bA%3L3UO#*&%ecQ7Y(9#)lXleRZ6PDXgDp$ylFn%)37|b9uW7o)o@NukGLcKny3 zsp-~Ia1j9yXNrY?q@;!<7?K9FkuTO!h2kOC3#sG;HvT`PcD9!kMQt|;yi9*9zUj3b% zncL9FWz0ojb)PID{t6^Lt!xWN>_+>G@Nh>t!|mL1aP7 zj3mt4-mzbwPIT(vrhcW$&JEV2*u&l8^SeNe)(Dvo@16!dF*V%*QV3#fQ>JU}SGI6Y z;S9OqQ2=WMlf6~4q)T)*cPZgWzFu|0mIBq5G{h;v$XnM?`dqNKwqg}&s<9WN?E_87C!q#=ub44tP) zQHL)T7zm_E!tOUztoFPw%ehaerV;mU$*<2N0tpR<>DJ}5zPZTN!a)>7JUm@n1)cni zsjoYi=Q(i60NK9<-+x4bHXyO(SO-Ykj3qiPz|HEHZ>-w`r5Ipz)~Xs(@<$khnt~%b zl-Es$j097_%q>Xq)yekRJ2S7mC)L@xs@m}s_?8BykA~RG5sbD>*6MTX1{$IsPTbj7 z5Sh-7T!NPmXBkRTd6QPF&D*p@s^AXb3re{H*|ke8)DgAe#zob_gKZZM-}|c8(78JH z*mmx{tq^m;i!{OZ8!_KAbV)KZr&^3yuj%uOohdXu!1J$F4NZCScrn?i)LzS5%v*~% zwPU(kXz}pZ;MLB2C|1q^?w^yEqPXO6|w3?)rfkubOY3#a|LT-po~;|2l^uR zvYgNP9vpJ47EZ))U6`nlV+3Uv?t8Xme;aSotMG~uSr{ob7isuP<>=Xof4XaIiJ zk5I#5yR5$JsQb{&q?m4_Sn*6H8O(_A<#!B~DiATW*>g}SV=+I$Dh`<=j4oW0Z(6U5Qc$9d`O;)ifPllbqB}E`S>rqXdq{!46^^u| z0bGnqAoBBj!zDic)Ax?RZ`ZCc7_sm%X(E$i4gyb#UbzZPV^8p43 z;2beSXqL+7mcsuK*nf8n0r?s*z=rU~w8%A+>f~kth4=Lui)RG}z@_c={O)bXs{c*0 zq~}DhHW~U{iH5wQYd(HcOC7yJa0ws^N*|p<6QoQy=S2@qw3aicT`@+rrwEUV#YSkp z?ciXx`0FFGoV2ibkYfZV*?}~FyfU@f+U=I_kbFE?3x|T$@w!>2Lv?4dEtg^+* zokho2^;6WWUn_=u7=jZ)A>Q{uhQo|Q7P znK@B=Kjy!;1z16QI{dKjj2t(41`GhC|Ct7^KhAa<)5m1(Mpz&bfL#^SxO0uPaX^oK zGWQfKv0-XNTCZxjSF=Kv*zhYzcgXNA#}6P8W+pmDE>nPOwH!lD5uP7zU}*y#QY{H` zTZukNX!K#9sqQ4$@5VTug5?9M&tzb|$~3B78~})+q+)mgl~4%)+I%o_i6=m$!)l`g zC6kH0;;v#?RQpB)VkF2}U89u)7M>2U+BSUmVDvZXy;W&3XR!s~O;a9_Mg5dL-B~;9 z8ZKf23>sU#sc!(w=q=q#0AKH`{;b?KXa9aX=djd7aPk1AslA=GO-ck!OA4h zaMNxkoW1(F%N439LiVI2U^m_*%mW@%7a;dp3Iwk{KBw<$HV*4i^@F_*C#wa6$#}Bc zB;cgZ0V15ng7pWDK$H;1b|^#6n+Qki2>L9aYC!45j$c+a2ln0)ejK<^r1@k->qg57MeBZHl_30fEcn+cPBTi z{8>_s;OLc{`?AX?ow_^M!!su}V|Tvh82}iQo%{>8wRvS8yrEz(zFSrH%Xz@A<`bAn zEqdE+381~3t`rcH0(FUxoSceR7ryxD`wjpH;9vf!*QA!_fngNC2|5F{X$^!IhHkZCbv8x0Wt$85OgQ4x z@l^Z+NZ~KBt2U?exw(0(?+A(EaxVVhbxorA)9pVNAC8uRF z%o|0+j#|C3d$1ITAMVx9vK@wqLA5_cd<28H+Kvmjhl zqAvU4`oVK?!dRm@?sx+QJga9bp#P{X6YkFwP$j@35eLvq+Tj&mtPGYe__p4blCaq7 zP+gH96+d^zCcye|piU|`qfY_$3wmuYJ+6BVC5E}a=vzk8V^qCqC2QgJ*m^-pSEPXL zZ=^NUhrS?&y}Gux9qUsG|FCw%o_^yDHW@(xkMJR#fHe08P@1vV=gA~-lnSfs7usTK z`ZnHkMOrn^ov%7H^9n*Fz+~UvlzzTmKPdCUh0~4vqwnX9fJaS3kDANnQDFgUU%0ZI z@>WW@Zbn+_dEXxR<#U5|^sQkF-rks1-1VZAngaHOl{bOom- zL?Lo#SWY}CoOipRJ6@FD10>!sXXFiLTFDKu5Q$qC0r|n)im;Mx$m@&2*rUF5N zxhU{#S;@h1&)rc^sgkqOo5o-Me2Z={%I$tKAe%I4zW&I{v}bduL;uTmy{+_cj_zZN z##~*Vn~^!>e6nF?p;Hd@>JK1?Hr((-ToAi5!@(rUl&8C@mJ~n&eBTls2iv+4C7!tAI&TLb*blj?iF@!`ZCC^Tj$ko zfl)L{$%yAAYWg~su_`~F#$p;hypglW(>BIS(RyMOj24{IQUTSEsw|k8qypZ4&t=W6 zi(?NwN{CkLD3-`ExPP-`U$dEr7iRj0x$}>9(L>suE^{LdgYF~4^0NKcpM4n zI)hV`lUlN%ESq*aCNiB`8gD6A_aBO41n@z|WZwSYVyw9_TN@~r$gdxb^J6luTNzOJ zoBjBqBrxioJQ=#q*qgBouS0ZtvGntWMn)0bQaV2xN(^f5m?4 zGyOD+4;WfeDd^GHhjANiwfurmMKLa=u(RK3sB<~FF^o&OhX3>MP4@ZbuAgz41ys*8 z9&pMtQ0*$@-rxXiVtiN<6=^jxPB!wjw!hjha9K#MxFZq(@)RJzLQMfDo@Ed6?oYTK zR0|m?o__(+kbR<3V){@UtpD^L2taoe#0gP!_e6F|QRptHZ@v!de1J}jCs#UhN zyBe+Ix;#kNqw+s=ZNLfGLGaYUW>si*tX4_&+KiNGnU+;<8@JTUTr^^2tI6uM72RxS zl;eFKe*`;1EJ)m?dBF*iQt2~u6fznBC3zp`*=fy1*dMy&?w&;fju!;4v7mO`qjc4znR~$J1ewWI zZ1*0SmbtX`B~weRoCHmr!s`*Cr`FV+bld8WQX-lF^bd+Ehu7R#R_#xH2>5+Q!hNdX z7i#5G@%Ya#lVAo3Lt5J@i$xBM6uX@| zTNTBO)?i3G7B#y-NArX4|J$B1Xn$75Pa8gM`dvk$gG~GaiipTf*??3u0ovdIXP1Et z2GE@)=hp$eApjr*GVy?y+XpB)pCyAEpka%hjmgO_7w60Vbhts%)R#0673u_Zd97u# zagd6MP9jb^J}m#=nhIM3g$58kpe-JNMeD3cS&PHeuEc#y4n=?aCDMFXt{mlGwsDJN z?FR?oL~^C$7{HyG;ZWU9Dv=%-Ih+y#_&(`IplIAH6=^psK4vjU;Tb}3pg*FIb8*{>YrjpRQwjAER2R7L3)8(1nh)TRq<)E?pYY)Rsgp{ zSSz>qyC=ROKmTt-H^YCAq5G>|tu?HQy_(as&#E}L8z|b^efTZxgKs~>^pzEzDDC^{ zkIrHMADq`{%NbM|sIQm-()z4PLOHdTutp>S_4YF*irT6R9GEGeG_ER`1n_x-|JM9d zfL|J-l{v~@afU7KrrW3y9RQ&Lg5FreH#}st3n15=q2k7Hy&2+X6$~dU3;S7|DG|Q9 z6Rb)4{g{N}Pj}J zyb$|<_b+Xnyg^a?CIHTJbKRWwoh45D`Z^5EMk5K+o4Edsjh4OMy?#=EqxhPiwUfN} z7ZTAj9r9(p?%RvEdkMnHF{!OLw4P>fWwwN>GZ^TM3KtCA{;`(2dc2xo(enz5W1Y3v zmcbVS8Tzf>&cGJ>zF-Ty|1oJ+9APH!Y#Fc#-dmmDDO@N1vCr{?EV%Vf^bz7zx0oeZ zS*^rdXEj-Da@kwM6Javwahv_+Erx-2idsI%dB?1xcl8%nVY^-v1QkZsfuGU|JaomW zn-O+*-fsPUHnisGUf#@KP8Moi7S-Kwk%Dw;V)Eq5t7IS~t>qh;)11nW zOT_gad0Z}=)M1zGp$&$;T*&(9Fuc}O4hdG(!^h7?j z*6L(Ua`O9x;fmD}9KOCc>;~no7w)oMVYOWiXxYG zLsl&`+a~C_=_ft>JG*_Abz8?5rCwB*mv$ArYoz5I;<8EGt^uuGuc)&0s;PH2yZ8Hu zZ(^(`(a3^GB_}|ki{dg)k(D~7)Oh~Yo>wf6;g7S9p*16awUt1XZd4Qp>aY!DdT%V< zt)km2OV6norig2HXZ5+-U66AWWfoQ{=im#|b*9yc;_1H6KN01ktUv)5<`y%(q(JGJ z&bdhIq<22s%XVsk3M8ytlHHlKIwe7PzL(7!^$cD9Mt+vl!Z&NHqz9~`y2vG{fBlcO z(uZ3E?^a{keP1>gxZ9{hAa9GYepA+$H^=pf#;rw`#luwg;DKl}hQ|d_x;!G`hAv?h zHX}qGQBWXp_BjxZ{XSQ3D78nu07A`hOA76**;VG|f3H5Dsw1j-qVC*Hr*l7a2H$Ri z2qcGt>X{$O68`F(2-aI&&T||UpHB2Sc!j7_zKqQC`ocq|dn!X+{Bq*8^JHAP?1ezL zI?)DZc5a3SaHo)}d?U#wYt5wAhAfqQMdM5o$QnN`#as-pg9U@v9orwN4M3nz;<7c^SPm3IPR||fbU(OlZ&^r=Qo6O2$>6BY2X8I^%-WN-JeWEpr#_?)P0Y|_vpTi++8XI7 zB0bq-RPrn#3=y??EE}$LgJ>iv28B-#%Mjy=2duq|@&^RqJGnW`Y}`t)^ZU|$nL!x9 zn;!p&w*vL$C2lA><%Z6Qk*7s!L`qn46-*-+;ZoSi2Dvn+apg4qxIDjdw#IvO52ka!fE82A0^jJ z_@mUELnn*KV*CY)jgv1v5R$ZSjX0Ey&bJL1g(Zj0Jr-BD9u3i93zEcFQ3t~gTTlJv zl1KeF4^Vc*Omkg&Qa&qYyAmWL_#QDHy>4Y!#(ZRSx=kJ1_hnzQ{vo?EKH zM^}CTjq10mrE$3}{N&;eodHhK+3I=@ubV&M1~pt-R}S)iHBqn9T)><@zG%0Br!4k)pat|` zoUWeF1&wHxAi*YYxItvg=gwbOze=+&6tqtw2ixul%wNm$9UBC?HTI($XZm;A7kP|s zVs@4su`C!W8RgI!KE;vVsJ$-YTgl%*XXsY|SnM7^wQx@IV=vfO%~IZR!j;1DQ~NlO zjiosI5cui&$KUWD4(|NZe@YSi4+!SJ9IQ^U5Zf!Lx1wueTLYGR3bF8pqNvc#y0D{f z+Z)5JYA4anun&J@I8T2aFL7Gl_GY(1%%bHgK3saI54>B?EL!2PUD>Mbap!pNz_ogK zpVzV@(gl7bGP7C=`>-r6ajN8b&$4{xsEqmJ$AwNN?b~~rO{_7K+TM9E_O~tczOm&n z%4hc~m_zbPMmUdmz86`D*`MGekjj}&3u~dd<+I6GqEn5Ix1Pp(OE1<6r-)_-iBF2_ zldU=EuC@8u{MZ1`gshGl7SWkEwl@*3RqOTibDJT=60P=N#26?{7AB?0_WU=-OBR!1g!$F#EJ4!Lb%~xx;Myaxu2$m5?7gFl^&v z54D`P^ZNY9Uf}~s)Y!ftr?jdw@b@c&yZ`Fwt^5ZAe*a%g@c;85*!CX`xY|Elh5vN$ zvaD#g69zkWSYB=A)P~I*oCq!pVrS_`Q=x=pt0WTbsmAVJr`buz@l3s2R546gE~xEz zdwY60p9yAjcAs%(&ibuZvU_=l(_XW-LKB{LNUM$ZxJCOvgmmY5iX6y(OZ)OlG`Tko zzh2eX6;b<)DVoE7_1)isqasAmsM8q3fRTxeFMgy>aM_O*Qe2tL?lO{_dGz@(nzZ@c z_2@9Q_AOuWkKOv#aY!-j$b{HA;t}N9{lIJM??)-Z9NGR9Z=^a3TaeQm)j7oyZ>H66@PmZfmiA-(FToxTF*NL- ze=?zv@2jJV!{6nt`ocT{(-!a6=8vt#dP)Jl#?W25V#HNzj9bno-UFME3XBZSk`K+LD#xg@xY&v{-= zuN8L;N-^{vg$4**?B-~Y2P>iJ8`>|9aCHue6e~f(O5P)3(fKf;x#smzr#K2q3Xzws z67256pZc{7Py#91K?5!NMd=AU4mQsqK#QIBZXmvx`Pig zRJ|msa4~A>nF{K0&jRNS9Ly&gpGr%0HG0BFLq=7v6`qLJY3;6=;-R>DKHaA9nZwqJ zbnc``VbYBZr;>3-4J#cP>cLuD)$|%#3rt{pI;wBAa1qsKm9O#7_PSV2K3aRB;GIyx z)(!m`5*I;VcS8XmRO$HhqM^sR;JZk@?XYeRZNu6xE-I=bsukVxs;U)y3C7Q4s9)%F zhgN`<El=%d`N4oGras97n0xacd%~l2X z=}a&`C-(0(hzwC!ko6|j6Dmrh@>|F=MR80W`kaVyM!igR8AQ~i zh`AK)or&j|2$4Gx^c|Ku-d{!NhN_L!6}f#t0{07=zf#O~K;)eG)!pM?bTo;H>@+p_ zh_Pk8GuYHj`M+-o|K2SA!Z(4EP`=vy8eSq0*KObg~!#XVwbbU_z z{PO|XD}-!U>d#uB6@1IGek{r9B*sTUV7af%2$#nk;9BUPn#UY`6+7e5OYMuI{oJYe zuOa<2uK%uI@HE96d3A*H?B&*Wu?yEDmA$YARbrIaEt*Q7oR*=kD~K(p?s#U{8&`%r zP|JVjkYZ1fBQo6NQotO%Dwa}9pK|VVSIe?Xy#1Yto|UnZq{H(^xXH#5uv-pSuw$Rt zBDeIt;FE3*pAooZ+=H{5{`XY=$1URqwV++IU>(BM4QwiFSVcsGN~1I6^|Q=Rq45UG zWZDT*yQgn$VUQ)pv?3sz!puO7pA~Vx!cP)l!=M zT1M@7Q>5?qNq5u0JuJCC>TM{wbsk!vitB@hD9cAr|6Gxp$@ToxG7CmbNo`e_m{AM0 zUCB~ktU^6Xx>?4KkamIPQ+Le!7$3FPT zt~a|Hnsd@E%s{B|e2=5nkW-I_v=6!^VVvo# zS032f*xcVi#p)nrL#JWLnnx7{%=o;wvzKL75)xlTHGqI`pqO1y9!FaU4oJrI!`cnf zH2eM3O=(s+gc)X$7fnl%6PY+YE;s!OG$j>3Mtulfd=E@YC#K@nkA_Bt4c|U6jEj8iKV?0m6enC-Jt6~v3cK8 zYa|5TT8>dP8nAvmCpJKG%G;<<5#^_wRu4SI-$Iy3@H-T=t@!3nRc=X?efb_)6{`dI z3T@$^-QB0l>2@8OS((XmjuCaJhp=yaXV28d-!_D5RlTlTuj~E0m`o@)481Qe+V_>F zanWF&2$n~uep9`RJd!D9>xP)RN_4xJ^zig(f0F!C)+qL96tdJrw$S^rl9XTMzvv>c z=_V%FjPS<{H{mLYYwJ6z@6mGB;T8t40)I1f)Aabl4$^Ze7&@cb)9m%YZ&P#I*tGse zAEqlFokC{`cMWF`YP`1uMFs{1^!t$NG{p9adWv(*wCm{2s`0gEgf8hgOeoQeKpxXO zfjziHBTA^J7z{I2&m1nN^Ne<@B@e#nhwARn zt1eW4~a0QfWZLza7CekC7 zBrrAa5#fAvU;4uon6qc~bAbk}fD)a!TPuMeS*YaKM7`xU6BtxIM^x79t0>&`8xM=u z?%<7>y>`YINjL5O4n|y)5B$D(H5+0WT%UenMN6?U zR59`|wL&dJstojnY3mcVrm=$el&g=I2znVi%BXX`2mVM?!o*)ci`thH_HkQ}eij4M zQrqRC>~oSs*}DNje^694sS0E&=>2_z+d;HtThC`s-jxWdtH#&Dk6jSb^zhNJcs={W z-!_}%TCA~36S|c8XZIF_$mmGvd%U9`y5&72(ARaqe$r$jH!bfpM5mGZeamgAMWqkc zLfv5QYC?@$A=H^Pl=r_K>}rP|&73o~Fz3`m(y0fg`%9}$+ax4#&6wQz*PCymGP9#x z(vCG7<^GadWxr+~2PL%72U;06)_K_gjeAu0rxb!}BL4kixQqv~XLT2w1xyNZu2uR5 zO_R3`2Vy9CCt9`4-q(GWSxSzVWw4vf4&Up*f4b$(PnzzLKHEZEqcB~)L*CRS|C~rx z$H!cCG)tG?$R2vM-Jn{i(g#^waJ(=5V=ZOlOUgI&U8NNk?$|2}_C)<4C@3~vKdovQ znzGEE&HRwl+=;Fyk}7kB_T1uL;n-&vqbTW%FFvula1Ky39<>B;dWfcUc+GsLVeRRE zC<3t5!QsCh*K0Q_`e}07L+oNp7AAL9QqC(V-*VxUSJBhAuQh2oV)3X75;Lp$qhIy* ziRY_#?`OuJ-_U;(7^(=lr)8XMGI>LRNi&I%$fi*7@lzeM&SRZG!gbMqV$%N^d44Fg z4^O|&V)?zy=*Yk|hTy@JNl8&^sZ2V`@u;!dX|`G#J5+yXOFg~uz50HB(7ebg=+O!2 zsC?0r3A-y@sg0o4uQ7+e{#}N#68(edesl}j_Z5l@AvW?41hwW8PLxS3>5!>*`=#oS z=ImAFiWewWBcBU%d_-p^?=xhVN)D~zgDcA&5)E7pOV{k{O*~p$e_PP?Acj%#<7Ue# zL3bv8QWQHlPq8G;+EcH&&dIxJTk85nYngU6oog}k4eIp~P$KwxZ|V{JMF~XH{)Tu# zv<{?8qvqWeV~k7vHAK7jyE&Rbv+qO~Q4J&28Rt_@5e>A#q{DA3{x+)C@8yBcCMPa! z?stVLAW9|dPF+9~_{Qll!L1gP8WCpV(cu?VH6dV8o}-&3UZM$WKl3B5RU;%n}09=0WO@32=B@py&2?Wf2hn={cOp6TLRO&J3)z#IjrIZ8=1ppI5fSGE1~N*BX7FCc2xc zry^=_F%jYCoioXgT}%hW4wyc%)sVdfKeNJmpGVx=^jA`3OBQ&MNL6*r8}4F%sHtUI zuWYULZD~1dFIUl-z5jEnlHx?1;KJL+hVq27Qx&|jr|#NRP8QJ!{XXqzD6}PGn_z{u zA0n|P_Buc2M{j3V5La|-%%z5!%BoJ8p3F9-+noCL4BY(b#CO0Z#v@$540e`|8<&J_N(8o*)Q$X zSI29+SgG*LM zv0Hgi6vi*KKR_VL@~;--{l;Q0EY{3gq3`+#7#b(~SPRw~r1@4l2DQRNz1NKDy9C(ZXXQC?IXGY*@et?uP+;G0>!pi11H9WAEaJC&_ij=L zt7|3YD_a$~ycA8@t9MlvC%2*)F(O6>d-6wWF{(+9 zFo&$HATcBZ<@$8bs>iGv_vzM;eJ2{U{~nO~ZjPFSE=+f!8G&%ec@dq1!|vS&u@pvM zAdX(SI_K~*LywLF8>0PNkY$CKG!~lLr!u8-XF`#4!$~A5^D^ih`t=I?4{1Gna8K`L zQc$z9LxN#q<&w|j#m$2`dPKPmVXG3<7NP|acYxHr4mCCC22HiwUZ>DDs;&Ny_T1|_Y(QT$NK2f=iJ!mNyKWKC z@XbA0sKF%hc)pri`MM|?_}eNVEl zNNd*H$y%g~Gu3fY46?cwyh z>oxU+BDm!QqT>^+?s1#-EV}()(+RNyK@p@0fe=s3v7o4+ASz&?Y*3UU3Wx%scM@7?DL{Y(2Z{I7wuwZy_aBze!+nLj6va1IK*fwt3w9L~x zm-g1VbLXhMyu90de0^I72L%P5&CAO#EiKs;92hin?Yea*Jw4>vF8i%p*RIv#`d8xpPK-e!g*7zQ6ze`-c4Y1J3dE)TOz}+WgxC_urqFyk?DY^27=I+C3#} zc;(8K#+`TGd0N)?bF#(*JU!*vE?*|rt(#w;K7Br&K7G1T(KdJPTtgVy`?6Q}^x7rG z#Nx(|9dqKyks~h0Ha$Jv7&~_Csn)GqU+L+wOJ|d{7$Ez5bLPycaP5Bm_1A{1@y}$f z`+IuLvt6FjTtdR|x8HipC@(KJD%;+8FKF?b6sfb?Ou$#A{_mOw8Oegqij0 z*Kb3|P8}mWJ$GqrZQHgT_WJ9u7gjd5Slg2(O)}!+6GnJ?&9hy85?z-rKG$7$-66xx z?Zk-_#>kN)Psnv1t?UxmI&|pp;D;Yhb9Z=+g$oxNa?K;2p1U;G?#(yfyem69+wJik zGGxdRT<7UM&-Qz7UVr4nO3TW74jee3zPsnwtXWeVe#7vZg++z^Jwx^9->0nhm*pOgFY4@GuI{N@?p4`)TAyXOc&_z%xUXh;&kFm*;T*^JH1C_2ch);HGO|l# zRFvCe8xa|)MMOk)?A^O}a7aimxh!6 z`&GMf+%R0vA1Cujakab@N&$ zgu^AFaYbMph}5r`2){c!{;TUO@26X?)7-dLbK^h5;XMo&jKJyh**5cDHEM)-d+EAw zl_#LLw@+wT*v&?Hd70rv_;A)%XN*8|()ORfJ7L_q!#FrH4rj#OX@5J+t%}Cgu=JVc zLfCM;ukPepcZ3t@B-XxF;A{SXgMcz`(#Njjg||-SYDC8Xhw1*)A(a=I`$h zj9qKlvZdSCoX*X~0y`{=Z>9V^WJ^ja^9s&UkwBPdBz+vi2I5mzCGZ%*?FPwb>_5Xnwwa2R*&$*)A(a77!5d z(N|x7`Am-B0opS*jAVO zrOEwD3J0jmt$oLwb-v2|!*H1dSv3!k?{tuGx5!iJ@+b3&x@tWjh?S|pQHFpJ- zFTebwUxQ(#%MQT-l6JcE^|wL* z+Zg4>fOF^0t^VMH4+g#c_SU8VI(IfNZ)HIB>I3EHx5BWt$@8ko_lC09mS=X5 z&$@C9_d6i_GCAj*XH+hpwk02pq@R1pXSnS9WQS033d>LSEYJu;Gwuux2?^h^WBV7| zw{IVjkdRR6z0=dvwV!_caY^#pwHcnC_H4iR_J^ma>d>J>{no8pZ<{b-LTE)EPY_8%kNANB(mz9^7uaUo+g1{NNo~9ed4e~o!7TF#^ zTCzwAT@dDaa!xl*5y5o1{;YhSHV9i;3G@FTVGASUkA!fbD~$`=RxlIkn-Uk-;XGi6 zE##VoU?g(>Rb((}-rnA=va+%|_v_d1+OcEC_|$LE;1}16Hm(UFEM2^K@sjB1=x=3g zF)mQgQ{_IegVvILxE$Lfzqd&{4!RgyIF_`RJ;6}IO`4{N?s55jSgt$uKP-^=60ra? zg0n>s*T8YyPf}st)=eXt%Zh$eC^}q4WbIoD_R=*k$k@y3sF9Qf^SU+XuWo>hFbBDBS(NgQwsk2_EZXNAtR+hGU^_rr+`}X>VgoZ5h z_4Ywx=)-bdbGdH1d;&H}m3DY+W}fZxVPxjkrArrIk=ojc_7&mf<(<>0QKN1`a9@)> zS^i!k4Ll`_07NWOzArVD#NJ9%HkJJ(VqFPy?IlCYbaV0Rw8O;9y@NHS1wg7l1_mnk zIev)}H6Plvz;ptretvuF)vLEj7#Wz#JTlT^YEuwGmdZXB1XJ3% zMA}&j8=V{*MZyY(x87YFsPsckx#ntJX(u_Fnn!>vk5YIkxJ0#SjAdOz*@`hn&163( z$F@N*bJsa$n1T7#SI`&mN*t>xI2R0kv*o`;_RrUv zf}OD*0pZ7SoS@0WIj0dAn#_xp4ua1N3O`G@PLFaegV}DD=k123ttn`Kk%t6(w#$-{ z$)bhZ?{{QKpVQ`XnhpKIP>W=rEP@pz-nYp9wv}lOQ;rCONT?P<^Rv*89U`SV0+j>p{4aUl${NBNBf!s94*KC zBvHVz^yf8l{8QYY2#E>luHu?TpMEdrwU_gd&uqHy9=vTLi}J;0GtUANx+kPDd8U_ zbGs<^HhVBCUC{x{kV!x)hp~QDk_)4K6`z4QkU&kefqZ`8sCmjct*8-fmj71E_`uEv z57L>sVq)m~wsg7(rgqi_P@|(`0leW11v%}Yvq%x+&~}hH&nBS+p-q$XJ3~9ex$=9b z!#oL;<9DGyU<;D(TP{ZEh1|EEu9$IM+Gx+nZ;UB4phFicyhGkCghEm@=W{b%eZsc4 zCg~!0+RD4sB$I9e$kygyqoSa8t^I#pf7>t&Xk5_7!B8P!Tx+QJFX8w=pi7ivA4>Zk zcJWMTTDh|CqCj$-n%oA?U%>bFcF^_)DF2(w-Hz$m{`VLeh~zvu3cwli zIf>GLLz(;^4pYP!gtjZ~I47JCjgDNfo8+8jwu`7q$@4=ATLDswChW6WR|NJ@RR|J{ z_L?GYU@m}mAc4b~Vm~1@<07^j5;q7{p8TAj@RAHnTHed zJx-<$o67)xZ|Ue{K&KNpn1JamFq9nzT2`2R-$z^J7xMjS`FtIkHXRwjur@&xccxXz z$Mu@>WQD8u?u&>J;60!jH6gS1q1|?)rpESk75dwY%%B0`S6>Q0(Cz{8h5ZPi%=wnF`7u%eyvqa?$H;nKg+`ChMr+0|p!UdcH262+oX*QuzI5NP2qM@N| z5<0VFK%<1=ebes<-F7x%9!(Lsa%WnJrl6lxlX=K7z+Kl$J6|)DMh2z>ZOTtq?*PaX z_Qk%M((Imb(Kr8;k9$Zgj~cq3r5OhLr$|?Q6)N|bFQ0#5`*!d;*lW;+h0fq8G78L% zx^x&>C+Fq;PW{-Y&9ElnWYUYmN-b9zb);`% zH zCOC#PV}T@~nY$rr2Ul7~m*i zkzqi){ei~-+21bva!s}MVU9BdnccM61#_*z3-qMT!HLJQ|21Xj1fzpp?FrA z%KhHQ9Ft=s<@+lpQ=|tnG{DJ89_`GtUFwVsP66`qJf*@E!Z2troCF&36BTG*r>EWn z^8G!T{71PUf~lQl5jHDv@f<&DD19i6F1Z+3J+oxgqXyB0hoM;<)Kr4p5;-TFwy8FT zg6Lo`+QR>{E)s!*c53LJ@NZ|YSO>z-8jh346W0+T;A>2z+Dxe!0;eK5SnVzg5p6!y=$UuNM zA?`_21OV_&2_dYLhJv6VeO@OE;4Lm5EJCC=+G1Hyt+;@fSEhBzGaJhNZ-z%AJiBZz zU>PUZg;4^>4)3tWG-T~1j8swu;smMpDnm)XNUw!VB&MUmVRxi@W_IX8LJI;qqmqEw z0J^)klJj1(ycd`gprBoJ@@PQ<1WovET{+&sKnX??P8bz%6>>1%UP+&QBp5B@|X_Y5OCzv#qQsE{p;3qxchA;MOEJv@|;0fKk`c zRUA|Zze8hOVRNDRxM+i~2ov3fvBr{dBP&X&c0R5x$IUqctv7~FPqULMnWyyb?JLjR zDD7QsIS$Qws9gU7e?O!t2b>xl8`v#R$fubitO;$ZohlOu$T*>W;XH&30D{ev*#T=4W(^?BlZkh?Ikywt&Vj{$YiyMS{ZcEuPgB}YvgJMjWMV%ewGeC= z%;EtldX%BGCJ?n9Bzj&Xc7S!?v{fRpvz^bw8<8G|1{o5B0TA0O0p6p+aLhQd3O>Dg&jAM zFe4Z@)&ZQ3APB@T4zIgAeIWOQjns>47i|S|J3v8Y0U2gTxz}{Sn}iuNt&sFEWjjMC zjjyw@@@$^%PtC|UiJxZX^-a{i;0ypL1Vj@H0iID)G-V?zlZn2RixdQRtE|wU9PVe& z2?)ECn?wK%5bz~zAn?9I+M~LJ(2h{cJNXCqiB3WQhzRiIHo|6L(r}Ib-kFD*69$G5 z0@$kHv@pSHTxT|odwH*Ia&EMobEhznH#DV9G@%^`d_0~KcN{_m$N;(|RnjliVv%e( znNs>bW~+cU?Zc$D2gxX(ko|qY#$aaDE@s$%89NB*>t3c&T4Hk}-img=KFC^ODEIO_ z3NIk$XvfC?LL3>g&|gh~1zI137L09EdQ48WxnWC%Em3E74mtmOhySj?xXbZL{N0E1 z2j@YknWHHiG~ONKY=(VwWkToY+y8f+KFyuIVBP$vV9d(nPXLT%b^ z|FOp@DsAt?pJe_c&tVtB>c~ZjITt5w%+?KKoy|pp1cIQd4-((FmTX>;^X(N;-_7 zmJ>jRxz1IV3_2OW;C+H{&FTLFfdfGSK{Acu1rGoFP@-=^uS^hlq98y|ZYOmKL zV|#Ml`t`Y%F#t2Xm5?IFIGoTEAX<1PzH2DrI#E;qJ(xsofDGv|LowWg4(|cRbQkZn zTT|(kT2RB-%{@Ko*Y6*|=K|teYPGfgfx-#AKZh{6^L(3=jPcC1Sf9dHAQ^HpZIys* z=h_&uV7Uf@7?N%uwNcvvB#XH${qV10Dsez9CTRv_4j2;8$u$(Ljr9T>*&Q}IRCVpr z#iz8atd^|Z>aunVyk+gKUAwm2;kh>wE)FAP+?H{n`@~>J)6sqFZtwIS;9lApO@S%mJbW zX%ilhJ1N~4RDqcUl32piYnP!MB7V2b1oSBEOfN?i4_#Kp>*0uT5Bu>f;XtH6%4RZQ z5UHLvI?jObfoN&UJ2As_f+4Xx!{o20*q4o2Q5Z2yk7s6O9mvZ&dsVY$%^z#rxbd~o z(RLG%cJ$aW?O_t2RqkC15y#~Tv*yBs?ZuxS=| z?T1Jp0bA9l7GW*cmh7H=Q6DI6Ddi3bXx^?P+C_Tr5i?F+30;kX(180w}j4K-p zO@Q8MfX${e5VboV$ps0!S`LXLl9rax=G2M%cU8>_LFu?7Z3w@zM_dF6J)Bw#yyM`- zxVfr%BWcKo_OZy~;v7n14~@1hH5O!F0JDNid_O|9YorZVQ+i&ZsbF$Ag&+wmGE_hU zhql|&9`vf~j~_a8=&8iS#79Pt9v$ph2|WGC5pBlInR)Z(&Yjq>QKRQY;zn?+!CZn~ zBxrVL6=q670DLRD|1YEF0D)vN1sQ0k?a0Ws(VOs~nIVGj31S#2$EH=W?*VhgkU`gG z9>S9sd3^iu9iWwNsA|Opc|T~_aC2WqCScgTBb63Zm)g{IL@(gAyOPMpU3AJRgRm&S zKW6YVY?g!Am#t|FMSsWYx;8&EBXdVoty-UrA3wfz$BrGfYSn&Ok1RPkS(`d_YRb+X zJMP%FeS0zsu#TqC2nZSLEu3o?`8Yq6&nM-*pOtg{>3FonOjN*d510vH8_aU@{#bk6 zm~-=>hopNL*&njCZ{My~^X4s*Uw--JMopSDae3ac0u3HmB7>v!3WEo72yG~AS?!SYBgQv*WUbJkN?LzU?C!ToX@SfefyKdUN zISURPtRDz(Uq3?0cy>*WHSB+#=#gx{9i1`*2TugV(|}=&x3NT zN@ZK*{1mxvC*ilAF|o1T<@Yu@URDL-)JEEO8-)ziR$D07=Uf1>ghthYu#3~mywbMY zX`?_E2Tk5TUyjwJ)5x2;uA{%9-NLXA4>Ul0a7l;ls17r5uuGh-W&feL)d9w*G zz4%gqw~yH*5_g|&=l6N~S|3iT3C!f*sdtVjDHdppFaxFY(o5mG9@| z*s&^%t)E_XqZUo~#L6cblA(F2Bz> zj7_2JYvn%(L^sIi4jl84caKK)yKG&%b`9&?xpU^ki4&{2bADM_nfCm1&zEi5yy+f4 zKi__aq2*Dc%je=tW@@BNX2wUh2*4!B^Or-36n3mvOeu}f<2?+BUE_k_Kng`xZZM@P z1vEPloJa-?L-Uz$b5ZbACz$SS&p}+wlf)d zD&;qb8*Fi4R&ex~U?`XeSa2=wFyfyT=H!=?lXGaogb7cANx8G_*uF!13CK*{HLqW_06t`8_hu}B_)qD8N%SGV3PZ%%yE-`m?g`S;OBA1z*+ytYpA+GOOO z1SAbqBtquO3AsDwT|DCvA;`cJ@~^DEaGa3+-OTt=V)i*09M^|aN1VjOL|+kl@27Lv zq9jjN5Dz1}*js!;{9j&s^|e>~T+_$xYc_A*tUd6+1K-xEQ|G8men@HuX|I7T#~v`O zE6>K!ECqqU*?-DndC6w8mC}YVKz>h>-({8wKSn0}v5JcO!5+ix;mdwYMs<484d+i} zI#|Ob$7p+7X2e+P7tHTvAe^jT<*E|J12dvyAd`Fs_}9 zAA^$uGz!E4qFsP7!N8_T`=Oxv*i-+kY2zy=wF0^?U0cys(Z*e7{@Vx#AptlAOlj$P15;0)g`TJ@4{w(A9 zfB<|%$Qbhz%)K|AfLe%@)%5h~GiSz*89VOQQMbC?=4H#4X^%br*zMc4Zu^Agcn~|b zgPCfID0~7A>?_Q2zN|+)7cqmADTpHdS2zB)*2TM7^(=+NsIH*VbcoJ{l*!l9VNwfO?;4F!iFofQZy;>H>h ze~0%Iw4qp@i#ks}mfK^I9HpayFS9EA+$sDH?E_lMPBKxa=V?xUJLznHI;qqrBxlwz zOScY);qYnQ42Qup6x52v+>1v1t-3>-jPqZi_4MbvSP8rrkAFwI2<`{_%Ma{7K)B18 z*YBXF97p1j1;S77;L7+cF& zq1~|Oz#BA-X}9*1Xj|u$%lkU{5985DQw}*8k9-%`p(*{xb095E8#rjt#5iSp0tZaBWPku+Mm!PT1JYvvG5;Sm zmF)C1nHRS13~XMfpI`rFGd~f9oVh z(Ioyqk}+(vLutC6C5u>d%1n7*Cxp ziO*)q4g5xx<|*_dd{Dms$50^-U<%jpzDJlk3yi*PX=&Mi8Z~OL^R2hu_N&UAc;u0X zOVZK~#QOUB0utUy_jy3RjcBU_w0Wa^e+S-eno5y{ae7d`Pp6F(<9-uuF1ePzFXT1z zNwi%tqkK6&o*E&vz*1L2gfjty_lscc7i@Z9s#mc52}+p2Mp^Dk=+T|r-(C9JVko`!^XCC(^y7Qs{8o(D1LFoP3auJ~RAaU=kL83g53(7Dxo_Y8 z{e`bjm@xgCzJ1*u+nqaiYB%0^cU_M@MMG(iWo5jKcgVyI1;x-a?QhX%`SR6%|}Lk80u}mw2duh-Z^B7 zm|j6F*$P<@sg&?gR>W2XXc4O)X`K!b>M$KmHZoSGfwU6=&ePqES4upeodb*g8QKC| z*-X&kxc`4_zs$E6#JHhP&7k68iijYE7d!z+GK&Xbt5Jzm6o6qn%?je;ItV3q7%C^@E=!)k z4YakQe}-tPOwYGffD#8YtH#`<3KA0oQf79SO^%SG{D)^pnA%99N<9Yq;9F#V@c4a; zLcsTg7`L$B5i}pq_OW<%7~^ zfM#dQ=M%E;VqiYBv7uO}Hp@H8e~S^+EywStZOtjnNal!;og3tQB;NL91@UNP7rr4A zK)w3)j?9@eH`<-^5g`50Lk|__yO@!U(mN5O0(0u;}a2b~GWWk`f!tCXVz;xUZ{vXK+G61`q^f&jDmskxM_b zNu00;_bdP^G-5G3n`|Okaav)=W z3ywp~pNVtfJdrQI;Sls5<14#SLn>t8JHBIHBOC%=s*lSY=olCjwCLS;-wg^54t8sN zhYuePO}C#2DeKM5I?`{C(pk%&T48NMuQ|-Q38wrioQLF@s6_snCHQ@u9RFVCe5%8{ z0s@5%`gK>uJ}u)02pd9zCo71DkzM!}A0L0u%2=FNn>WCfV8}aIDaG|#}l+Az|PZ5JD-pi-+Lj0fn_p}F;qg>?GBS1_7QmVeUem3 za3zanq6XSwYFTD*bpqRoYzbc^x$so1{N4%yfMs34Ty~MrK>Mo6JbAD^)?mC5h-D|9cPu|Y|7cNh@hhLsn$@Ou z?b;Q-wTB;iDDCu_GYG_@~6(M=gkwy3IO%Q|)UFyI?Z zZ8O@EsABriKBN|Vr!sFlI0{jF{FjpyP6%X1d6t(f$H1HcFQ&4pI@S~Vv_BmuBB&){ zu7z<81<3==>{+wrI~LRk`AoCMilwBc8nLmlxOTLBo|XSxW?7K`jJViX zXn(-b2FrH@1w%t9U@-JDIp>0^63cb_WlxqiK=kb`j;#yETh6Yt>43u007vwZ& z8VI})b;TfeTC|XVAcjl&q_s)pG)2Hb%qKB-V;b#Akl4rQDiHbv;i;~Eetzc=dzQR5 zxn-x0odS_|%-NQak)b{H)Ke!iv$8%82?@yt6O-$vQ3z9;=yP z_!bH-$Sc`j-gl*pUm4=P#X$8{+V@nrJfKKT#vhlAujw^kJ2C;w$2?htK~&vtTt zC(bprW$}f2u}YgtIJVh@?*_}g!L;nb$O;Lol*uA>7U0TBjv5GxmSRZdUX$=F(?%q} zd($=xp$}TgatbJBcm?J?3Up@c%Au(V9i0G`VxII23J%Izm%KJiG_uArA6>R@;lhR5 zlqpk|MMg$05vJCdjzSp}I6ISR!ow2`5$n1eW7j|z;EsR2^ba7$Bhoib<$E>hv!h(Q zxNaVt7|M1{gC@#_OzOoT$UtBBpL5;?@uzgE%+L8xK41FfzBd^z`(y=vuXw ztyr(t3ptpft8RSO6RuxEkDJDaENO4+5&oH0Y2I&JDUVPbP-AwYWDN(L54_v{iv zTv(tx2!X`XlMRbvi4evNLun2l)0lm?OmJBTvB=-ofLg>o@_ThE7d$6976hJ$fY*YQ z3YZxdg06@u;$r~ets{}kzZiXm#VgOqp&beu3v7bL6)jT43(0$qfpl$_vUm8uH?`PP za_?5M!$$WAv!BeP#)CleY4RUxi!El~ZXy9}L5A}a&jk|%w6h8}6>lG(EE(6L#fuj= z2@DMMuP$TjYGDAR-Rf_c(5a7oxY;h74C`hW~>aGVNg#}+ByYf4|GIrQmaIS&MSFoV@ymV1%& zFt!jT;;EgWHr?*31h`kg(DJ2y`YeKiHsO`hqW4^BJR!8Y23fQ_npllrE}oXLN?vR&z#YA?AW1An>JPZaQcV4!o$ODTo*`n)j?O;b}(mF>dMZH zK82uHXu|1s;ZxVKE@96aiXeB{Q{^47c8{c}p!8z-4Nv9AQ>Z#gH(Ap`9i{?JLsUM}$*0$#=Wq z9m$1}?Vfq)YBS)o8}GZHB~9{36ntpJ-|Hg1(`^iNh7=7A4A3G7KN!Pj7aC~m@Qi-+ z&;)bLlJ{v~oX?90STMy2boGp;VwQGVjzQAx&cc^isDM;YvHxI4>}X@j3_>?xXyqiZ zGvxm#3F8Hk_>?noa9;`;5Ekww+=vXp^~(+8hI8l6)f8qnCn6#u!Atk@KAwGieRf$I8otY3eU{ZB*_%dpjC8a(aXlvSTR-*z>Y9g8=&$tgpaSclulXB zvN`eeX2hJ`N3T|BpO|aUGh8H`wo$mnUR79F*uS{Ac%cZTfkDB+(K6P@)6&vbi-vux ztlj;ZVI&j!2MUr+@6Bsj%>v96&+W?fy_t+0LPvjT-y}F1S!|)u;O>;~|FQH1gbY-> zcsc3U_D~-}hr1kW61p6Z#Kb<*W~8`7%$i3#^DwgCxWE$=uaF7#En%!hWLRkDI@-JT zv63vb5*Uj?bT-lB4H?Tf)A?g2;YQekK1MD&7W!*xt#d@D1`y=$3H8J>#$`Y435ZcE zl?4H>$GXfifyFm3$$8GkU@|~3)|D5Mm74**k0ZXuS@sb#*j88XizKkCX!}9JRk+cI zkhq~A3K(k#DIX;}Ubox_4DNP0_6&am(kq9TmwdmTFzHZ+9GI|AD4Eqr)|i@3TO8VO zHG`zVB>IyO^>JwXcZ8P~F>?xt&JVQPfVur2ZBU;Rj>@Io1U4{e7B*-O7!Sr6`I?$% zqH^f?(P|@+`Shp=L@CS^0(cM%@*IUB5N?bo?5Ag#gc!mD-WLu*#ZJbiE5jzLX)E%zBg&3vQuLy+_XoIQ{% z0N?Lmc6@|W*vR}klc}_#5CD%=JDjR3Z^xswoei*$k*@a_hWevJ+uvhbAPnWvX=6K? zA+*8~%*Jz&+V)vO#en61(3S84bO3_oqqG+ma_tQ@1s6UG3=XAzo^@s;)@dWAAXx6k zy7M(u2LAoLrp&`4JdEr@wGa@R#gquYrmZHQcsf#0-NFQc6^>Lf&IChtFzS>2ado(Y%(1b4Ct3o;XTFG`PtNHAa|{t!}TWp&7y6$FHFc~S)) zhz<)0?+9iRC+&Nql5;V34G7WP&H(EZ)V9`Gz1UdFW~7Y_i`N69g@OHJq&kvwVCw@T z_yh!v3~V0lP$sksCIuz~A_|S6H^*TorE71(Q&;dk?rIiQp zD(DkVL0H3ZCc(T6X25wbLY#?Lx3oA=^S%5-lv05_lLffh?ejKD3p6 zO$iYh91LnvfJ3Hg3N}n2%+!vFM9;{+BPKTXYS_P0X=_5_SNRQzv>$MJ;^$>@3{DTw z&XOppwx=zjuH56=xY*bP`K*Ryv~d1#c#jM@4kFPLb|~4m%dv_UPdL*Eq1ML+yv5QUfWQ!n5iieKL;DG|q!F-{SZtXXyD_kb z$nkt0t3ewPpeKwkGN@N0oY`LbxUaOe9-V&9IGLw#*s%AloV!b&Ur+&4!t-t=0iWZH zIKm57?$eFq3m6zNdS-In8FY4nkWeFu^}6^T5bX9_y;zx+4cf~){0$iIWY^*R8)U=OPYBgrg)=5}Fc-* zOZ1>-1dKn2PzJsqG@%K(?kY;uNj8Usv2^(dLAx<7awid%-NS2|k_bW5DUfz`cQL+zC^2q!q6y85r9_&`F%aa@j89v`J{?EK z2dL>rX~P`NFz^ngy0UNH!5E|;Nfd8j|8KCoGcI_?2DiMNeNfyC}uI2ZWQ57<%8G(IEna1mO!n57!4&RPYa4z5T zI0cw&7E<+MQr|+l%C{ku+{cyuiE)n5f;VtIonw0=*akr0(}<`<(&k!Dp(vjA?WbWA zrCkm0`<<-aAEn>0?(shFSfM}K{0=0!Zc}|;_mNqXuL>|Q-hZLZ6L;oeWL0Ej-qgmn z68bnxVi!uBz7-)UKww{+csr$6dtN)4bQ5JU41&E2k^J(#BkL_8eh1pyHrT)9zYj@p z!fAYuA_JK2tbipQCqUpQ*(^q3Kz-2uD7k_OL85LFEpt$W~v=RVGqzF5VkI) z)dECXMuKcFG)buItV27nC=Hv7T2^vz^vA1w-!-NiK59GBcCd^A+xtlvUu2*xVsR$Z zW(6&Ah@nzJ!8Wvs5Nt3tgvMk>9qe`wT@Mfj6G5TjU02DA@eJB7(WYaxli>X}5#~a0 zY-f)93KIL1gxS90_qD>%?oG1UCJJM~bDuGkMi;~T!d^GmtT;e#O)yq4vGFz+(6IC? zYOeX3rEM(7gUJBvaQ-x5-p$?2;Ev?dJt-WW;WMuTRBEW~6_^h_4K=@@kpZ^Lp~FqO z)#aY`wGa$EBgsij6qEjfAvNK8_}mg}csth&=1~9(g2LXjo|+nL#9t+nNJhK3lbyGad<8&UF>z{t;_$L$eg)FH;gxI4v=UiFfX*r8w_Pq z@MHz?Ff#WynLN{&mS{b_$6x?oMaiuW69glx2P82BJ{M77LoMM&P9A~+Fq{Row9;B{Xy^E>LOp;E#`R|Od59JIf& zDdbczN2@U?JdRLr8LNeVNrw=VVHMFnb)ceb{1zDSKDp2Ht^#%C9N2+7%l}gomFC`y z?SSx;NL%qD_Fo@)<|ky1k3f5uYlc&3f)@EB%h5oS>t?1TBP4iOv>?p&Zd_k=$*@!9 zKDSrWH}}({cn2ZXO{6z9P=HmK37of3eISjK_ zO)tGoocJ4Q4+A7-x?LktYzs266lxI~3G=liEC(pT52h4&m<$dZJn?$4D)6s1xIW87 z{wJ6Np`MB)1rT}cFnn)iTBlmn4zRFyFj;LDllB%@u#o(acvV-m)V_DYWWD7a)NEP; zCdR|ic;MN29qnjaNI<|)pnV)pR89jR_*m$0H2IGuLwOwS88+HGpy`6JTxXmQg+Qt! z2pgyux0|q(tFhfis19RQkJkb|-Y!fGf(Z!RwQS>D+74S$8$+kPM93Izjgj{a%qo$hfcRYy;qCXtfYD2Gh=XfbBvbnuH!};7e$1hH|QT z0ya2?wKO8Ui3$=Bdg8b?qGddw*=^(+DP}eB58YV5^Qnb3AoSdl8sB8*G!h{<1vxA$XA{Dj3(Z{RuYjKWoEcl~cg|gq{kh82~~==7B!M->)IefS^mj zU0ro$8%Q9dYeXp$P8rY+013f<0@!Q-q(EE02ZMcA)3F4a)m8G`SQKhRu&f-vKh{Y# zX-gY%PAB=SFXx!~3Vq_@;yT5|#0;jhNOfuxxJOsQXfNxkiZvwms|g>1a3O<92We}+ zIJu{Mo-_kK;XW;k2vkfjX}O3;RM z!cQTDhcQmjnyNF{d_9SDJRMI!SXa?L1W6ukt}XAdP3{>*LI|xACGWqN$LNHlL*@H* z2zo_&BY9s441JB zgw_d2w}IRfSw-5(J$&G_fa>ME?=`fUed;RUnsx2K)Zb=GG(h2SKtdojn8fR>?hr{B z9o~A&V&mfA#B&=3hcY4;E!ejs*#8Jy2_sDWm989k%(%OFX8XYPh*f(g#gat8#Te(w z`*q|`tlcB@bc8U4R8%*@;fio$6zA0v+MK`OS^=cjUe?o3DJdy%0<$}UAw!EiAL|cu zr9Yj9`beKPLbe{(ue-%rHEE75+P5iIRd8>ST9Fr)Y0`Q7Nf*MA?^B}h zM7MG*tVz%;7oX37Mr)TWd&0h_PNy%?R2TvVVMTc~@wt2m^pq!L5u>!`K7HJ5hm6 z1%$gfp~#igqyZJeZiQl;r97`ciT%4)=MnzblNv2bh@|sa1f6i|vMr(1I46P$JJZGz zl|A(z$ns7oJch988ak7}&bF5KuT6U*p!Y=11I*ul>x!Y_9{)%8`cRHz9SVk@kom48 zQ#ngpUJRlBbJD)M-Gt(LGKd@y9@efO$NOqBvnM#G2UBC!X#)cz14IbT?_O%MpQ3M> zBh+dWY)+VU7OH2nANLxHarQGTAvG?>7;%I}NfjiBuHf2G3J5#o`ehz=;$dX2CJH3Z zy9miavN}e|4waV9Fee`%sZiQ*;EoS>;dX$Z4CP_fTRR_@28q^2XtA$D6F^i2=1W+?%{cW8_gPK2Pq97Bb0;^G4DFO!!NRPRPe4n$xJ`92HGa7=fSb#8uKM-eB3WjC?yTmct_hMQ2 z66e5?oYV}EgFs~3y`TFn!cgN9BVis z$>QWh$ESm4{WAI8mJn$S*ZLc-m>H9QU&Zx2qq01gF7DBXw)rm?1Iwi#S z;TXaN0Z60~i#S4~L(I)WLTj0hlb+>Wzz~sS7tjMV!j-m4f?qAygP7bw2@l!7n;Yj# zaTGY53yrBU8T4%|8@~h$Q&)@HESqsRgR=LT(5I$6;$UwY!7zs=AcS%*U?0SY4JLvA zo|?#C$fze7s!YnW1|3y2l?fx8%nY#8A$j)S-F)9M)B+B2kI>F%+=q+!^YS^H8Y^7M zVV?lexQZbekl5=<+rLg!_c}x2st00Ss9J@x^HpR3zQi}wGfn!KM%k4mW zIN<0A!v2P42gjj3^nz^bN?UjFzJSXxPhaD_1x&ce8mP^->11kPAOi`7WB$I&n6aZg z50EL~;aAPf6%6KWOtV2CVY@eIe}a~?Mpw=bZyD#SNk7T?fO9c#VQ0FD8WKVrd?-W# zjvSxlM$&4_J73RG3!o*XgfTI1ZsItdkpED4^J}6ASi^WH)RBXy;CvzqaO5erm_$~a z8Spu$pClu(hM9yA$^??|j?E!szC$}ZQd4~M0<-Y|oq2%B$|9Q^nM6F>{|F;vEYEYq z{IdxM<=+HJN|Q{nokpp6GvQ1~BRazCtV*>>`I)6RRD^9-8(@O=bCjJNdJ^s!@h? zSCNLUPf4=bU^99MjtC6ahP?;rnZANE2#I8GYS8E>XkUBGEE&=-V48q=p_!rzd8&)> zi|6SsJ~PRord<`r_X)noG-sZ3j3Mko%?y2vEce@h1~4~hG_}`$gb7a>Dr5u<=WS|Q z-;*%~qo60UVi1lU%>PR{|1lSSqSME4*6+K8-o5o{1FTIuBeut@lDdgmW$rf4SA_;M zNnizX#FKp@8e*AfV2?8uS^yar5DGxP1r+KquM6pH)QjlFKakY|^;#{`8EDVwP0_Gyq8JB(ZX6Mp(#8NMHf6^&)%%A{53<+uzXD9gDE7 z+~+5|Jw?}1tLodh*jO+#1UnArJ>bEGPuLk^P|qqgHFdk`=z%Qwa*vaQUhL&fV&mej zii?TaXO@$oO=TpB2<$gUJFj+WO;F%re_qG(;qbYF@x4=cPQT-dnca||h z37Be3F=A1=${x+1{Z=n;yR*v&>CJ;`e28ZztkayTC_p_(a(v-&>`u|>L-@tqbWuM}C z$i4YPis~ynQI3g=!??HP_=A97E7u~sOQz`yAVlg`R#JeYP&2uH^93-m>I_Ck{9SLk zzuZP;1xZXy42g+}L3~v-1tBnz6=q;JoC@S*WQbWK*Ii95CXkv{TiOuIC_o*S{(v_0 zRZMKGH#PlGrlK8hWH?1S0YaBH`}bC)h%g2KYXZjtqSSKWH` zMudfh^{rE9wYC8 z{Fw*j9Hcz6$?u)adeTe!;m1_vykW3X#MLRx&SP%!`>b4ZhyoYhx2v4nhuMBgEaw$4 z8_#VV_bLmaa*wQ7W(ARFcDj%`;@K_{jjUU@Zhras`NLYaY&miCs8O}rwQHwU4-C`_ z3ktODJ9eNbU(U8|Tc6yzb=&*MRKdb~dzfwD7-6PvgbhJ#Q>YDmN;?e*-v3dv0A!L# z2^88GqV(%AV>^gFoD<+N^}b0k5>)}le47&|02-9*+Ei=~oJx@U4Y4Q9%p(r%d_kD@3pSgrn3~${)I#xD zpLrnR*#@lwb|%0g$R7wsxr*mPqCc(#WIH4Vhl!E&_5_5B{!Akb372YUKoi>~B-Hou z^LsP#`s;@!-f)8+9u{UV({u9FDa~e^XUI8U78Mmgyk*OlBht2U)GlEs+sS*u9tX{D z0H29iwYh}4!pT6tCh^6Xy(#~_M_92N;opta+-Fee`N*DpHZjrHFpOtlyKx2yN_zlb z{+rq2q3t4j%3d;xxn|x>#Bvdenw;cj4nO1}gdibbpGRA$S>MaKV=@gum#2m)yAN!( z-#WPu>@h($7EG0M(Pwbp_@064fTWRsu!wC3EDF2gG`ps)Y*0u)1z35luEHI5Fz(Bj z+BXC}UuupK6mp=A9gUBVzpG7~Hvf^e8y*+eN(%}K)XwGSYg;yN);^grYO`A5=diClRP*PITFDonS#LAT`SF_k- z02h20+E7Z!xBwp_$tehnK|30V{*8Rxb%ZF8a1>d*KOmumbcuRI8M3e;k$TJbt|EnP z#xcMwB2jH|tPLgq9fVB@l0GncXg+j)fL4YDZ~|H!B>fnb;}0&n#mMJaS-;46_Y$() zV1Y{pkXd69Zv)Iih6flB<=XR{5IU6ZNM?LkecI~mC2qh}Q&m2^CbUtY?8#p><&urX zeY38-1wkY>G9GIjZCCb8^>mAeTg zkP=Y6x>mDhP3?*+uF#t`Z5Fd*=Z@|XHES*lt`Q8ls}q@GV~*`v+B!`q9YDoHs6__S zZj?ts1q|;fs}jKeg?x-*kn)*(@hk<59x@*A?8{;9y)MYR>0}I`ZH+>aMi3vkS@S&s zX+hNDQ^OsPRnDlp_xqKC)$uBKpvq*+{BU!0X01O|)k+*9@3f8&>6pR_g@@ z(yDcrr0sGEVNlowAEc{3=3-YFzcipAa%?{#Mt{`S!+6S`hENjZ z*GzQ?5s+hW6l*X4BV!0$^ATnPL9MxbCd!UntZ=6FM{%jQZ@8Pi71dZM(v;-Me?McK6+Pug=TM8`Q8tgUM{?Ix_7{ zO6(XP1kHjVcBe+|Pk0j=B%Dxs@I4--=OoJ5pzn}%rBJ2Mvp+X@IIg;2VlFt)P}w{HF(-* z;nY-Hj=k+-t{@P90^0_`XEKF2I4*7H^M+Haieb92|4{H7V+wVe66)HpzTE;ct%=mi zQh8k#5eJzT`U)AdeK+2C~Ez?X0zL3JrNM4IM-^6s6r`FSpPD^)kYyr8$>-IGlrFh^Nvdm_& z<+6lJN4o4ovqk2S63(+-&T0}?)pkZL`7KXYkV{-6>)NG@S7cPwx9`6DZWy4Z%C?x8 z7@sw3*7V}UFCsCGrPD`eLSKy;Obi%gKHiPi#22?t>(9UG9zhT3MhSjTA$Fl+LL~?A=_aLGV6XpcroyLq7OL(s7%oD^! z!?_F!2JwT#55{dhG#cqs5UdAKP*UCg!(184!06@jEHJbibXDQt3)nNwfap|JZ6SwR+bL=XIS%)_ zn~bPC=g8}FPeAFd<$m9A4wzYE@Jwj#+0ahqyeo9&sf&aFW^qe{ni>MoLGY1F636XD zHg(0^cH6Z*T`!4@hRVN*g|WcxY};P5@I-VUZoA^8zN=SA<5^GN~;* z(auuROqCS{w|96xUP*hzb|zVcOF3Y)VV1{%VD^R^KI~tFv%o~FF~-Ye7Gp{9ZM4nY z$b5Id*yJ8aBlQ~XKAot!d5N|&))KsR830&lVNmO<^ zyL-5yGKGT>BaP8}aFa%yk*?hNO?yQ%LParjia;h4^h-C3lfg1d!%Zj=_hgocRfKcl zp}3vr0)}j_dwCT_)rx93?E357o)4Wnb<(1vqZ`S!1=K3?s2S{F@bPCH+blYIe8V<1 zBg}-FT8IhjP8W8xXFlV@B3Lw4V}S8CdG{Wu_ALLurz^(?c=-)r{yn=pJGDFz@d=D? z8{w?&j6s}70SYe-ufN`jmefe{9ryB~D?Q*zFtC?R`=`U$h7u~B$oqC;PEGUwo6^k!{N?KXwZG-rum^q@9e!WwjYxW*1p<8D+` zR8$t9kkGhRty*r6@4x{A8p@iF=NKF&1d6$b@9X(4vk;^$|D(M}?1HLc6jECYVC;NJ`x`v@AftO_U_dN4Icbjt5&VnFw29trb^fA zGT}=ooj0L0ZzfI!b2~>h$KmJJK@ykKcRp>Xfts}P_ zAh%V<`Ez_(fbtyeKroQM$N*uDm3ZNb{(&WH!m}h2)0ua29|<;EUJksIgd z0YU~wvdxH1eA`gkUpe0g?((Rne27T`nh=V;lNu@npLd8}AZax2(Tm9i>d{_SMCkZ9 zGt;zSe>bI8iYD*cvuBUjtFOHB`M_(hb$e{LZ`-EbJaXh;cJ12r8kuox&QYv|Vy2ez zr(;hvv`WJ8d93IS0T1I02dbUIbl}kPCPO_CLkOpwA9?S1Lb8i3nst9>-Fe7a3>iaC z{!*E{Jz>YbOpRBL3^+EM&G;>}&|cV9*GI{y<+`e1;o1JA&|-La*y!6vjc!vjBEs!! z^7Hex*>mP(MTCc^ux?i#ZAWH&3#7^pJl&6wMFt6=-AO=K>5E{0ILa*Rg9)2K;<|-| zt}!8??sRHsYJn}A6O!3N_R`c+DY-G*G>XYjTkyDjH_m@=$Y%oHd4v)pvXgvGNwukU zx7?#K8F2&&jlKjF+Mwx=8OI-<>hfm0|(%r^;$tR0;tx+7Scwep%c8(+?idK47aa-6L9uF1APMh$!o-=i7# z9t`wv#x~y0`GkH1Lp?`f4)fzHLbMPN;H|ow@7bP=q&^*jT2VVLqh{Aw82X;#;^KDK z4H?p-L4yWvkL{T=XS7+L&RT!+#K~oZPXXcg<@~|i*~2`iUjkB<|IoG_)GFuF)(KnT z1M(l7K%lX~YjI0lY%KcXCiz?o=r>it?l;J9gp=f^DyVQTT;ZWrv-oMAgEK}s-0Y!g z$@kS2z=Gzz)>DukEB8Zq(4h;Zg>r3aN=nKmX>)D4@9l6dN@W<2XRG?=^G80cn!o>^ zQ>SvObj@j53?j9h5caV`J^|b0(`6R<7vXFH8xC^u-ND*qZK?gNA^}-J80>vYrB9QQ z0s6}psSJ`IGOnX+MwAq6JPeZNRZ)T#|wg9HlRvQvEQ( zcTXD1>Esz|X^^PDwmI=YBs7xitfUCtk#A*?=TkK1ABA0vX_1gJ>tj?X<~xE2jNr9M zxrFQvHOPeTr!g97qyD8U?F9k?oNPX(Jql^E;>;jgGCBmxZh?1OadAmrd3kw|JN8f0 zDWI^ZC|?NWVHw+b9LtkT3DtoHd=Mfy+aSISgc=$X0uKA@w^T}Ph|FdRJHh~veHWxz>Ns@UTNq$viR@UJy}8i{2E!qhK&xDmz9p|-MhD2&y~fa z&6+t=JCc6n)?M2Gk2ID<4 z*2l!eTtz#WAGM4PGEu*xp?a~Le-#Pv5V^hwTkz$3#tq;EO)Z#frsg>i(CzLax7z+q$POKoN_bNX$O>!1N8&|acbs$WV1 z`a11A84Q#iV8WT~-@H?&PK9;o&>=3uO^tj1zWv%4v%mPp$H!+U@7x&UWA@>4GFwZduC-P>>d83FR9FzZ-$~9SX&t<%(J?&&jm30LfF|yZx zm7?Amj3JqtCbUn4Ep%jPN@Lnahq7WpD$#iD9P&MHKw6pTml$5n{J^DRS?sdY^(Z{p>i5OW%Mh5cZ zT|H>fpvHlLft8-Wd-rZ_;>3wt!otEf7|MwCB{NLark7J)LSnEZY@!sILbz)y;W$Y0 zF!C>v$ybeV3#8m|lwpAZmf1s^f!M=4Nfv4wLO!o2S%PL|!tDTjp(#%S%PKibyW&P?Lsj*{R2-WtUB#CxGq_oAPPQ%Xva{CA3i4m5y~ z(oaWCg2F5_xbJ8=9!j{kknK3fxrb~prIxWsmoX@%RyC8^DB2;b1O<>ZYp^^7jF`B% zyLFWu7@FkJB!?u_@;;c?sQeHt_X%fQ9o`WRJ;#_6664sAj!md)oFeDm!BlKHbgBR| zfdClGwKRrnqk*p04HhEm0=ny$ z==L(}H%iA}#qR->&H&Ych~?5~-I35sAKH{~JT^`(qQhi@AkOgYi$Z=N*-k(b(;5WpZO6x(GHnLDZG@LA($74*kn3;1kfggSf>`$E^bG* z5E2oo&_KYy;{3#z!y^;I2;K#4kD~1`iGs)w+GjDQVH5&VY4=2*Bb>yC zrGxMZ;(xZRtUO}ehxx-j8lQ-cn8$q>&bcguzX*ga$f6# z5Rgit_aoL?dm=_@X4xhqk!Shi9!Le|1~Y@540X+bjv!;mLfZ0b%IDoca1exT6>i+P zXCVW%(T;~;<4bW;Q_Zveml;`BR@Nzzu#auqw!KfMP96Q6#iZos=4$`=$KMP0?AiNy zXlN)T$P;wJc*g=AMiY7{q!GL+wJ~o>oYl$1;LeTe&({-|heVEKvygi4mPs-jNoBdX z@rmT3^=JnI?p;GB)?q8-k;#wJBiAB@RjkSY0HgC*YBwu5p|6r-$ie{39%a=lGz`l< z(e{K`73+qqB(LfUGK*xE4J<$;B3+EE{JM%an&SwA$bH~l37ghKB>q^u!{8+*=OPoy zRb=x2B7@jN4FL=Zo}RS~m3;YiUBR}^X%DN#{)Sx@jI1{uVV>7jGFJ#0nKGVvYuBx7 z=I`fMvsJ5BPTzIz+_~BZQ$N@n931?ix3{>7Zsa6h4w za1>HNBy}Zh<&$7Ta}ERnWhRqnHRbTJmbNFro8zc~cVa0Of6faCCD2rZiC{FM4L6qY zc^gn;%}~`9;LuZi?AWnf5mwrC>(RYB>nMe3o!sFCYZjht5I4U`{^^ z6{2C&fn@7~qw)UKmtpUBph zegD0&VdF+UFfeeTNPX)lp+n2~ghe#rao3KeUAho!KSZp3BOxD9To|pv5P)SvMITPX zdns#iA&v#^_F$B`bRvK)XsHmBbYX7oxgfAw|KpfXkM+xH(7SAzq1u2vi66-IhnVr< z1xE6_l{l1czHmCQS8`^GDljmE1m_mowIGFmZewvlOPj7I0|y~`QT{I)rec}iqZTum z?cL6BgBI*p5dD9%KhLoE{Pw(>K?s zQKP|t{{0blVb9_MckIPWmT2YQ^N)%Sd;GOhnP#V1;ZPlEy9)v$rgdV zGZ;Fso>~?hd;ZFI8O!n38Be&+9{;B6>kY$zGtR3_@dfP`Oa;V=RMoKI&J>$PA$uaTK9X9e&& zwBEFtw+xuTHU&JwWC=_wPnkf6>QqH$p{PzT3yZG{|C)5_R}*H{WpT`Uc-1j zxWyy9AerkAYY5Iz>tU~DHG;Jac8AcC$@jXR_R$26yIm7z@l=e>N#?X1Ou-B0fl`OQ zgyU1XnXLmg{|uEAah5!L7uOxy2VuhPT#Io25MiXX%(H3M3ITHex}-U!yyvm1&`Kl< z*Ht|{PgamW8zVEfu3fr>6qOWTSz1yW>Eq*_)1X0v0$(5BIc4SL2z*598faVxXo!c~ zR|ndAKxDq9q#Q*8Z@Qy*6vFkiZWsd?jJi@L*fv8YN_~o2+5x)r1JZ)W*d9wM_IG%n z2re971UGY10oI6RWo0m)IaY0p1kR7}4j2fee|RFLRKmn`o@=IQ8psqm^R4xt5>>I$ z2)a!FKYQl^URAlR>p4>(384f?=m~)U$)Yy_rAiY7l!%C;qF}+YQ4vw>Y&-Ub6&1IL zAS7S~K|p%%kkCU9CA2^YA<4S`x8^&|GAAIMd+yont9hP0gk-I`X8He7zVVH3h|woO z)jV@vRWQz~yL^U`Yl8UdMzS15wljHOE^v}y9H~S+W8U*H<7^gS$P`hop|&97^AXW} z90Mrj^hQ#*sKOYW9N?=yfk8p5w{PG6kTHBRI)NrISyiJ(jZt~IxsvPo7U(yNTFwE+ z!#n`I`@y&Z~iM1dZdE)LL;U$#G84(0e4fv@VXU4v?CHfK5y}PQ^eUz&Pt% zKSmlXkl~ZHxL&P`3CRVMpli~?5DeSSi}U~J&jvEm{C>68k@l+-I#{%^*{-`Uz`X%-LVL7h)T~!Wf(H$VguRfl=V1;71O5 zoY%1zRdC$O`o1X41T^>aUYyEazr7{&L|LJxd1so}Jboc)N}=O6W^a5_1hZLoVIb$O z3~NQkz7X> z;uhcr8Huf^JIsSbAW)89GPsuQ`F0BNEDh_{1Y`44+cTCHc|3716xi7mk+?W zhgb!pE`-x>NN`9Jf*&>8>w5~b{r!7T;vH$KQoKKlz8=XJ?KvOTZT_wdV2kwM%rPX~ zn~F2}(XG+3Ny?kojPZ#T+qR8GkPZ~(?f^2J zo8S-_1V#M@bapqjDjCW5aB3OU+d7jO%ixG&ejJj@K3=DQ!eb2DGqYyRnsea5fpzA4 z&HnxS57wzu=M2&L9t_=Hf|Q-G*Yq4J^YcFDWNoLl;s&0phbUi8PW8B*mYUR^3{e4& zB)ERI9f+|RLC(K$oYz5OX-c3Xr&-I~vtY74o!>8z2ILS0>+Ike={OyDHVu`@Q9HY$ zC;?(W1185H6`A*7*(GpJl1NMQgQ%2MeTl4?ekC@Z*p7Ps_c4N`7Wd!^YP}1|lvF>G z?xKhXgT1z`Ot%`fT8&8=NY)(4Gu891z%$!~GpLSZ7Q}b}l2Rgns{;fn$JfLJ5n6vQ z&YCrQ1ABMVo;`cA! zYedkfYSh(4n|GO{KW+0;VS?;%(qZrh(3y zs-FkErDMy$s848~SzI#uQ>eY2#yCqOF9&%X%`Gyv!q$65#OMPdK!(!Cmcv%l z`D&xxmEaIZ&K6f!B|tFDmx9RDYXnoSJi*M*363)SX;`dV$>z(G32dgnD$CrX9Kmku}!n(tv`th%lub^WAPj}uZhJBXU!XUR^xgB(>eIYIMG#VYhoANM%gft6`J&^2mZ ztp{FK3xbSx!z70ZsC9b>+4YY&{`x?)f(3OAy4TVU{1s8$3P8i#fgC%tCz_BQ`9{C6 z#(pLsD#jX%;dNrmPCrLIQ2VnMP<}Z3a2f$(76cvb+pB?hwO+?2f9OD!}B<2+6$!vy3jjZ=SJb*@xDEl)p(mL{iWj(Y}TNL{pF zv(951HFaTMyu+51GmA~V04MmjBl|afd7RM-_aUXE`b!>BV`nh^8Z7>qKtNjbicaKY zij%RWfW22`^RysS+s5CdbRoxe7}{-ZqWh&}WnH~aROcIyVL8#St7@-Is~R(wTHrMG z?+#a$n?<+P<3xB@!?wEKEb!GSDJeOAhOQN#9n7^%aGPUAA7)5jU*j}I*w}B5*92!> zk}S0zb*6_PT{QJL|^ZMZ!V_9PX9z2VTq}6V>zBV6J0K5u5RhIlop!*s126PFju<`Z}Ub8Kb+%l-FWV z8^C6pLM`Yg?)et71P!Xx=gMj7{!8&9IK>&sqctFdq&~o!$qtqKHuLRM39+5_fp5s% zWXxwk53d3nO$Pj0NDyDT(}!hn5}b@chEp{7)1u{zEKtaCKLTRVNzkaMK5Ozt~+z>YuG1uk)=oi%_`Hv;2npy&hX3h_E8$DKL@&y56U5uPBza{_0webP>E!RD5Z0` zfehCjRg}&ei*;daf>|L2R})y(6$@F6MLl0K$jb?Y1lcx3y!(t8i8!>r%2vIO7OU#l z>VMQaQSVxYKV2SGkQ5y9&8)YpaY`3N*w7xA`iMFHfOyA2oj8YcI%>Wbm}5)myoGuI z&HL7;6cOWP^MRg9foz#5y0)_w#+6Qk}nuj4$HSOp@e zbzqn!q0TW3<98V~gxMH)y+%c;SYue8#-a4)I3v)nlQDayP!HE&oXsjX8b!6^Nor6l zxThyM#(uZA#~AFJ)L3dcjnVHVIfQ|l)E{K5C#sGH;X@lUmiks65wM_;_7n2`u<8>K%=!10_Ko2;jct z&|fCPhuEws==aT`2J~98qtREHNz^im6`3xbp=M~mbBY3Xtn3nH_S- z`#oEU5Rb&*%ZaM4)Khgr{{EELIhMwmyiEXhCC*52p&a(B`WxDzPqVhxkrg+l-%O*C zhO&RIMqs%d8JTLT_0I#P`m`f~_O-%bGbI{Tkh`~#xPnhSV+X>42sBYxKZ$?LWDZ)KlOOa6Nj7r+<@j4B5Y@e8UD;%3R|7vyqv2N!uje6Eh-N)U@C;adZ)oXp#_?zaw?(7P zjf8}6i*_ywegaf#!Fnp}s_&>f#&bDPR4b3u7#+dPuUs~)6e0FuL=-_vShloze_Pmk zT8wkG;mqq))7Y$8R_5;-!5%@DcQ4U%x<4yYQ>#(ZpGJn7hO<0k-Y28lk1V$$HAX3? zD}(!o8nL|&vEyel%%ebkGKk^STtr%!OQurCD#+qo$0=u~b9f`=9O?w-JTi%{PvXQ+ z16!TMkW}Ki`&7pnoGP*82Ql~!fyVCi)mLnLnAcINP!E<{E2VRtu7(`tp zp9QX{u{n#sD-c9=3|}A+P9R3*A)?lwshcE0?_I|LKN&>TFCL`c^D8jbeCjtX$i7ad zGP8*DI?MT-fHn3`GTD#_9g?dt3thD^Ej&R4i+yASCn~ow)(=x}%D`C2v22m!GOrgF zFIXg3wJ_H}r#QH}jwPckXQVL`y$WkECOAd?WSp|J=k)q-pjC@zFSu+HHHTR^s+53tq@Y94tQo5sM2Hc@gJ?%$YmN&Un-My>M;F!fz->=f$=Jn zZMVYE7PAY6GG2?K#gAmd8xRa`!Q_Gv9OFRNhI*!?h#vz?d>bT#4*o_-_g!^P)w8?~ zonMXN6PWg`XDf-SRB2-Jj3j5ITBd@i0Hm{;5P@ILeHYZI@0C2?HEsiLfd5t%;a zPo^-AuNn}Doa9JqP7S@zeUPE*XfjP@XN_sP&SX4`7(bk+~L! zT{sv8iBhbk5Nc@?lFtK)An%ipQ{BdMv0a4+Iat(3%J?~3Wj?^R@#oXK`PO(aJHG`k#m|NB!AfGK^lQE~vVcn#6<9^^-GGgg;#JNN8fl zqfe>Ktp+T-%Xqfc{jN&}T+cTIg%%Mad{lO296Z|~>QQP4*3<$ixP0@6JrN(Tku(QX zCz7H|yrbfAn5?N9p=kHaoiAXdUWw+()KSCV1ZQu9*K@`(BWJk;&gh#qO~X|#XV zq`p`NHdfTtR9Y^;vE*7V3hG*$60D}>`_!55}53~*)7&;rV=nmzGRVL!QE)y zvq8mvhzU2)16CG@Q}wbGvKQ5Oo}^|G#<{7c_BBpLn^~hBlSN}Ru(lML!h2*f^!aaxYy%9WH6^x#lxPmP)Bbpt`eZXms{`F~d&|3;2=nK5L~ zQao30P%DTD<#;Y~7%%-<@fo=22ApXw5qo8_Y-Iu;l6fA&Sw>O6nU5Bu9Nq@%O%0HB z>WZ<|#OvwOpmcR7{Rjjyd`p3{1O=B>R^@jO1qtp)h+1%TV`#!v%Ye?N zCK*N4u8dgl*X=-h-%EX-%(g1`SAUZvk_4hpnt%1IG|_vVSxf4(%QpXJORU-rQV3!+ z-QZ_PLJC+EWNG-Q&S^Z1%5q$5Fp%$AoSN3X7;mn+zX%Sh<0av25_}q-ww(gR9RU)1eXZ_SIiC4L!+$@=|yfQ++BnwmqJEq_xq{{9Q(W7xz#0 zK=(yt3?0WebB!9F#c=! zTckJ?`&`a3je4#!XxXc1^BJ8zjyg!V`FXFu#2pS(qQ$*jVe5;qi4vpM^A*&qiPZ|C z_ZFT??y7>Q#2{6Wl)r!~h0h?2GG2t+1wMrq)wi8!-$WG#>K z-bzrIhtV{eK@|T65XGJJoP5o2#oKX$8*u=g&E_3w&PNe{96F1NR4dW^9EFilzf}r- zRmv9M^g2X_8>uPD2`BrH0xTO3ba<1b7%`xD*F9abNst$UY+*2WZq*WANP&AQH%SL}&jT!=>X(=W z!5Tfru-JXZIDhK(dSy(9G3F?rYk8Hrk@in5AjrNT70SkYd7Yq2$JTh9e^5*I&>Ze1 z@KGQ(QZ?XBguU`-=_>Iqg+4p+ezQWw=jnuO= zcImhXSmyUZ=J#VD0=1@}EQQvTCg$(Ml9H1Ai63gy@G2veaDe5oWTl;XifQ2rDqb&2 zJG0QW4Z@aaZ;WP?jQi~6bOq6?DZd7TPdBn((%9Epmv1H&QVqHY`xwkD!6qo9EH11v zBUKQ~VNJhn{`UWE-&x?Ld~#506Daua#>kdn!K%^tS|VIw{h37Bu1Y{WPN)&J6p4AZ zVVuSH%o?jMCXpgv8YyK&XY&5>6uBD%`^CUy+~tdYZCkL3GBBwFOgB-_1oN7kVY2Nb z8odr@uz*bLTbFg{7dHbL*a=7K_B{t?hD!ZEr+!{uW z($lAd!D2S&*_T8K4j}1*?)xl*8FA2THqz`i~$n zozF0?F&yf+p06eoXy)8r>WYF` z3q*}0WK#-?v>zv&FIy?%8RwxYQXb`;&eRUIzC_Mx2DxH28Gkk3TC(kAh#Rwc_SZw= znF>p`v^ftwhXd5l1VL&nQVa9UK0xKAf#ook^HTg8)@h6BuIx-R3C(-tFdt2DkeI!K zCKart6ww!0=-QMGUrAjyQBbF9YKRFd!#j*9`66oN`+=D|5lE?h=An3}Co$_{?yDc{ zD75G|bBu7-S6RfcGr3k}{aSm{`P7)GtrwF8{_V*A2fk7qf!+X|Q3xaEGa+mAr}(R) z_HT@NkH%o_gMp>`#B9MTUMKQYR_3d*P%OVm4#<2T!l>-^iyp6`E|ZR9a}EAnW60Ex zB^3Y>6WY5<*&e3}x(^MPA~OV$9qRqt&Q&)uuU`q&GzE2k{cb&5gk z1(3mIJmqR*&6cP)!S1YV{(AZwlPE#Ij#j7p%L$}>O``Uih@{-y2icIC&#Hyo(i;k4*TSVp?a@5 z?|0Y_y@7-e76A>)xozdVRucejVh>joIYv;p>c^=UIoAww*&>g#Mw^TIs+yYWzf8hj z3N$M?^8Y(kkV^tuY;oCTW%Ba#O9TW2oHh&M$dV;X{8M8YCiT6nN1(PM46AuCsuU4R zn#iWdX)=-I7FddkJ`$K5I~0bVO-3=0=yN*-_R2i$*{Eg+{_!>7LQmFY=YNsP3*wsr zw!hu&5i#ehmVw8Ca>SJLG0BYc`{7Su3PFdXF*=(m`YRfJ4^dQY?6=82M4j*9byQ1i zjJV(=L8KB|jp1JP#JCH>d541dNcyN!$bvLA`v+hn88Kx7n_=#?CNnz>yD$#8wm+GY zoT2*tPLZwbHrM%%|8=!&(W01nwlbV{fNf_iS-Lc*5Ik}(>K*I3_hC3kkv7IM8F&`g zC}?UjQ0G-J)qe6i!HcU2IKe6yaT0Gku&c7^VK7o9R67MHxr-W~q_#%k)b^9bDvMW( zgdFEv(zEo_yK4jUF^(F|eHQ>jbth|kjOpBR#4o#jLeySsQ+L#LH6vrX+5CSL(53<# z)juBuUhhP$?l=y$8l;X-sU@YLJg<8wqR#iIeIx?|>zMaKzK}CrN8i_#1aX^yv&)d( zyjWO7_p;{A%jA2#+PkNgE?s);91xiH#2~K&6}n@R)}g&9h<1Ur4?zN&p`~~W!INr& zlg-~1=-dc1R1QwMpz5C#%Fq^v+>Es%RgU*v;ai03WSYq+>?}) zbV0}SgB^8^(vDog=Y+WTR`>OM$1r<0I5#h^y!l*jU_d~|;w4KiS$)TUYev?fL4%%^ zD_8zHIy(C8gapsfpx~fKGct}`9~oKxxb*p4CJwW=s3KXoASJB8FfXU3q+`8DrgEB^*C9wNlQjDX$Y}vEPbAP|03x%YI0%dEPucDw zMtlSS@y&EcU$ko3vTUi+rQeQ-h!_`Nr_P8eQ)Wp<$u1HEY&fuxHPn(=M|O zqZx_AO@rXE9R-Q%eiOfA$<$6!`^kodT2<0r=2-PPmrnHl1OxAm!*Fi%>p2wUq&}?= z#Yprx>JJUc=JopaI1XjQ_0ZmX+UpoLWf3o-S*gtVsDFz_5k@Ky;)>>%3BoR>b!MK` zRSEI&O;I3`Lpe#{FcmFNIZ-Kg{NR&4a!3zjH10*t)ck(9;7y)uE7qe}e>J&3&0v5E z7VOB}w0YE?I>UB+maMBbLpQ5&uPXraMFR7RVL8EX@Aj)&t?KybYSrE_=P=Ybvd2O~ zLwZF;MwzX9U{j&YMSG_t?A-m3pE{c3jWfT$Lvn6F{|XM)Lk77F2RqFC{d?7SBs1mS zZ#fvGr_#**SVzB{>c)3){#Uz_VT`va#kGy5{`~-_R~EP}hu3PdcWnlF$|ihZemCX3 z$Wcm)`q6$c?|D+`lCwYuvbTbYM`>`*+=WXOBL8`dG%;{rWD@$s7b_%c2oD23DdXB9R>8T!tYAPev(= zI)Lg7;Fbt1T}F!t5}Pf4F}3sIHZ;U7U%sEA#Q_N+#6P|z1l^hgq_0p|Dhn9+6A z>uktch3V9OhED86QSCqXI)+T_!Z-b*N#7U~+fg8p%#kv*7C7+o=C!Z*9qVecjZPw6 znDe-gQ5e05R67BY-ijJ}d7Qi)`&{lp5(aJqwT2ex9_ri%lQo4(;IJ&f||iE+b()p0mtM)aqlSzWCycN7t`kH)QqdHD7Vg-y)Z^078Q5o1%OR zdi;=#X&X+qEK&7SqR^9}w;`GhN9s#XTS^)y%&}(z$xQ{8ec#*@(aYC+9k};LzbIDE zT%WsMdX=cB=)SxP3-Kj4Iyc9C2?8H^h}-y z+Ewc6)Uh3;_-_VMofUB=KiGn?z^vjuU@^ZQl(1$ew~^lIC=79>x(bG zm~-;v$=g=1UcJ-ryjyUNy9r!YS_Nt?518|Q-n=Fphw&*ko}o>0a?2Rb znl)qp(vHmBq_W1V&wuurXA&ATYq}loZ6F>asRr63Fa=cr{>g7a41@@v z<4G|=wJSk5fI*9yUtgNZyR;rxmLSIB5cKj~d0ccNjzi9OX5!}cIBVmR~4ybwMFSIvUq zDJRhzxT770GLI;E*Y4fBWgtEsHf)%6t_k2dIXTuFZ@giB`|Y>SRF8=fd>2if%Azi# znJ5jQHS7A1d7V1lr^p-yGWTphqz4&&-3K`(ISlo@?UO{7IhT7}N;10>s+*MH*oe7jQL%C`zMMpqM{DI1gQm@?6Sl8KkWd4+xSE!f0-Si#)gfhGNQE7_C}grEm;l+@)t{XKygCAMyVC?_XY{MvZgs-OZafTaS%+ zEOpn;U9DHFSdrnbP1IE?;h>Mf%w5A8k`88)d0jcy@LP~QJ^(JQ0ei7AklEA8j^tM| zzi&WRKZ;Q=a+ay?%rQT1%JWoj^y((cUD#F+bfwvEQ=bn4+u}p@2&d+-J<(I9m$B(~#-P*NZTq=$%;D7rA^YZgY zjuh~{W7;dKLOdCm2pQyv#sd2RjB2pT#%{i9MP7$^(i4bp z5ZC-NS@CqAv9@hR?+QFDvTJ2-(NL+yay!egNEgP;g(X^+0iAz9d8iR8xR5U8ry3bz zIf@`Fao(Z8#!);oJ-d@Yk^aV|7#XlKX#tHzrxaYpm4+N%f%ukkqp zSi=PYkF$2mL3YuzQnsE7ds71`55Th3nx01np1?hjL;V@%pV)#yX6@|-p4NT3oou)* zq?`5Z3*Eco0k(bYL}q612ZjteuM^XkBKapCe>~nq@gv>eK?^^LqY(30j#98^SL(|p z%=2nQR;0E5C=K#*0^jKQc^#Bw8#Po9hyI>t`UUpkCD^Cg?6*L_sC^mm_& z)O{4#-l8G3B7MOA)ShjmS%iOP-;j$_;CQ3owQoi|p|&~3V+`&*=a<-*JcCCr)UJw2 zYu+a<*0%_TR4xhiI*if&8a!&&UZMg8W%$WX0PM?(g}CIL%{g4ZZoStA4<3A8C#Em$ z@3w8)jBL=bL7l&(BWu~RWq8XLEpBh#y!i#azGKIZR{QqtuQ+z>n4G~94BnMQxQ&T~ z1&55GAyvxd%~7{r0_@d_tW43CqImVmJWghDJ0CTRLa_|yKYRoc+r9^fc>)52`*p^0 z#D5!7RBz_@x6i!J;#0592N=|cFs|b_PPxDXMx)&XHMW-GMhO z>Qvgm&)UxCr1}|6U%wl|$Z|dv>7mm(3X;q;=cLc63yV^btqej*jGo9N(&&@({nhKh zSCwIMZuL1U+tx$^FOho!(dtz`gKh`BlAoW~{NaZmE)fzM`lrt}BqYS@-@m^J5Ny$< zUqO(zGb9e(lO{Oh`?$^>Z0^cTxgJNLFxMF59%PPn2vVBkWIXitXpN`|{WI!?6(MUV zWA6-nYjKZLd1ji_?LjWf0$RKZ2zf>%)gqg_Z0z`9CLkhydjAWG%iSfuepa` zr=_KJ8$Nt^F->y+v#(;si(5C{cw=-}XjtN3(vh7#n{!k5?%hjV=<9{gUU%JfR#sNl zlg6>A;CT{Vxx?n>&oV6D^H65H^aKcowluv*nqR6(I(T671 zWN{x9=kIAG+lQ+>c{n|4b~*{T1TIq_J+tTNxWZcRT+AHp!YFk=@T7dj90IJv{|!ezt>DI z(r_9 znm0ecKN047>OdA9?M+Zeca`tA5c%on5m3JzlTC0wiAv~Lbiel z1aBQ@{Kix^d<=Cu{VOB*Gv_x5C+=ee`Z={YqO;4b0ws;foYN@kWinvT&|Uw%b03sVk3|de zS0FOgGM^KR%W|51he7U9#|cqh4$+1%SH=K3>f5%OOL)hP#jLO>Ph zEy5_Hx-yUfxLP}Q;m`^o6rjcR?Kqf?O~SRYY`W|lZaT)D2K>7i0tiGoO2%6-I`1)2ZBmV9N=ZZo2g_` z2@ngyfJ|%R&=mlTrH;0i|G$bcxt^cpBqjhi>ORS^9E5GR-aMylNFNtnHqFh=JB@<9 z0*5-l!h+GNph4MBtq`y#(_!>IMG&C@r(ePxmA+<-lSTM~42{Q;aSH@)TS8q>bwJfU zg1PUr-O0mT!x^R$>vuuGd_F^CJ5E0y#$vADGZv{PknHFrc0y5ndH4BS1^+fDAP^(8 zILFTAoJ-T}tYfR5seqr8Mo1a^zEFyyu57l{omQU*{pf@`VUjf-i;#-<6h~02=-o#fz9DM zwFgArxDuz8$UT=JbQDO$3ijt}24+^|{ra5#h$IX!Hl(cOK;#Q>^u>Vu>+o55K%7_k zJ*!-v#UTR2#y--D*ZZ-zKs_ke>-T!^ANTS{=C!RjzWY0!gMQu${M*{=v`2)x?>9~; z*IRI01uc^5yM}w@zCX8+-S9u(Km5Ir9s2zo^!xmL@0r}Z+>0{IVjzns#4-NuUqSzy z9~KfCI%mU%jdv<7z0j|;v^1+s86jf6$XS~pmf??rb42e|KhPMWT4B@o^LH8c+sItB zSp-d}04pd$MoPtGMOSNxdYdD(yBuw_r5I2dz!xYwKTVBE4bZdTGPNs^{_QJzyI94R?y>h=I0MITE%SWyS$FEiAH(mF=~f8kMGb0 zU8pqz0pw~O$Na3!v5NWqQ|6dL6$G(x;mNv^JI!TW?wQ#J>w-bsb9wVjiVl> z{>LxLOsb%26G~l5pYbJ7oXAff;!s4gxr4xGIgQgbeL6Q`4OeFO5bKf_`CW?$6XK6$FhZ>po-l*dp^gHT+9~|1kY}OS>)KRzRNFvNP2=xE0_zB~aostN^BNgsZF3D%{%>rt zZ>Xr(E2rEjG&H2d)~(x4iA{Vyl9vBh#^DSrBO_yda8S^OOTm%-uQo)-L`SFYPfx$6 zPoF*)g!i64ecF2Mwbyb@Bse@EAYcmcK`fFz)kyVck)bIwIYTrqm|_eONPP^h1Y>&> z(Z-@wA=>_WhHt7Nvm&f8L6A4#I5plr%j5AJ1Pah%-RDV2xS8}^3ouEI+Zu*v-hX?% zqnRgTb0@HFzyF!yj7*o-p6JCk4X{a2k)v_uvw?Hmp_%G)`ALvhGMN<$d?pcCQX|3V^~<&C?G&RzrjFdc{tEG>RR0) zG{kW&$`(2hbuMQu=y_eky*^7|lMTa98J;qn`B3?lEiG^r4;XBzI@ec<-WhYRXR85> z%el82kI^0oR}w}&f$fqZzi92ef$IJ`-d};5YBBTP0mywlZ=PW!&+zROXAtFSvR+L) zNTfa)N$?}%ewHyHm+|~&QTwZmlWPhjRtA_^S(&myp#~q&dXPX+vlLR(bl~f{dD%!iP zX?)h&J4EeRdq$doa;7Wj2UAbgT=Tw~K!^_lf|K$@4V>)HfA$@F4LuW~(OShA#s z&&;|L=u!Gqfy}FarY z2fpTPVZa`tKCz6tgrFwT$OZpM;a=H}tHW0jXho6MyKL5z@y^i2bhn3%=FJ*pjrGVj zRJ)T>deZMj*o1_eP%M8I=94%`zS9-fG^RE;r|Q9Q+P z@JFeK#lqqXWL{blK}CHW)k3oI3=Cvzu44zzd?Lo~E*PJxjcNelLX5;wbI&W2IcrMz z0CWt4%soxlTqo)DnV;*j7B_PlQj-~h(a%Um?nsT_=6kMrzCF>h+(vJrPdwOidi>sS z`_AH>fvDdzhwB^Y;DUmaVcW?dRm8dNC2)I~NdIc4h--YwUBK@$vO9sP2m(3CbSJ336N}q{-y$2h6v`a8qMqV!G6+^XIJVS+izYj*&P1SD|1BicPl1fKmKoQK43*Gbz_Gv2trpCc;p zGuNzj8{ldyn$Jt4m175bj>D;|U$5CfeeWv|9w)i@HhgkmFZpk zjSZjAIehAMno!k{Z6os(Y3{!qrsRbbwVnj#YlncavLg*B%?&SEvZcwQSFT&Pu0`wC zt%J`Mxo2f%S&xqxaeB>~)#EBvsuWI^C*p7t=4a#Ny5s!509I7p zr#vjm>JTKvEL>)uOAQ?JR_Z5vaV+)C-*&nYG&9GveufiNtOQE#u0e*HzD))%3inRh z0R%gK1R3L#!UoE`XB+1u*t9vS`>lbdG@8C40~7D%cyHj$Vu8?p@H^H}vS9U`4X_-z z>>l5|KHL7)1Y62b9C{t7@c)$rhCL!8 zA`VagWqM4rCQU1vuXFF+wQH?spM7>;R8-Wv#z-nteuIqkR)mJk>=;>payA> zVq&NX4?qqsljo&iO)_4(FCVk_YI>XuMr&U!59tIKk3pW0lMZxM?{&2b+E1-L!I8N7L}N#{GT8{cu?=W(72W+Yp8v(*31zq`#bbPi|C z&k7D6mUPs)?jO^_f5WawL^w62P!^Z!3<=fwUafhF=HI&J|6MioSF_N3wNcwvFW?U< zgP8Zrv7U16gvSYZDiYk}1_lLnJ9_kJ%J%Kso40D!D&Sn~R5`JypMLu6(xpr9T(NTH zQtJ}=`d@csd-m+fEnmL8Xv-yYa&qdMXgsJ?$&!}2kv_$Tty{NRNl8i8bI(7&xk7~s zp9R=6_rZ_Oc4w!&jftVJ%Fjk?+&dVqliRbR(bE7m% zOJnYVydEJUU5t#7HvBP~NyoA{Ek=4A2PRU6xgD)XZN$WDLl=Du>0J>liJuCKfj0!O2%#&4nCjEL_1nNSIY24nFpMb;=nt- zVaD!<0Ps~&^PZR*UJ}@LQ@mq9Bxt)074%ZDGBpb?jf|uPGE_6%X~n&r!J5|tQ+C1; zeMP{cOnSG;2+A>4eKz;62@vc69921jpq*UTQ8HTvY}-IHbYE+e*{UYo2qZ(nU!4+R zCDx3eFrj*GZf^PT65&>f5@9|{{+Tmpd@RNBUyrw588vEK$&w{M37 z+^<16sxY2G8)J0GAy%M(ZYdD|9RB`Pf-__{AM%!-t<+DX#xMQK+N}5Kv{rOOcByx~ z1Ld72XjE{fJ%PYfV)XokeC+7cai-H;bV8k`%H45DNGFAMD$C+ZS$>a^F z%~j-Hh+!;EN@ZKpcid^t`Ggx-nQXpHyfXnn?IjWBb)TC5pQ40v+5{W{p`oD%q{=dX z!Gf5u(2(E~=J|$&h51N3hYuaHmM&XnJ^%dkJLb)sJ81RlHB+ri=Ip0zWA_bUojz|jw4M@86*s*RmI$FpsPMrRtqQcW_++X%9LMeeF4 zHLB&vgatwV$WUXf(JEl; zYQL&qZ!fjLX|$2Z86Hb!A_FQP%3!rNIwm=y1^Rsl?oAkyWv3bH+ni^1;!pN&eMnpi zNJRYk*}Oi*pIAZdxgM=0W2qBX{xb!7^IipWogt(hVo#qYb5>@1hK6ZD;ggaIAwK4B zS}%7X38tWK2^z6|A=}KQM^pE|jCr;SQm#97>QqMga^-fGkBpQJ@E$&Vc!PPqKb$?A z^ZlANYqwjM*w-aDA-ZqhzQv3~`+>U0TpU<&GOSRX&Mg?~AAy(FQh(~iki)vLp@a|1 zSkA|=y$oen(8B{nwAC!9$#l9gtle=sf;tW(XsWDFnvB|TcS6IB0MZalsrg0ISTs*! zpq}9K6t%o)Ig&>z?!Q@-aHv^S-J$Qx`F+Z@j;5ZX_a0ATyuA607if~aAIH9%h3&$r zk8+=e)0S|Q{uRj+y$@?m2J9rw$E{$q2}*gCdp8!{w%@2>?7?8pBHO7zz2Rk;gd%9n zz!3$KOof3}eOk z-idR#lVg=H$|xZ``~YxYf_aX^5xec~3lePm)}*AQ7kRc_$-HZmDJys=3*FHj#;(?VfKO@T89iy zPPo00j-cRT-6u|*@CPlxKG$6rl9!+V4aYvnb4X)NeubgeIcu~?p1I~;?ya&MO;iPO z(uLeh0QI(I+hT^^M%J(EQ9W?0d9Tm~jeVIz;1N%dqpxqc-r?pR-(c?X7VdEk0tp4U z71h+v@1G?A?T2w+fM%yq2-%EL=M(*9Oivbp;9%w!t}fzr!91%*b^+sfCV$hjQRdx< zz{`s**v4~JO#-e^RKaAmAR*~4O3h}O{r6vkZHgwpoesH;oQ>=i}K=3g0=7OsSh?Z^$i z3RyrKd<>510D`;yiz>>p=&m;lM~n1IWUg+;aI|!tm|3hNaYi!O=HruJf?+w7OmRC| zVF#R@u46s(on&x#Q=?mjvF=W9-XwwmHEe%H<{F1euy5${T!y5!;rNeFz=7 zF5J`8G;jvw=X?KaqomiX26j2t;>?PZqt!LbSU-dTy@||3nL;G6nA!sl!o+LKJhrcB zR8^1BR5GTnWMu2OR>5d@Qb$ceO6qM!#B^tR!fmuNY%urwB{sS0bnj7H^GOB~)VQNo zM6|dv*?DF+unx-om&tk5I>#{gL43x$_d&&f^ZsdQuoxpNM))(WhB-Hkg-=_ zuf!41D2tm_*ooHhr(-g)e7m$T62RV5S8>ayD z8InnIhlE?SgFgEb8vXiFRueVZY3MKS?`7AFnfZ<1P$g zE;Y*5M9p`dBYORSI^+r*ZJ^~COF6R}fQ#fvLkK3G0-DkD>coA&h9Qez+D?li9*pu z&Mi3EaX{`mRxozAU+wWao|~((E^+8Mvi9L#Jr~=)*7ka}e#I!uXiCPdTUXM;E_BxrL*8GbnzL|y2!v_4(6 zk94mS;B?@4a^PEC<^SG}M3>M7jro~n&P9mHE%e{s#6IuhxzKd4!JwWZ;w%Z|l!wvX3f#7gdW#&!RC-BN^jGGlIYVE295z#V zY6M+*u&scy_Q1+pPcy3EFwGX49q+KuJkb1~goKby4NeYBGmd^uNJwabfz&m$G5?>f zB5!X;V74W77)7Gv9{k>JCzu )QY?xrB;{&0U#PUPMMNK zPj8?$QWwXhd$NFqKMt|#nDWyOlq`wj$4X) zzM}mCdu-)>nGi8L5E*yi*{uWS8A?F0oAXyxUlZs#ir2?OGZ$>tls1J7t6&YwXrJ&~^G zV)OaWK)^W)^HX)Bw|GWp*ee=iBfZ1wJj)2~Lk1a73|U|qoP-+)dAUa?&o`fo{i}en zB1~h8AVll(M{{j=lQGXWuTvHqV>=nt3I>LLY3^$~bu%!4?E@!SW4>@ZPP7}?iMhT^3FyF?IauViyhLyo8+#%(Q;UmZ4- zjA)|yoG*Y@+7WryhQ^zYaoobfKZt^Y3}Jh-NS5O$Vqicf5eeN#7_y10h6zd9^N}rd5?Fd96t`8t~%gd z6wwu}O04u}kHfYr2c#Fr{cTM4(TfecoO`Wnz8?a~7BY(#MEc)T!w|e$pF(*)&q3?z zJ(n$3#IwzS9hc4Z2M~xX#(9o|%+nADvBgJUx9w}V&yi#emlH|8&9mN&p+7<35T<8m zu35&nnO!i)?R9gkU}{Lu3GPX7n%MPxH7!~M8uer~LO$$6Y8HFAK3^Mv8cb~m3e~+R z2SnD$~b3*vxJ4u7k#)OEUUR(|^4VspSMlRK_{_Ug$jW;=DEF$4(J zxsPW!w@B9br{>viJm3B`=dz3J@FdqER^c)3=OWu-E^gL*HvJ2{>_Z(yhvzVQesX*z zsBwni41@~Y4T59u7T%(ZVSl!4mu4o$urdoqHcBn`rivd$VBvm!QPQTI!& z1Q0qVvd-kJyP4mszin@!Y^<^-Yx7Kgq+hb7u04e|0*}Mi9fY%f-h8$NX-4Zw^;0SP z|Hkvo=m8T<(RSH9~99S)$eyQa+%MC=tWr+SoGmda>O+tB`yN;oz%yBwD)F=|@ z1M_9E#%PVEw@kEMWotL$Agd6W=Rhp@654klJy~tZzV<_ENnjH6Vd{SOljU^g8nb{V zs^I*8JlC_83W~XwIB5K8oj5{aTX0DdHO()`Y`b8zH&AB`peB|{rf>?fMSXhpQlXt| z{d6$*MCacQQ&vy zVvh2xb#3=?Ex{Oz;siH>d$krullkVUq1_xm1seBW8rI)})GV$_ZxLy>s~n)|NoZkMR#1eurf9QF6>&F@!h?Mu-FIW1+gr3eyE z$)U0@<>045co2C-$i*php4%|&J3up%Si8#7nkw@Zal{;>GXd;(1UnxAv8!HuB^kZ~ zyC=+RCz|8ck^+nQxefP6>t}^(oNBUH#%J#BPv-weq}rhj-@JB&R7;AY+^bJ4!4Xps zJgiYN8;qltgNjjuwS?A{y_$aq;J_q{=ga6)oMwI@MXiMvnD1Ej<;&dnyUp)v(N{Rf za+<*v==Nma1<@NTveUvOn)?5fz5*`Q69XrnMx-FfY#AN=l4%-`3VI11RAZv{GDK~P z?5~2Ju0?)hvNJ$)4MYf$5EK>fLWol=JfGAR4q!LVQczW&MCOMvVna1Dv5HjlkQ4iY z4Wbn>%ZGp4_70RYL?zwOKLbOh=vS2dwk+-|sENs8)BvKj(WR8L z%%DknF~?E;vL)ilr>Gy*z`1_?=ha#JYl4RuGUVeN>lW&L5AYoGpneCk9=xc__aKuE zrq(wH_N@njXw*;g;~I!KYfUR{&6@0yBvha8PK3{85tm)5t`;C<;!se--_k!;|Nl9Kkf9lj? zqUu}^I&)b6SVv2CbRMSyVQPI(U@n=SX)v|9g{%VwQ@zlW-3c4lmz8-PG~_?-%f6IP zF43VQ4}zv$24}Sf2uKXU7g08!N(52@gSdn!zZsc?u2VGYnvCQ)L;XvUe{W!eR18%Z z$CTlhB8DEaYEsKED2W(|R0jFo55w_&+hGAsp#N$O#n`RL0=OgHuV6F1M8q`Ka+Ker znau1H>O}zcCX9D2`arILg|-Q(Q9~ME;JgBHR=+_62%!%x2L_ku{BKZ;(|P&iy1Y)d zE0Ni^=*4TrJ=FP0Z1rb~@*AnC>F19*uCk9z#ClJX-BvNX?A8l;zUG|8{`4aLTpH5C z3Cp2bD>E95l1Y7F-7o2(dk8jQBVejl5LQOu6vL>EDym)znIe%)v>1VkB$6U|9(Rcq z#yLIC^SPgO(a|{F<>oBIX)x~snIxVp=D4?D_-I3)GKy`FFs~oZdR1*J3#iDVo#AQV zSV4MXfJy=VX`1&{ue%AyBttrp^HN4~AANBX$lkIE$PN+Y39*>ub%tarx-ZB09%Us@ zP;cG`MLnErKgd0s=@+5vK8o(X6k zS&r&`B=<;6$xb{+t?O50sLio@u*Z)mFzD^D@NVE)m!&iyN4^viM|Iwt!nwG$s$Wp~ ze~g;oC(=`e!FU_N&MgRa2U4!kIY}KyV$wS96rR-@GVn@dZR$DP?uR0EH~Zluzx$zc ze415S!SJ0G0x6qB(`Vj_WO*2=>y44&-Pm~^(WZRTR|jB zz)VhO?Upd-H26Q!kp*7LC#P{S<72Myr!bEsLAB+6~fvr{in4>t4}uJ1S2?Ov{@G}%l^>JkfppOv-z%-l3(EfSFy z^DiElZ8i5^8+wm4`HV4WK<#c4P@yY2{5)$gkNcpY=@X#HuOJMxhh4Z=6M2ys`UiE? z0P1MU04LzoV!4NcxL(GnsP8Qwr>%3e%^Fz`^!Yk7#Kr=*mH=8^24O@F@*B>n5^H-M z&#b#uFh1odjMZM;LuJ)+?4`&e1+CqOxbhW#%)<&me&0$$=^|>~E)gq=@9)XB1QR}J z{w{XiOvI3Ff}&XjS|9RkRTJ8zJtNU(kw_9eo~42$&3)+wapYeK4$M~>($N(5VP}uW zGd(3GMJgO8$S@ld5G+S6CEgrI_rC+D9SONc+L;r4DjAN}rWY9Sn0daTtT#CpWnX1lOBb0i_e*aoqf}>JWk9wQ$x00K0F^*$zd^FJCKS+DvVjKJ1vR0aEbgDE&*(VgP(42k9a=`K zGBvj#7Nd&DzY?)7W1*^U(+h~M0@0xQv_3YAVV-$?XAD3)j^WBrEiw_>0yg;?2r7G7 zaJQn^A>*w+k~wlzM2TytpXeC9sr7sYhF%3|umq7;10uLX+yg<8*+}?!VJ&6&QKK7^ z`L&>qH<8aMj{#iGaXc887Jlr%O#}`W_e;#F%nLMff+U+$Y!0U$R}Hu|42RO6&t8c9 zP&k>;cNk+2_0Q&h#E?iNxHgf2=x0&VHLqG3K1gn%D0(L9z#p zO=VNdrLk#VCqhvVu@H;6uX4;autTYkRAMFU%t#`s_iBwC&Nz%w^CTbeOew zglQLI)n@1<5C{%g1zL8CiRc&lvL)lR6d{@8ttOj#iVPwa11yYP znXQJIA5Y74|pvYZ~DITWAoCK7*-ddwl5?qD*4U&tamu#vw7I^Dp( zui{vBts)Z)#+WoC>$nmaLmR3oY^d4Hacc%k@fD0@D26~%SL+BAc2iThP$MUm|5(^? zX=FqBT$dcTpda-k^~D+eiwyNj;N{hR;*7(SrYP1Wnj)xtp6mORC%jF0NG1KEn4?db3gxy1B@WkuM8AyZj&8C z4N6*WIlUsD|mIi3P_}QmfAf;iVsZya+SzbK4-kUuwXH+ngXS%fO!+*!GRb( zZ64J#Gy!uXjig^w3ll?2eHFEFRJ*A?+)9Qa<37ymkPCKV3@QLo2JkJzr~ac~8MSd1 zC6Om7)<4Zgstgr+Y!OA;`9wv*(2upLq(vw8n4*0_JfbNpicJRIX~^s9vw>q6is%~` z0|TiYh4ZyI2Nm=ch4~z>`5r=M+MFz;A@u7UoYS4$@18K?X3?DbBi9^D4M262u1w!v z^WS*H8^{9M5*WBm=&c|&#E>-v5=Hl*xz_`n9O(6W8*zThI0WYoK{df`49)}=T*G^H zZ~CFfcZz$b8fAU5*|oekn@C;veghN8r4lg;#_D>+b>-C0Bp1#08cVIF3U##}h(OEW zDB2HFohZpMB8^y6#mQQ_kj;;wMkB-d2&h91SFVV_F2S5v9FD3P;=$u^cDl#cn)@^r zSn_L(uhzH}N~S}EQY}@g6msyQhm)MKMXRV!uEI&Y;>$k0UcvaE znsXn)e%J~@<~`eS*2-Rw^DL%ecVDyi;eUBUgsl zay6g1o%N-?_`LQS*{;@qSyvUL2-`H@Dwx{c7_|;%_D>Xg-3j*YE&Tr&S+yFi6*LY8 zmR9S?Kh5Xq`x^5dWzI!`WqIj20zY03ndP-4zvgVw>utv|%85%iwV!#9)|iHee&E;a z?)H$%mTjbm>=X#jf9%)4H6v@;qD4T3iWOoa%9ib1p+be$k&)$VRjpbzyLwE_@jZL@ zdi^50Fh+Px1A6d4MsP>CtFcdpX9+6jatt%rIL*kO<^ZqNVlyoUJ{*cc@&HRLgXwq( z#~?UpBpXSY!KXyK4Jf)w+2TqyH^w_u@B1hYhnr|~9#O4~i&P)JKS$QN9tRphmXQO5 zWD&_vF~=@V0ecCBXl>ZJ2+hjKyryw9whWeIlwQVY{>FJ{(sv}sKaNaxA9cGQXieBe zM7tKo-vOE_S26xWS>u;Dx(%oaSo9<5e!Pc zcrb@oonGg6xoG~W-f#%VAV_hpiHx@w z5xHkFwk4gc<|oujHp4RgOf?r{bZ)>q-wFRVLH^xuxCdG{QdIw4k)}n97J*Sw zku}SfE8D^B-8SVTBWpxQS34aO9eu)o@A|FrldSKyIPjX31=^Dpg=l1n#*F~SsrITp z8Kya2NlyF8z2@JE@eU-fthyF8C9PpsXEBgHtmnTZ*2%hzZ}QW+^>b_*t=_~X-4Q81U;Mc+hTrx%p7~KId%r0jj+tlpYu8~oZjVn~BSfWO3tnBiczgdf}18dbXFe@wTvKrNE zywtc!<96nzSrKK*SSKr6LSSwbnShi`?rpMQfa z6;@fx#&nFd;yr>PkVEK4uiDqZt5pdWbT5{|C`}avWA3w@Z#kTTZ#uQPj?YDz zF7$k>QK!{?l?>BUkSS!?uVWo)?eu`v7lR@5H56l@2PHXdIn^?sMBq6QP0oR=>ud~{ z8-VFrBY>4HhONHrgI>*fnoQ_LGS#nX;9tmnjzCVU7y`;|XuUXubkU;v4H|T;U8~lM zO`9~mta0N;mN9tNv17-4V?I`{Tse2^wr$Ucmnbo7@#4jKh3>@wYM7;gv!+m&-EEG$ z*j!(K6i&VejZnYdNSK%>SdURilgY_b-;g_ z&)ZwXaq6HUs^Pntek{i}F00vckf5U=Ecrm;^~^IpZPwlt-cyP5mK_sAdl)rG-7mqU zWtbcy;zwz3!Q_uGcI?xL@A(DCqli#S0~#c>#y^_UU`1e( z^{7s(W>v}jehbj(Rz`+Mk-=4q7wqAVTv3GeL5d@JRgVJyB95urow8Y1!lw(=`*t{t zUCfE<1GG>K_%5A)7c=y72yD5dWOnY%w+@Whu?Y-(wUB_oz~PTP^2psoh71XA)Toga z9UW~|GvD1$SjELI#4>~Ba8 z9V1g;1|x6@BnBxf>@O6t-$wmoD;eNuAWbisqB4U47}aSwwQ9h}#ZXb-2#Z$^`&S&? zE=VDfK*tSOuUbFxK%T2$0``G8bAua8()^pncWvrojmf}nK)|;GYgeC<9$?$SrAwFY z*R@NRw?>W}8QZN}H!H4IElUG(wTI1~w%W956JvtZYu2w{uj${*3f+sXWb+Ezet|3{ zt;~KRPnhdmZZZ=Y*P6&%^@J`y2r|@E+Zpt#z-<%tv^yC`qV<@M638GXhBtC2fTJd( zeOi|0_SKNb6g=KRElKyjo?30#e}h7)$%ObC)i~ zYSpTB#k~3Rt}uIe(w;qga{jW8tWo2}mmBAm^x}&zhANUP>MJ}v-0IMwL$U4Kw>R9f zWy^`s(9lW1K3Ai!mkYbE5)o%JjL9H+#?IoXej>`3VLt@Lye^yb3Nohyj1XA^q%#ys z^!GS38M`I0(6#~<=A&3}0{H47ULS{Xc?igJKJZKc4o>HJ+8k?#-zInvb&DEA_YoB9 zzh;5S7>Ne_N_>2L8w_R?@XQ@%DXZ~u9mg6>p}V*rbXE>XRs@M%Y={~Z^%bSnCTbi7 zbf|lMBSrCEoL4&M(TOP9L)(Inv50QqOL=*D@%z)$`@i+(n;p&bvyGGbuSHq&yE=91 z*bN#qs5yD^q-vp|VXKT`5(80$jN>pEw^29y4)}I6bH5s4Y^R{{_!JQA6bM0KoU5FR zdh8YCOAe#K~GcGnP#2E6A(0E zEnH!q?M%N2yAgztMI0+1M^O$)dlk^$i?j-iq**!|2uwlTXff2xu_|CJkI+t`Z2JL@ z?Xn`jCfK-+I$vj;P?A|E?pmD5`R0(7_r(A=;=WWx^tvKJ%GIpP?~a`~-mg{5R(G1c zTdHKql11)a6L`v*6*o?-`?2H4XB|jS-&Kep5f9@ymZoiGWU61kpmr3m6U4+2Xvn!w z=e#)T(MHV1d1=&-$UoPDP^kWvY+j@Hmt`vZ zjUH#1?LNkv+)pN_pz=sj8iaa2lD#5}6vX|sn<(Z^Z`_VRW=7WYyD%Tz|FRHf|h2TsDYJ zCCEixgAX|{awU|RS*bwt@ zn73nSe&I7^?4Xds>pW`)L{CpsfU z264U9ATu0?h!6}te4;r{9`y20fnUYW(?n{~eR~1<=o+Tbt6 ze|wU@uQLg8RTINbi70vo_6eP)4x_ zaTMaN;yi}Yk5J6MG$&V#L(-bH53|$e-sngyy>d{R14Pr0k~7&wiG@4EZq8f7v}HLK zZ{QRkH@{QA#Xah;NMXKMzYo(eArfb*BTnVD=5-6d+ca3s2l9t&YmqCaOZ?OQ-=*7_Am8#bab@k@9*Ds-TL)Ajl**AC&ya! zc&s+YTTA*^M$GwY(xizs^4e=-3kwPgh-Nxl;Qb6x6s7b62RH@KGzL6cWQ1iHf=+n* zm!V`A^AW>nO_Wa3zKEfJYe>xZH3xVPhu@-u{B{gZFjQ{U*9=KbOVjW4nO%W+q=>#m zaDL&c?JVw%EE$A%D~4wcohoD)-zHBomFsju2%7_mdT6=ifsr=a2!8`w0YzhA)x}{J z_j;N`*$te$E7M@dVyrYwb8)I&3@mx5L@_sK8udD&GB-ml=aNUs;I-O|5k`5PY0w}d zHr380*6XWBj~;Stnwa;VX8jX^XpcYz*ZqCV%(O%dmK=f>JXlP&tv)7Y@Y9d(RSiE@p3}l;5P4)h#$ulCfK~x8!ds z$Zx7W+AlDGzxB>kbGhbIzjpxH8stP^$Ve12J|3CB!TVZ|rzc3nYGkz-nNx1YLkWdN zR966-vWP<1Zcc;)ld=({h7Qc1DkG|sqHPAc(b4#ny~@hUb|$AJcW%XLwgatIbOJaQN& z649#0G9PxSh!rn7?d@O|UNHLR1@dyr{SP$n52<6sges`K=&!7Ya(>C?8vX0MCIUj& zlb{k7@}abWMklEzEzqiM&=AfuY5jIU7LvZO7^FGW$l|%;lJg0pMvtn0P|~N5Z)~GR z*O=hM_a_&TMMgzFHu3R^gPYd#Fz8DV#wSyz=6`dL$v^y zYCOjK6#WV#$&IXqLO&l*`yBbQ%gmbEOT<=&V%S1HM-IS!M1`xph2t)l6x|3SkVY_` zF0)qem6w;7BqTKZ;Feo%@l`ZkpD)2s>(;GnZv2#|=g*(NSfe!P@DbomQoCHcfJf)k zVPp**D5SKelUvJ#k$0Z`ori){*w7YZ+kz-n`!bV#I6y8fgdEWba(z>Y-Wsc`gK_=C zfHx(yb5O>S)L<=__nT~YQ%^#+212ENmi&+2uO_hbjW;bXydB0e98$#~WaCaENe>R2 zn`lT~)#H!_F((%wle>XXSF+!}G>z^C3UH2ftVp&Cf&0-$tqaeY1VP~p9ZyaJ&BpS% zPIKZv`S|*-&(6*sX7+Y;Qc_aA&#sBIU4NVQ#oT_jpZJ@71t4SPIIW~?1MAdTJ(BzzpKfwbtgi9%G}2%Np_L9*nm;yy&swD z?*#hOx$Lg9oMcbPxF;ngWlKgzhNljEc!bUyivGu$pOupn?0C`X&O!90*DAVFeQF~R zgWJq&UQ#1sMP}-Bl4Q%MhM~?S#W0R@DR}fg45H5Nx8&5%g9@k*=VYUgFUL1&GV$jV zCdAZtZ*_Ll)6=7}b8=RnIddlWC&gM!N@_Rlo4MbNZ`-b2z2B2{`m{Cr`sG!vj z_D=fyyLkFd>+~_(!hyLJ0)_<%VHP=^bcPmM^cB=Iyb8pke8nu3DUQ|O*@QQdPdP(N zo&Gdg4Z(wUQ{;OIqoauJO}yzI81hOKe0y?Qv9KUjP(75{Wm0zeb$S{0#cOQ~`NPYC zbJ=|v(@qwE8gAdk+R8f*kTA^x15|T(I8cJlk-NbnTwNb19sUb3~(S z-ELP+Zf;)x*I#?>-hTc2*L!b|964g$JnrVXEnBpl>+yKpuqU0bo;*Wq&PY%8$Co_l z8mpE$+0CKDbHACulI?K1T5-*mMBE)Q=5F$sO;{fb1mP@*!!~BT2||@o3m~%EZ`F3k zarUkn8vOGh1d>-FBN6PO^K2gOf4?J-ux$_E{8+4mi?jKpRXg~%8oly&<;?4AU}aW; z($s~ty5JOiOhg|I{Cb?{_R1yqAelIiqZSHMkXch*9h{Jm@T+$xPj2!<&h8_RK5}9G zy7f2i+_`h{PYPP}_YXK;QgZ$Wy{ELS%&M-cI_h@2)$v(0aUK3Dm^d?-2t1R5(MbsW zS$d^aGQGDk*twt-74*)dsj$8$L$Cf4L6VV?$9sse2MrLMHy{mUL1R`lGLMMhGDgyw zbEXEo;ZTRqn;V~k(TV`K*5^*dGml4Ud;#RO3vcpWl;awpz56}3pazo&p3Ac++K|Wo zgkz*F8_t}}@7Kd_R5YtX*}KR^ZR2y6VwC<>1bT zH1n(t?Ru70R#si`cs%uon$7Vvk=!M7{bjV%d4_(1bB$?`kzGu)<1;j9Jq7IG&va=koEhKAAc{b3Z}TA<9& zx!yKj`vr99rmXpsb>Ltr5Eaae)?G@zQOfyk8cN4e_8@~P8CLYEnRDtUavF;C+Zfm& za)?JT@~?sZYO&L^`Hpuy!X71xt zm&-k?qM~A3et!NBI=dw$CCYX0GKNqiN2X{E=J3rLDSG+HWv`uP%8AsZy%aPaZhrp6 zyyqR5nw>ayL2$eBwff0aP1G&$8%>pa`1kiV37{zN1#XKkI=pbr*74pYARSqN*2 z1pmH9ylx84s-o$af!L>VUpqM0Pva!dhPkPU>R%C^zC@4D={Q{q4Q0R%3g%Q7oT}=o zZ%t%X^h5U6$b(f;UXkzb=l5@q#{S2l#TLz*pLV&e`v(smQf~t~^Q*6n$A0Pqe}Dfj z^rZ{nyB!fj3Erh3gw4Ptip*wF5G*fkC8H3AS+(u1ZsZUb01L&DZ1?tZq(*8K9?Tzz zl5T_DIEc^Qf#6Sc+1R|U-5-2kNk5%YQ*u8P z#6sd&2V!+fa&iki(Q4??{kad#w0bGUo>SHn=%qb^t|&~o0Pi>l9W-WvIWxVaY&WYo z(|n$4XWH;Sd4JdQ?8BiecR-OwP?#<_C&aRqNoY|~QF!m(z1u}bM%HU@PiCI9zWVB` zr9N(V9?)iESXM)Ux-y9ncJmC{(+4~@(=-FPQ3~&!BpY^VhQ}@#PITubn!JmgClMuO zV5pnp$*axJ3}nm6Em=UATH{KHF!I2Z=aF()I5i{4n@Ellx&K!fwt5@UPJ+3= zZbTtxiMUoHJ5s8XaX6gzUn0GABL}GKzsvlt_EznjuoNPS_Uu_PbMiJ33Cft?0O4l} zRPF9Wcq%*5_@ZMnG>lEzfFtJYf%lA>=j?BsllK1pemT`O)wc{AHoV^F{i6>*tT8h2 zu8)szf3@n8e2U;e!`%yzU`mKm<$$OOb`aG1DD(PQ^&zCCQ!M)`re_QD`%ICX%0*uG=7EMBvnD8uVK8IT=K^ZD~vALLZCS?NS|4-*pfB)oRN8tX_y6G(?o?)PgWSFxSneHCJO~S8ch} z#JWrb8OTe5P{pjxhcNQEN`VBiGj%+h_e(y-uvIOkYE$L>spx(s=VuFN%j;zEY{Pwh z{en(po@hE|%$Q^`#_RKS=-@%?%jsW!X&lihXTGNZ{{PnzS^AbON7k%ayZ`d#`t_wW z3uG-?yf`;HI!b*C*O*Ovj~qxKB#9vy3nkK3xO=lvGV@4e3mOtDM~!1u8zN71104_s z;dROzKSI80AKvqIg#0~G3Tm;F2?h8R%6uWT=_iRAl4sAJT>-46!qPr?$~R%`E&y{h zL2)fIufG7C6a}qa*uOtxE-o^&XbfIj0VIlnL>G6E=+7V``y5PT4)?c&;z@sCj;%~2 z{+t3!!7EdERz;8t(^6C0k_>m#wW2qSPDQC=mTCP)aj-f;Qdk1HLIXrAN=wh5n>}k* zb^YZby{5RNq!1|aedeg`#dGXL!g@4vDrHpz;iM0(r4*&8D@GFCNnAKDdbT#^_W^j% ziZtcqbOC-zU|*6k9Qyhculo=%?Cq>^7{%}fL|tRdb>rF75x`%caZlQRMIRTK<0iR^ zqqx{<)AYPo23)Q_K;QD*B@=pvrO@*IXv?L&Jjrm+lOPIPfs@LZ$tGp=8MJlXdk1F5 z#R1Q5F!Fl|gI55&R6!1Cp7G;*AlLV?PJ@sc!HeIR_iA6(hJ=K+%E&mlH!CZvUVB@9 zx!hW_cI~N%hzQ-s63(ueiOxiFu`ByCn@rDiJ&|oMrc4M%6$vLsEvkSVk5Vp@l4cV$ z^tF;PHQM`;a`@<8p&5QroZnJ9bU39gK`=knaAAOE0CHZnUxR@W?x682R55@s@&YXLQPLo^6YNl963 zURG%?9*EZ@;V6b#Ck3TKL`4-%AWwAWP)y=r^dO>Bl=Qg<_L0ohn0NhMH7?gd*4S^n z;QHN#&2YL@f z`?kC6s8sn1dHMSPQrKR};M~BdM%xM;!55%R{?KhwK0uft3 z)*?2=md)Fl3fvDP@`WM>Xy|9@*C>U*i5e=k;fi32gRi-hZAHb!)y9x@8$5V$(D&6D zIbU*AUw-*z>(r@JZi1N$-T zh3thQqipk?Xa3$FwxuQoGyry&6L?Y4j%A0qr8q~?(C<^3Skc~TxXWaTuH?#IN8$G} z@7;J10!AIe#_1$`YV|S7L(ZT}#JIhQVrb>Cb^juB3~_S4+TVlUDV$e{1%xu`icefN z1gih9tUER*)n+@7Hmzc)ge0d975i8U)w{1 zgL77|S)JIYSMO$xVq^d5+1SD&hj3ER1 z_4f@32>7qwTzR?m!VAw=ZQQu&>zJ6BlfVl^1WE(Sy0>wYttIV2(=27*)*mc|t9y zfZF~DgyBKSpXPcxob&3AiHE_}0!8cefxO;j3u+aHs3U#;Wju zqrMFIObV+)-3eaPZ|LM~;*qK76>tph1J&zP|sJd0kpss=cjRw|4EPkx@}+Fj9fA4Yj`g zjPh0O-eK>Wr=%QW9lj!RbtZU+!JO*{o%E7u#L~GA(DdSMI-mT1iG*@#1 zF%6S#U6F_!4kwya^8$4*xl#9{9-H4WW)7=Wj@i4&!wq8dO0Ga@R22WECNP-a@5i}O zDa|4FwFUdO9b(p0oW2lbVvtqarfn;Z+I1d}r!X)uDBqmjo(TyFLF&fyeP0_lZnU0z z?zyeTS^3$P^z;(zNAmS=X;Edox=qHI%{E^>GBY#d0s{iwrDdg-`PusHvrj#*y!wiD zw(#uAh=_XJswD@Zgu`(MwCppCKWR(k zR)#^bAYsS=X&-#Ejn5h3^|D>Aa3;FyS!L8zoUBH@=Tp zLx8hRlfd4GGEOJTdkT`lALw$i6bQE~thtHg_O4@=k?{BKK5nlNt3DkawSyE?&bLO=LOrQQ8>l2B= zbn;&tF(RvhiTdLGE4me2H2u4>ZmubL7>7gfXQ~`s97;zzK~(S5%FT5beNv&E_%{&@$ZZB!QFLw6s~clK7jF?-Q; zS8UN3^SeGtb}OlJ9422-8~xmve4lj9o#evK*NL`thI`>)t=HraT3WR=*Swz2L^6;n z2kHk`pdpORQpygpIPY(pHGPB9oY|1UdSV=BVCZh7*P@=gqdB`_M#mgpuwX%}<;$0c zRFs#y+%C6*4{Oz`Rn}W?y;(A4%BPbnD=Y6v{}CCn|8e^L_kH#0-8-S|;)N@#s;Xjr zeS8azf?M6RNt3s#Yigp%Mb&s}JKBFizd#rDM!_(}QZOL>@$95*g`@+Y@rUG76Uk9l5XmT4vxB_gZbqy)12SXT zhp*YQNdCVBBh`SMqa2Z6(k%N{-Do_#LL)WIyb`A{q$0AYt4_PILfK%r!>o z6=!E>KU!K=Hn6g)GR`<9d7;4}%QvT|pG-?j`-A22NS1S1=XhjifHzupxfU2F_B><; zr^&aR4>j_=7dE0wTvU(s73-)0qVvfiPX~g1i9W3Ac3;dGpFI$!E`u6)TZ(CvjJd{e zN@ElS$1*K`6_LNUSleSearc|gt!9+cR3e^Jv%kktG0z%n4EAsg{qvmLE~F`zYN|DJ z1+PPY-AC><7Zl`U&(B~O|*8lT~boRI_yFZher{X6#ifFc1Gbvg+Rp* z!kcM`XHrEZXYoJ z)8;FhC|HIhkiyvuD3L6j5gC@>5>c!`dBwA40YqmDG1iLix{~_~^1^#A*Gkr-1yNTq zo_8fmWfk801)f{VDb#q_N52C<-9ogkb2y};egxo!l7@bN&b@1fNFA;CBW)O{%e zSAMfKM$j3BqOKG&!rxGS@CVLBYu0!P5NJ`I7Fbd2Z89>WJe2CPVj#t=#(8>%$bJ}v z7a7f-W^cb-wrttrI%jvM&azh%CMA{8wWNf#UdM3OulSv!k)u-JVgS@?xjCOqH>%+r4Zs6 zcG;i$Fs-YmJ?{d3{4MgYF)auFORg*<X6jt<5Z=9(*kA$y?o_j+-3m&?J%KKXpWqQ@|{->8!^pCr^O^jN%Y~$i9{Gw|*F<>69sSAzBZB z$r-`D-Ucj}QHL;N5g}?F`k8xJnn5ojmFWjKa9cbfXG zGr9)@C^lb5oT306=c_R$72h{=&fJ4A#|I(*$Z38(*{0wBLU}CpTU5VCow1aZ6tQQU zz>Lgh4&XiLl~pPkF|U_QY*e=sh#G=hSF5qL`TY^)1U+^=;_?hTch=OZZJd4$vi}7r z%4zfFAz@%vO$f z6iwZRivv3mNO3NnZeNB__D5;zphy63O{M>u%cjJ-fgy76+EvKi)hG%ifL0(u-Qb3A}HKT_wF&U*%U>tW$n5E75xo*ZWNxlrtn@)OHI8SW!{+k(we^j z3_G7BvVPy!{C?By*|P;Z-cMv(0Lx3zl;9mdPc0<%kG__oc!M!8iF8ppOGJA=3U4F1 zu}&N^l{!eNzsNpTa?kxz?Pn;aS7FCG48>_UJKcB&<<*Asn(N6&-G`IVlc=@;C@8{2 zW{ReCZSBDy&AwbkO`X_nOX)U}jj{5@xLd$x&tq)&<4_F7A?nYbNVzvMue}eVgB+)a zUA1|d%k*G;AEsp)GUE&69_^|n8&#qB$KZJ%MX_mL?!zM=%kN(XZD`I^a2apSstX2o zjAw+(doV_iV?ZNt6qg$rxb%-Um;R+ofoWY_|0;}`)?SmHKk&lWF4w(A{#vLSE zIi9x--@_SC_F^wzlM;1k22TQbNmVzxB-#eYvw<{qG3cN&Rkm}@&o4j zLPRnsIViU3pc`I?#^qXO{fB+|{8(?ycnl}N=FgC%Zb3f4F=l;;9!3HSHeuG*GCYvE zD2(l3@J=CV7a}`#=@^bD-xAOH_bAC6at;SEj?d!3r6Dlh(eZ@m`%ol0sHdIijp38c z8QU-qPpJ@3?=nf>*NG^CQI0c!aL&M@^m=%(#)_SUGM}GABk z1sIMy5%6JFZM&;>D9eEkk$`KjBND4X`K7?PRFoQEK1Vr&k5FnIID{uS2#tV`KKgE# z@H%^&OHV>K`+LT!EoSzkmgd()OoxG6yK|@olb$jL4^HX9pEU?kWe`jOZ%)J|$Knz>%8ob!p%~7edy7n6t{C#JK_CKJ>ontaD{31} zE#7*fped~JIHIHpI3D5b%|=+TTK{3>dQ*{8MFn4xH`&1&*HDJ=D-82tCSCu^vZq2z z1}2cF8bj_VhbZG~VE8N?1FgTNAY98nYj6Gnls5wh&L5~+5!vrF!|k7)--Gr<4V?Q+ zIHxBvp!6Ff5|^BkqI0^zymqE$&k^Ppw#C$MpQjGw`zK{=Hk&p zOvYZ*phs}-UY2%ecilhYnvY5SW0+}ic zgd-RS`LpjKY5uPv`|o@)?642Y$_)(CpFF^g-+7Ffl(-;KRq#ug1*-;rfRVey(7@Yw`!pa*Z@Ha)3Un__4 zkM@=!r4=wVYw+5$SYv;bZ8rJ03huoICfX?sgQ6T66hUYY)8%6hY)2>0n8ZCbBLdsO z{ato)pfW0E?amlkJBL#=1NqoXWF&9>A<7n$k*@aqIah5fwBuIo zuuNwb)@fvNFa#dS-%y}4hfr|4hFdE5*;SJ7w!RQ#J+8y{GP&dj*GabSc<{1qqa z2IRgN*=&vj62XalI@x=DeK!PpV$oiRZ0=Kpgdh?54D{ga1_770sWF|l{n=P$#zaDoHNiE zSU!z;WNv=E z*ol{!dL4yctAxB(jQk1_DMKFAdH>9RT14jlG2a}$?Ls(2Z5gI11-qI2z}GYcz88b@ zu?gMR(Af7~2oWC>RqcUYh}ns096I7=_nSrjMXpExf{9n3gX?+-QX0 z>+5QoCfbuTHIa*zhy_JD3q=D-tBJOTD1pSDd--cMxk9(NSp6Q+im;J?Kv;0K8-w5eN zUVITy+CUDq6#iPAi7c+2%icKSK(_HadAzR@ofIHn7J0V^Y5w{ObbKkSRmKT8M1Hi8 z=<-EagC#txmxM!Y+#QfPWL)kiDqGF^IrWT7$+rk9I%pJ26^f`C_o;nQ-gNgly%Zr1oHB6R0rreu{I=y-j5wQz1#|9#+tUG8F=l zHz=W>;)A4KWbB=>EipKOZ{P^2Wab++R3_DM7@bs8N0ME3vISCZY|ZU}IP;KfcP zY_B1q+klNxOQ2v9)NQDlIYz?y7}H|sk^}34ch!kLjJbGSQl?c9OPb>KFXP`Tb$>{) z*+$P`j4ENUiMrf{g3?={Nnap2T;`3^T&_#pYjX@w7a+12lxr1H$Y2;%q2Skvz+l^L zLZnw1lZfDYU{uw@W+5|(9_908T-0N4D|rTa!#NcCuBS~=PZVAlir{(B9$@=rZ`d_I3=!4?ntdWMeqv@VKAC z;~vQUm#{92Q1E5ItA6ZL2g~k+(v>z&nLJAnKle5JI$v$2QtaWDvE&@LG7Z`V%gh%7 zhWw*oij@oTn0?5ZCa~UzaGJ7+q%LCwhVxu56pWAq8kB(d66|~ ziQFvb%rr-4%US;>N%jsq0Bl#LbWaZ2w`xXdbG_TP$RG;#DJjxE<`|)_3p`RY057EKZ%|Wlt zV-oXTJVYS7H#V_%{^eyo{(<2I&s2yBAnjUUeRfry{zB1X2U%!uZ$sYajRJgGbq(h(Xtu z<1&ExTeDH_KldtTmn)qpwF)KDkDO6MjKv-l`D-{FYHoZS1%DHSl06v5U_RGkq)Q}g zz7~=~HlA>2$S4VTy*sF*6H>4TrzMA0VsD`E;+f8{7w`87(TNP!E5KQsjUrNEa2o5s z4A0o2>whEG>NX-MkvBFInaikOCNhhMwfHsUqbPDF@i;9tOi?(D+@B!_{5zb(ISi>y zqR!9<$7(0V=0W5pe-P|s6m2ehafx%&&Rj!1E6dGu->P|TM5Onqrjob)4QEhi*ZewF z16!{^HUxDpGVlAsIEa(UjmsfXaq@%a#ofF;B<(enV!yJ^?PT$NE9nNOZB;AIu4Lu+ z9-Fb-g97^m&XOBMU=mT4cZxQQ)&0n9E2bHYO-oBtVZNZ{8_d1S5gX~T;l!Efkhavs z)kP@;m#U%jN06QzY*CF$dh@J?JfZQ$-{I7URVjs>Qy}Grg$FHz^yL1_d80S+Y@O-INf^L*6qJ;`V7T$d1Nxl2R1Jzh9i`TcdwLj>MN<@x4Az@q*>OZ- zfh2h!H3EH*b~H}Zcr!5N9y;)!qf_}&44E_Wwjt5pN$BCF>R8~Zt)Y1jLQDz9t}$cZ zl|MUW4*9p{SvujFe?n9;fhg+(aP)6klQyi$W~NLhpk$JHoVjcuK;A=2bPq!<4+0k#BM&1{kdn9KOc>aS0n9*7TJYN6VIVfJ zhI^2km8?TG4Bf`8NsAP_rs+A@w&#K9E-;j}D`cY@^0P7$k0JNRSkE^hIIVy*vx4Zn zKZZ}aQuTq9!I?`A=QHHisRvU8y39OV)_>z1?=$P$o#&Nfatj60%~abdl1h?Ic6ikM zD=1Y&k(L;^Kwx;)YJMoPgk(c4<1#WbE}7Rg!Klo^@la=tYiJUzb9#??&pf*F z5@AXcyD@4QP~Son*eL|LoI`vSpRtaDRHq2|GMFXiy&isvnXl zmQsMA&>o|d1x$IENH++4-xqjU3SD`%v3%|ba!l{CKW?I6kJCCT9Yq+7VOHe%M`pR5qYg{!sv_m7{}(LeO3vNYOnn$L$7b=V#?x2ipbUE& z^Sx%@f`PhJoAoB>%Lt8j!MF)B+(TpL929aZIcaL$#Qi&tk)lzzxn=-s-GXjFi8vAO z|#JpwTz3nQm9vrX-@m_AVVd4y1mh4riXbayA)V`}8cT+*l{${C7S|I0Wi1Cdol zP=X4dX9SBwrcw8wbc~kH-mlH)PccTjl+W#qK8nTxIY&xi5RRB+=x)w_5s1ZQx&K4%b3aPcOOFQn8jVpZg-R~L804`%jyz^{sqX4al;TPz z3QMsKrg(B3*FV69DjJg_IEd0wt|Sb_J_smcGxS_9>x_=;8;nVti6ZC-hA+r!5FThW zYb|enVV&e|7N32dJkUm-)1wh2z@SpHQx3n)djVMSTff#uvBOc$hp2v=<(u5yA? zA-pJJ>dJVVQ&#P$nrdTQ6^S%tc;9fIc_?1rIM`N7w2Np`?W)ZoIwRl(>1_F-8%u(| z8wR^G5M2|X!fRpdY0buY?D<>6Ffb}2eMOM-Y?};FNuH+%&mF{M;T(*^RHCdbJl+O; zyK#JcEjudt5|Yb$yw^dj(PtRESeTz448O+qbi`pfPCb9CQNS7EfiPQG_2NKGDnOs~P| zycY6F3lm-S`5w6y5lD`n&dmd~*HXmyOLHF$IhP~om6?vys3E&*_$#Dl9!AIFnX1V7 zwKMAwnr4q6y2m{Gi{|rh(HJK|tS;LL$)Hc7bifL8Jr9VL9QGR-lq%D}AENzxPdoB4LDYAGafdx4b(QL*Wj!3dSwG<$`0{WBr(CVcK&tDt;sZ~2Ry&X!$ zkAl=r4DQtD3!W48S=IP28qe%;@N=iL{ersnRp#&6}P`&hL^jm={>5%|y0;qziu+B0WKuzakoXkSJ6T#Srp> zje#P&LIrQHzIB3$=w#rjv$yW1O`C?A??AJ^m05L$@R`Hvqq-Q!c+p4BMKo~rW`zE_kU&VX6w=eIL1QNTis;^^(Z3-p)R|pfd|jn@sL38%LoP$~}-M z!ih5d=$ZH=q@Oa3TLF%c=+;Gb(1bFxzlp$elF_b4CKPcfLe}1hz1Ej{r3WxxF7`K! z$iD^oz~+n=3TEHKQH}*DZC?#aL^)N$@+(31RVz6h7;PN$%Zki8%259d*{&h~DT93j z=j$ljgK0dbu1OyC>i;FAE%gZ~#0K@xWO*Mng+#1huCUB6TrLjad=?IoZINyNC zLNkGOBD6jvXysW4&`oqO`_k6b-U~+VFXIyODCa>S3eBgT6H5K zcuIjN#WUZHS_G?5qCn)yrxOwq9yI&>^RlwC>q0|ATO}qYZq3TdQp=&?9IPOc&|Qdn4{>1qhzi@0N9sq^ zRF2ZG#^GpDC(m|}_v8@$D0jDjy1o^#);{7rgE7!rBX!X5rGan-OxGNWW=EkgWsp`8 z0d(f`N`P;*FSFGb@H@=gj1ct+(DfVf?u9R^uj(|Nggv{Cw-{S+lHk%0yQwI=2#j89daw;4%7v+S%{aXL(?n-MjBF(qA4PKrK5sO(o%`6w`- zAj_xmD$i0EBc-7^Yfn*k7s5U`wOD`lQiWZvnzQH5Mn*+N-}%&2PsMlb+SPIfs8&{1 zTDx}bvR;4vwKD~Ug&##nMc0@w?=VM?9c`_`sJ5mQLWboH;NE?ZO``BTU&gW6f)U?G zVYL{pJBjkdHhYIID}Ef<92^uU$2Uv48nbpHh&<-7{$RX?Gbik2k3H+^MGA4}q8QJj zR66kQ5n3-f5vMPNl490*6EnfIe_v78RKR-AWg@pe`{%%$XT0snT&|mpEL5SWobE1K z9}yD9Gq%Q}MN(5d`PM|0%HgQ5-kTVVj;z`5Jod9XMbBI5fZql5U@1)0c941&16y7= zefo5l2@@vVGC^Q+$L#g}J9qBP`|jB{>#PX%Rr*ezVlD47 z>-GopH_5c}V(-A9Y>YfRB@Gw75V_0s`s~@WRi~B6kkc)kwb?kTI*Xc?JdJjD`rJoA zFUlZBjH5~S%^0F5SVzIveNc{Np4tJFdd+LIzmo$Nt)8y+v79v-{y&+|t)Z8y;BPt9 zYG<|(XR|f!#l&K);W|o1JVM=P2lM-h{5}yzYb4Hj7pr#YuX3ScnRaIq#Bk2&8yM+I zx(eL}vFmrp>_v=YF=Z)=)H=D{?yB6}oLJ*{-v7{p55;ur-rX|B%=?_05vj8~dGh3Q z`}gnvnfZCaPdXy&)w5Ta@#4OH>7|!O-F)-Sma+2x$KOLjLad%Wds=<_^hsH;U_o;g zE1F2H6%o<^r>4SX_YFKsWU&E!TZ0FsRMt>PoQLNpx~hy~C6w88yy0iS{^gzi4Z=Zx zyu2*D9C=c^B)~~_+nJ^gal^8c&`uL#huKw*Cmn-F)r|95$(gzw&>!?d(C9js?y zC>9X8Eyqg?1j}v=i)uHMe4TOvDWtQ&d#@PJOrQHC#yAqToDW7fklAY@n#?jD>M&r+ zsX($#96CBMO&^?wFp|bPH1ED3CAs)yrJ1<>!ExrztNM95I5mD4}>D$pQ+#x zJaahrv<$e}W0c9)$u>d22TFSla8)T$mD_gMljoUx&jkWJi&uS?2D(x>mw+Z+4g--j zT>z=5j0o{6b1@B0ts>f%haN$Ml#h|oXrC*9Z*?zyP}&X14;@EwJKgrhG+miu59sVe z0{;j(y1ra{8jjpYXJp9a~*f zed@x63lC48{NA9^qepwsYTYlL<-UFU3X)3Rx^?Rn5fKs7v$M0yjY1DnB$i~$T{E-R zt3e1NoM_&xRZoY|W!d$ZopJmYbC$H%A9!p8M$K~z4%)4qnq%amS%c-szl@;2Ga(un z@@m+tLnu`cq@O|b(wM2(sW`dL+`vxg16^O!4R(KrjHbrLX*hNZ$dg@(+>Hdj_d$=y zF*#2(s3DvAb*@wScXY<(T9=fR)P|1v$xdU3IX2VT7f0+v?XSm%5SJs9u{gZ`)Wz|f(QInhocUL>?&I+)cVe)W%esPR z8AxXc8C?zGETZ11HF=(5l%coI$zw+XYJWA;C>7nWACc(Yc(S`NRDB`GbRgn6Np!2% zs@um6%(dD9Y?T2)MMk0HxuPOhczF1PXP^C5(07$w-LGKtw`ZPtCa_!AuBk;u=iKD7 z1b2vmxtcu3R+O2P#4m9;RG59rV@F8M>13e2e2-@cru0DjrsQ}43M&Y&T~OH|x`Xbzejrmedf<3` z?6Gy<5*WAda6Si+CV0eS=iS=kEL}tv_L58QQB_rSIxa5m=Eoj?+&3T~;GgdAuYdg; zSNHBcUhmqqORJxxA?wqpPhd()%DqE|45`=ahhI6|-J^StK^2vi7KTaQyEZo#W>Ppg zkWV<2Z{uymLd929A?BM#m6TCPs>nm(x{TM&wA+yqNP)5RGBBfeg0RO!pv z60%}7#F^g|8bK3`C2F{+uTKyGRp14l!k|@QM6Q;X>alU}!(4MI#NZAsqlCT<@wrf#|WuDcqBhK2siy)}`Tb@NR(8|C4;&AeA0 z|6yRPL=NS(L`Y9^@V>?44aD=5;(CB+OfoPBV-WybuN7T0P5`sqLbsPSK$BqW(@fCyD|+K(IHNYXzJCU4 z;i3AS-9X^cvvt`+UvA0sw*RhGXp~(V1C~Q19bs~+{>G%vgP4X zqW4&cAI{eS$V1(UTs5cbMv+45L|;NFBtH@A67R8{(=W)8Mw@-@SI3C;r=Q_cAW9Kt z)Llf-UXl5`*Wk{!yY`3E`Q{yD@et9UbFCCu${FS}9s^nwTlsOIV8M)Dox%Bxz$niK zjt+y|wutA>#L1lnN$GiV#v-;QK;jV`deB5$pPGQ-u7@9bDCA!mF?|Vc96xScYabt< zQ9nsTR#{a!a@5FCQT2U&aB#4dc0-!GprAn0Onbt}TZ2%j7Hd7ZB`?W?+|9Qr`(h>l zOTk@l1SN!MOOW9jNCK_W>toAAk zk4HV*51tEpuhPJL8 zk;*HSR97xB0!Z+4U=!unddgv-OygTvp<2V`(ESCkI+LWYApfR>`ZBt3MBpJ0c3?@2 ziX5DgFjdz8uLcp}Y5n`tnPmyjlfw06;eX+>spD1TQX6qiXQa#?qIoGPR|JBG&Nks(lycPr5PD&!)BpCvQB zN=ixwckkZaCpaXy-upXx^k_d5#SJ5Jhz4=kV3g~-W-ni0y0aqs>&)-Y;Sl^B<-eBb zaWM4#uaU!#KoQ1srY&aU309ON8Ax8aF;S?-#Ds{_PDHd9qJtb`LB?HmF32kikqCw9 zyo%IBB_%fJiRz!k@LWk=Ig&k5y_<|vsm8cKvgl!c?g%m<`6)5aB`0G#x=8w`cbe@) z-OQS+OUN?w9+BHrR-w{>pDW)+>O^`=9f;oY*lghjbeJjP+@63GrJ*TnTC z(kDV$KK=C5edaxjjM6NlPhd4lwJAb83@GF-uznr*UomyL9EP2U0SDK$TAd3YyR1my^<+!tBNz?q8BKoNm=pmX|?H zQE}y;F?_Ljr(fVXkB01!ieh()(p3`RH99plHRogFVxJr{W=y?hO5We<)vH5`i;7=& zx!q@RAVMLb><8-~fJd4Nlk5cfvQXrA4*T8|;(*q$8F_=-c@7;|dC&PM@M^2p$!SC` zL(enMs_k^pjeo^-`~~Y>0fc=w?6-j^jtt5t8d7L{E%Ld9T+jic%AT;#7DBg{lXNuM zrkeW^K@9^wlVP7vqIB-tqoQH~{_dij#RyW4yL-j8zcB5_cg)f{mKeda0WJX_XAh6a*RxqbVDY)0e2J zfJj2{&-K6~VXptP0d6o#ClKf_pL-00tyjQovShlDH$qK#eo; z7+0a-+oDhe&qf=sKHBV2!~YHm))+yLd2a*bq(rlar3@5o1EWe45AKJp_aM2zA{5O@ zj6)gS8hnYWYG7(+0RJ^aR{UTO?xK#YJ7k!%7=kF2eGRbnZWP`L3`-VeARf?x927+) zFt(z?3Ls$ZPdPcZXq4M7uI)geF|2b>25)wx=CC)fb6Q}9vM!Ct@dg4Pm!Y)MdB#SN zRb%6&~$&2eBv7 zX0M}hjG|c+6&1_aMz9BifV`W)1dIl99}E#i(dV7!I=bJtpp@Uh>y(q!^?ISq8v;SE zwQ3tXOU_p!8yz@1vw_^4dQ#=ohx3}#5JRHr67Rw>84FSq20Z6H(-KN@WRO#NMhQz( z^nxJWXOQ7&;M*$7gxtWv&N=V_TGr2vK!>t$zPnKt5kju?Bo1035q=*3UWcPRfoOLu zI!gPy!FzVip7{9qH2iM`H6D-4^HYQtgMxzA9zJyF2fZgNE6WNC4|97wHC^zQ(}_Z= z!S*8%MtyxnE=LCBPe62sFf`A4Y_f#t-U}&6oK1mcQ;J{}`MiLqz15pk_juwtK%W3R zwRP3@F8ed=zHMB;Cu{l@v$STQv}$OFRL=Y4t^F3|7{>KFdu*EXDo7~5M#+|uXnvae zs-bg3J3iZw1M?8Vs0bziuglBkLwU8QGy3zu8af2;GcBM52IpWP7Jcpqw9}b_axI4P zy@G$siGYp}g>)+`D=WBoq5dT%7cXA4N=r-6nqBQev(+P9Q`c4<*>Z9_Yxum6Q7nHZ zf0%`r`fGYI>5n0I5dk-b)gABMJB*dV+HxdP>qp`Y#nXe;9 zkN%*utFs;%8R<4>sFRme;PGr#&%oK{dyf6Bob{W)Whz04RC^}NrjNIsZNFCg_BwKq z=QRc%Pqz8}4yf&78|t;|AcZIr{hH^NzW6;2x4R?vXUU}sW@|FXzW%2;re}y;<@n9Q zxU}M2docKSczhHK8G)9~l>N7O=>p zL|CoC_7CI9#8Q9ck8(Lc2rjaOx@;V&1EI7h(R&ev<%a>Rfh|^uf;6GJNhUyGjrXx?e!mLl#!8PWuDAjZ*F)BivN0gV>ZJ8w4%+_MrwO5b5Ca} zR=t;~RQb?VL=ktAM=KN3&tALPqd>1ha=8Xu zwF5N^tlGYeVJL@qqI4M@^?y{2TRpZ%e-dV8J`unvYLoWB zQXPT8?oSRl4mx@(pv3j;ZysL1WPQ76+pI?$AoUEdGv#sxz;2AIQ?fA_2B9x-R%4^W zX9WcK|84vB?Ukx0s_)l=g^MbU{rkYk@;97=`%_a>mD>{8slWMdZPj+gSKfPNT59S& zs=?Cpn!oGyZjE;_-#UXoV-Gu%M^hekk8*A1b+?+&sUp8Q4%k-hpe~r#onjA4fct$g zLSgE-Z~p!*5srswY!yU|L>#`gL~|NCnS=4m#;K96$yU=}^L;IHoC0yGjag%jS~*8k z0nN};=lKbwEzYT{%N%=d+jJaOou`4?GZ@ehQF1fYT<1JzxH-(qa*F*cSihd+f}IgT zm(hRoi1q^^dI+U?$YVSDC*5wJkI$Yvw{!o#ef8ek{rmS@#<5wPzGX|!PtK5S-n{wz z_8mLEFbASuuivXSo5xy{e4wwyo8?1W=@QMU7&12X6Od+cg`WQ{UH99f6@dMgox z;GlKDfWt79x)1ZQb4s9wH$aJWB(J7OBHg&JPXlQkbaF)=J2zmFFPp((i$b_9U_(Kz zmzZ7T#s8sJ-|Hn$*zis_U@kY%*$SxI{&;FSw3=zA#QHrX$?wL1x2AvJ>*gWeCkjX~ zDj>C{re^W`@4sK~Syj`gPcN;hu36}*@r)rF{@h&iJv{Ol=EZ64o+3Jw;gUk{4V!Ek zM&=5hA%JJvS%+XS56bXzvXx$kz9tel1{>}^ylxru zEg1M-B;IFB;c&gCK#U?HS&(_oLNbt}@fJ~+{&qc#vxzuZhjD-;bNkFSFXKQ20i~Y7 zD1OS??FUl65`*L|gjXksRJ$;H3^|x?IDUa<&oU@o2!ZVwg(5Du34z|Trn7NNP*8A- z{Ra;GdBcVc_1fE=J9k>UcI})S7!c6Re2!pgO(S@Rwap;1Xw8sV8SUqR1`EyoCaG@I zWgGJTb*T1l@&6Qap2PXwSLAy#&6#r}uDnjdTKwd1wOPcX`hG2Bh(zN$CpfOhg**oO{YbfTI zE>LrWXS~Jmb~JvG;iCE)MIKK2uA{l`W@Vgw2P%X^6AZ+2 zgpLNvZ4ApecyM}3a`I4;=Uri;4aTDq92A?BoUEz1C3K$dg$F4m_AZb`OWrHvI-V%V z!V9|<1J)exQxSkXXI0|LnB0c9nu$VMK;n7?kZ23z)kz_Z#QUp)?t3-Sfq^+w;wzgXTmT&Je>j9Bl85vt+wZVmGI) zQ*dx_`+|ak9Vbql=-sbxU*Ea~m36=5)xZ4m%jGLptoSl6HdaPg>!zqs=xjA+lTk;*|Yp7Ysk)=Ia3)P9=^Z` za%@0=fBW$82$zYtl=Syndga6xFJ5d8!n2u?4I6&!K6{~fgGty+5Z^b~I>+HsPq|PI&Lytf3?-#JTW^}FUWpR@gamdZ3R=dq zp}axSiy>wlHj9+AAq#$KGCwAeYwSC8S>y=kuy|jJX)&;S#vD?js zFOkbg!H93LY6&}y$@lqi2-lM*{E9x0JAs)xaZg+5+`ftAyAJsX_M`yjWf?}zVX5^t z^7O50mBbz-*}ev2RSmmLpQ+rcI%de=|HWk+d}lg&BVO}0c^^kH?Z=zH$mix7c^k#^ ze#5_7?{^t&S%@KR2CAUze{SUDSW;3_8hbYlrLE}TefCz)jCv6^AtL#d{HfMa1?Df| z;IyC_wQ7&r13kS9v+pR5U_W5`0~!LEY&SjDbvBzb+BP5{V9&H^U$ik!O9P!-b@R~K zHPN`0nVD%VSg@et`RAX{^7r@qz|YsuJ1-7nTR>k@ea7uZ?qkfgH6^@AwVY;MPBN}& z3NU^M23dRmuz6hs&*z77zEA6GzI!m)Aq!dENCYprA8Y=;T1F7Z(GLdTc=Ff1kgMN- z#$0sBA>>B0fgE+-0?l>)-dfK5tX`o$bs|fh{im6*@gBL&w>`F8-(lHZV2%OF2jTd{ znCt9;&L0LjL;oMFmR;t4FChzs{H-aux>Y!H>F7mg)KNM{%gc6U4azu65$vxsZs=py zQBy=37~Oj=Bs8RK$IhKT#y~YQ`|8`EK?BRFD=RH6wRY~@9ThZTqYiU`uLf?qi~>-BtHws$hCnL;{tO<_Ha0yRmQw)& zAcc985xCFIXAgs(d>Dm$GoF(#Ij|5E+FlNcLraYVwvpzVA_G=O*#!Wb9zls+BG>mh z?TdN&x9%1&k zdj9M6&yfd=Qb#|ERyanSn z0R!kz#@#S!!)ePl4a2Ei%X{;tJjo4n$jL=!0D!pI+Goku{H$V z)PZ%p?Bv_X>CIs*RBK2ZPeJ6;bw-$L?qEv7?Z}CA%L#MsuI&G0oGT}1Hw`1H_EgRp zc@mOWoLS#baniUes9)vYl^MQxDKZUE27QbR++PWVA_{ozHg%KUmHXBqnjlCZ|i<It{?j{crPY%eL0=pK&*47T;# z!M`U+&4Haj-s~*Js>`7xKaPi<0|V+W%nB3sKL;o<5)W>uRa;jz55Ww?X!&F8FVW$C z3%~QnpxM)FZ3WYbNNxijT|VpE7=r zv$t=U?@0yu`R~TZH(LgkzZm*@Fr*Y2XU$A%Zq|ALBpyE$RxprBf0Vh?CH!V`A#+hm ziex`0l8mOOVhad4J%N3k{(_;9Tv|azzZzp11#|H;U^yv(S44k?RVvT<9-em{`MMgS zw`jAsE1kWSm+i7;rp&6H|D^SA3~l@qjP383OV*L;;0fgOs)4q(PPfygWh48VOOEV3 z^4I`F8AngQGNQ#RQ1qd$+8mMO{~A2`Qk0^(6Auw4NBH$>f;$4iV{>GfS zb6+s~{1#_-k}+&w=jY`KD$M3RXNYoIAWL#Kg^Y;suwR4*;Pvs;JjrN8dWU7YT!Ovt zG=JYV+m4o_F=Cq_^++C%aDPqd%{hu*gd)CdMA)%Td2-ksy*0sA zJ3>mju9XQOE{2DP-T1|{X@7CMTz}BnEi5Q_Z`0<@Ys~)UTR+0DAH_T}&8RZpns-x! zau?h+f$j^JiKz0d+M26r6gH1Ran2>-xfWsZz}DG^0UHnXGyo4f5hJjV*<^i*q5=_+ zhES5*;<3gPeXWOX?hlz`AF#`L=&|F79v#JcCApO0zysde6LSDIqv&Kzp2X-jMhJW2 z;ny(6MfbLiXvCQ)yoTIO5FXXdD31LY<;Hly4e$&*5DhYTjTF-=*7k9X=e4Xu2(aweU(cGgSu>2xcNO1aJ1I($f$BzXM+&zs z?5m$coz4LUZO4H;ZPk)*@@Rl6y7^yO+hSTqb%W*D9Hssl$#FlcwwSyEW89f%3IQ&R zq19OB6@RR%SvP{v5q$``RrkyZRSCm2B+A0lVCb&G{bwK{%w0sYC*rCniQ^ zrFs1pW`@aNsCc-I=0#M+%s#FdQkY)s8ndyGL0 zGBL-Sdvv*`W7rz=`IYSVG?afMa@+%0tM=sFcGT5fNp=*OhEp;G*;_$=RYomE^VAq$ zqyCYCIyWTQO}@o&{RIZ+0G|_1c}p}7&&Dqx@_aO9Y&-|kp>Vw2k@HDX3d(t8{Pc(v-@NI^7%2|6p)O5Y=+V(CKpwN zkoG5!(HaFK#tsV4x1*%-1x5lpvFfRK(*?A)FOTe%kVzd)J@Lh0tV_d>z)hDT}mEUu<1~o#bP3-G|-T8 zAkPFMR;|+_>b?Hi89r*{Y#@$kD2)Il<0H*`|CVCs#2(T)&#(>ECCv{r-;&P($+nD2 zk#{pcZ($Z$Gh}7~22f{6=ta2sS7aBxu0JH0a~Q>)IHF+~<(|O2@#I=3nD-pUDfXdX zVlCMhep;Tu=&@XzfiOXY9`m8f*!dBXZb2=xW(Q~XgtP7!zoURyQK>p|J6Gkzz8 za3Y7)nLU<(vAPoPUtQrRna_1|z}rH8*vxwqfvxs3+e$gQn}D-!z&SWU1lXN>n?$>& z-7eedXpWN3GKX&7KT&d}jHrmgXjBp14r5PmCwg9jvTs4&?+8ZwO`^Yjyni&t{wox? z6hW4G)`K`OKgVFR=)!+JNKvR78&l#llD#?r zFW|Qr+O;53)u0;pBC{Qkvt7XQ+D~=(&}_0h>%7M4PP9)sO6x!D%l%`$F^UA&pwvAm zdHvhc!#9D6YfP?x&t zc8^WP-Ab*7KctFo|f-Urzup zIvD+8DCT0{ZNR8TVN90-!5#PJbzCkTk`M8=N~tL-WAsRG%Z@fw2lFItk}Sw1Da`T` zIiiQhF0OnQA=kA<@x2QIh@zrLO_Zp%JIbv{x&A-wodexn|v490D_OW3jbQP)6oAeG+69|D&(g>v7|NGqgJCnQS?>FMi zH}g45?^;=Ca__n4yzhQ@dG@pSK8M%)!OzyBcoa$%JZC>jEY`rr${~8VneUv(NSlXU zmAx)k1I4L^>qT&_XpHiUc%kiyu1h%l`9!Dh0gEu?xKzC{FA9~9&n$TjWJA38fd*xzt;k9$6zG-OKma zd~-DC?1-THqm)je@b@8@F_11s)9Ob;sG6#(FuAG&x$LJ1^#_vWQt-*fTdU4!jamrh z6cp$xqB42>uNz^@Pw~{7`O@V)!m4aTbC}%H7(7OGg!e=EWAXgUNWzDbPYQtvsD$e& zaP4L=&^7@NbhIiPz`n_dm>pa*nyv;?c$#~pI+^MYG>K>07$bZW&pm+XMu)m1c|INF zconNMoU=9gx7I`rCs3Smz(oF5WsOTsjD9}9m-i_;_0JYc3U<`m16!TM5Y!+VbnyBj zo~0hj{~YG-fLGBcT0!0X+FO_)l)~N_wVL# zmjfqDp*;lDxu0CrSLBUiDa@9#%E#$w1a#R6=VuMM$quaNAr!|Vj7$@hTWw@8mpxq1 z-(?U!P4P6xy$ktYjT5JcUf#4?d}UMTn8bTJk~>p$Fa?s2qH{&VajdoO^EofFPE#BU zhYfrHS#!uiay(|6y*u#>&hRl>a-HN1UQQPkL4LPs;H7y!MbF9ucQMbYm-aRV*?0#h ztp)$x9`@-V^S&eI{Z76}=j%C_=kHqEK_ZGcEJNksa1NGZMC5dhF-Gow^S*;PeKU!W zlX&)U^S8dp_%R~xA?7ckrz8WJl4#Q%Tm)Lb@`W@y2MRjJKqJa7~14{&PD4gi!}c? zD9d4JgyWEagYu!vlecu*czsJ`(S&|?Q*a7&txOyW4ot`7{redJMoMA77MeZi8&B;w~#&QN0Z^-+d*7LcGn zW|W8Oi{gMvuXb91VG!qWe~CcFl9g-8;i_{?FzvajP=->(b=HGms4?|X93JIxWLPH9 zS>EYaxu0lnB{{+S>8W`wvRQ=O9tU>2{C|?;U0S`xCpei_4$rEBUg^Q>Nnp*FY%04;pX-&|HhZ=@Q%CjPj2F z0a0}Srupuk=6knthORKzFTgrLcz94Dg%P^ix2o8+jcaS06>)_~Rt zka5~F3A($}v#B2&E;o^mt1LBSzYm|1iSN$oITmli-N z!L%S+NIszkicxu-ZU}NBSaB&~d@X)&@m>1wPw?7zhu|Emjfv}S%06A%R-f}4e zFnc{ufAI6#9E_eQTv5*-VG=+;)U$0BuZG5;pB7gvxsyP9&3)QAq~Z_bR%bFksEu- zuB1S3f$7-5H4rkbT(2b`Y$85qDWIL(#LR+B$I+?B*S$Q09vn_;!#%17 z^r;$9x8(6j^vgjIh<6#~@<-Ao`@IU{lj!>>BRtK!d&%#H?0=WRc-jbN8=$7m2;UcY zy{mvnHp6UdVpYy^l80WO*;}2M!KC*cg+S7sPVhf6`bBU-5wpA`T> zljn=2^M@jgi)MYcafq4%jcuiV$YC|AD6=-dnZ^nA96-I9U0nU*hK)knd>{Wcq!Qfz=S7( zi>o6Km*FfZLT!vA;mfmqixMtm8bT_Bh9?+msy(fR!76d0T(xMjJ>AeH?}FDJv??Qx zb;x{E7?~S@l6P}|MIaUh^PS#D1l?>KmDN`{R1^IEF8mf&Kh3Y|`KyOBokslRpJ1w?kV1@v%NWLN_fA!@K7^9(7$3E;n`wTp zDC#D=l1*L2K6fFH8BIQZ4l>z@g6Q++--nUi3*;&<<1D^TK2^^=Kh=}oI6>aCJ=YwD zp4ks%8wZ-u0;FIkIo?9@ZZ(Ont3q&6WH#Hom*nrz;=kcVjwTi_Xd1ObIv9D3Gk6nE zWD4GBeUz>WJs*HQlux2w>cJSZQ{LxgrsnsLT?>L z9fH<)VDZ%2Nr7sTaS%0O=SVtR46Pi@JuJZBogsp256!(5YqAe$r30Rz13#2v(DF%W zC(iIp_5G!!o|P0*R|Rg%BR^G+g4H3F(=r3aTZg%68%e6y#h^txksL;OyHQ?JO7rnX z`;yFG%2!t-cl9HY_e12pmJ`8V#$ivP7o?2RdqhCr@R=2O%}%$82DA;5k$a2D)ECJe zYVYMmKY~LvnZk2_qQw3DeIQM#t67yjLA$yvC4}OWzn}Zfi_i>F;wco+6G8V60SpRmjz0VzeRh)b(+gQ|4+?b#hj|ck^AV{D zM@}5x!3AJu>vu!;Z+fYRAPPZ3G9Lx3t{z_l;|xZC8_;S>f~Bt3f5Q7XiBf;a_Kd7h z7*uXwqS;Fmf< z@us$AdT{@b@cxpBYR-_GDaC^mv1Amv4n>cnF>dm{jyePS7!{&J??=N_DW267$69n! zP*V78hG%q!jM9@RRSEQV;0|}0gUgd&8~`*nmqQ|DpiwR|n%kj6SD?hjh}>oNYQ#UW zzj7XS!>SZHCyo&%+vybkC0*UC!o=EXc?`4IV?Iuoag4K!s-8*pfgLEUJxejJ*4M?9 z=v73%su>cjHk@3aqM#`HD>??R5o@n~9E~!{f}z+G<>h9xx;!w=C**W?Sd~LkThSFn z*MA1*;5?9JbD%=OJr&53Gn7@braaBtM49@YZ^#`L;d!fEq6ufi!r7P)$*DbcXb<8< z`G5{Q3Hjp)a@GLmwkI@Tz%2+!~sgn#;_!eG9C4Nzwn;LFD5Z{_Akb&`cf zCY}U7o@drl=*x4UDRnxT3nu9m)gr-v?Wtc zeF{^{H3LoO?F2d13-qSUHfvLCxm+pa!rp`3E8Qq0=~-Bd=Qz7^bfqKK;>-jvmHdx5 zRC$o7Y;;W!QRDB1?B8U>0)Tb0@YF9y!OVBLTz@8d(X66%7@2W+k|i9_5QOX~V-WTN zPnP1DrJBPT0F`z*q>8&x5Q3a;VlGzz-kc1m1Wu7)3zGP)y#!f>(%+eTyN&POMeZn( zXh{e66LY^VGSG{-mxg%mr-+=SUt^x5Uj8o3h`VZi|2uLQs_ZAg@W*-c#aK8cstR7{uW`@^Ri#Czlv%i zp!dhnQt1$eT@Y9nq?*qlvZ(g$3Yd28c2#1asmPmR?ndMzv?pR)wm09=h;`h_cpJ@v z>ch0$cC6V_3|Ih+x`secy*& zr-?*L%{?6;>XIBN%2I?F2dQIthNtLUYkeAI;RepjWV*GS^vY8PFp+%$QK6o5B-dZh zGiqI~1IAwld@HiW3hGO}QKBu#e*pUtjGWEJ;Z)99ZO00L>@K>+!?r)f0hRMs&b0BR zM8S&wZ)6WA;?yeok27mi2U*(8#Oy^bPm=_V4cbRUx|3-2S<91S7g~@(PF+U%EF_s) zj-DY>R5Vu8d`HvY$sYgYE4@vdY7vnUtz%0$~Q6MMc&jc7``B&yM_=z zN{ED#=^`y-G8S(&g-D<&ia!Gn?{cn{3KY15oXcJcV)cE`?B2cmj646gYnLm-5rGOp9OW^eZslVg)YO zI0zuu;Xs}n$Q!icz%~b7d)LdDc0wWM<3TEdP_M*Y!u{K}ZR;Ns6VoI*I=WqKY;0;= z&6ef4xm7OIBDT=15{(LrwwqUhjoF(9`k7DeMg~C{XVK@l6MSb%8frAu9en>I( ze!7I{zH@ORP6OlJi{a=()GM!fB;KmK|D4O??dC#2@ngNx@c8R9Nm%)wesp4yv$DV& zUQJC)+Y3o04=6MR$Htc&U@=6Ek4etY1Yszkqm2~k?ZA{rK^+P(O6!2TgDLZnGjltv z%1rV)y1p81Zw4-np+(hfce3BMe;^_k>pdOg5{LpH#(u8kcN@rMMw-3dZuZuWi;Jrn z85!Bi>}`6rYO&SK*)29_x9F$Z842c9euq5Scie{}!pk9@=$kw14>fT(W;&1DX8x5R?fCv2r+6O&YO(S%1T+Khya@6} zFv`J~o^MA<7Qc;PjKQFELKzC?5R2-dR}%bYlEFNq#1X@XkL=UC_sGPgq+2Uo6}MNoT<0UI zR_$W>*abv%PE=DLm@|Of)eR^m-RECj9=P--Jo#drjiU^O)WMVj*YLomKso2hcM7tZ zxIAokz>|ZPi|7&>Oe8@9jxjf3M9mb~ykyACZx6}W&w<#%c zD5xx=p-(YND=}V8c>eBIWkITiqPd7M7xerx?A1ZQ?5mKiKcMKI#xTai-b5?z;t$j!i=12|e)ePh&vTDoVDwKKqtGNODk{u4o-dg5`r3#QBd!xX zoSvS3ZE$e##KOXY76E~QN0Jf~vo(?lBbH1qPsqp@H1Hk88V3O(>g;wiN;%pXmILbk zVhn(srEARZboNy4Q9H%c6}~y=)2VIz!rjAg*RHMR8tpJFLL(klE2~|`VWbaZa|k6L zrg&zpRfpLa#kmPJr*|^BvC%}P!$~1%-LuSnWqGk~3vm#1AFsibR4KtzX`cGFS~#_- z$f}}3{r9Ul9YP3Hqk0jtQ3J>uGJ?;;bbSw&^yQ>ZqHxG-BYPr@^>OF5J!sKE;M+P} zdzID|=Vt_GI~ue|`yx_I7P>L8yu7@F(YtM$Hf{QO@7}#17&U6t$eulWUR9?~o!iaz zZ}#{1_lu8@-)s!p#oxRkGhWd~Wz-LXT5 zqyq;I3_N`J@Qyf6B`tI8I(An#sj4XtcY!W!se#bZrhwC@sO(a42;6xBK||#-BNRHsj7a z?!5lqd+!Y~%Fb$#oNP5{(7-av&g#>rPl(z7eydlnjtmS8-0x%CPO<9-oP(OIaTNQu zovkVrZ#5w8_7uxEhT`3oZud8!fV98U7>$z$ zyHbYpV`FSZ!SBfZwWSen7EViDJnr{_m#SmzrxBru^1qOxdkcfOL9_jU=dOhf*#rWM zGc8(wdyV@p^Y!&DK7IOhO5;Y29(n5Nr&BUAGHmDU>R)qqeN3d5lAoVH*cgxO+}zx4 zM#is1UQ}WrH>|wVXm!o!YHEY6X;A|jAaT8)q^ymK4#8tY(YW6n0xNIXVkcH z#i;2+iu%t5;~fdi8pK|NZyP5)u-o8%L%5H*3g@m!8_GQ>S^)J@;H> zTwI)cDBs_|szyXu-MV%2U%p~_jT5;ieh3N*It{FtN-iRY2rYsHe=th^4rTi4o2B_!O(88DxojIC=JL9z6mrb;s2Zt=gW!Kq@d55drii9SV-is5Tz;DOr(}- zkTaH8E>}+@+;z-B7+@R}>!&6}>vv6>G_k5yty<%|@4hRoQYF-Qs_stY33#qGQF1aw zbBVAvvu+_)WgT7&P);O8@yQNTldcQutga5~6-14DFxd6+=G)OFCC=={`V>#&-V7L| zf}Wc~au`4)72WTKMKG0(BtD5R>;>VudRP@6o^MhG_{pbAou<8e~tnA{AjRo;Fv(V*l*^!9L! zmK2)P*w>%+j{%xG54oqHps=uUTzuTfDO09I#m2_|e|xL5tU;>An1$@yx3_;}WYnp^ zfPj;*P18X^rkdy3;dZ=IQx!4RCaTu(Ob0<21bp_s+c8Z`TMn$23$jq#eEtyib!8B; z>Zf{!mIi}@=o+>&AsQ$!i1V&O6pbUI$J79@azA?f@evALv>bpLj?` z;jCd9`K~)~B!)o7QE9+HL6Nkxt3VDl`T8)|3MUU72AnyC8a5fUHuR0$k>;5aeHlZ7 zJJYsq3g_p0oDSW;oQ7m{=4znz8T|igch1wcLpZw|eSLgd9?i~5fAo<@yY%nh-!hTc z|F^&TUH$s?t=b6*$qN=Nh%`~!0*&MPO_Du~QJVD7Lk|UOy6iuC1qTOP_e{K}W<`0$ z^+x$camc?X@qd6&`wG}}gE@fTF&xjPcu)sjHCP8o&Tb?Omq)8;t~*Sm9puJBF_6I! z9OhvtdywEQAQCABj_ieyC{Zk7x(frM1E;#2>!EZX0<%6tD;<###0u-r!8*^64GgNp ztOZ?suU#31)q*fk3*(tjGg8}l$H6E*KO#j31{Ew)MC7)}d~XCW$y5j(`rcVI`5iz` zPS5`?3PKd+FTDPCKRKDkE3ps{6+SdP3MgO+7t=eO*QwSziYl*5Yf|Na(YrQ z8<->3)VwcL6C?5d3uyQ%xj9Woh7HKvehkJjqQ2fvl;-lRg>oUi)fJsOvnX-j>1@tqd`L*hKiu2!@NnzlhyNH@P>_GE ze?UM2(ZnL7h{cS&VAiL*G4xXQX^?k4v{@70>#>+(?G&zk#MiSw&-x}80{0tZ+|r5?&Zim26j z4TAV}8YHCyy5d{X0$G%@tYJ?@RvJw7t^e=o^&EZ48Ez*}t?O>Yxsbu!VBTAu=ybN_ zsc{v8Ap^Gt=Bfi#Pa{XHNb5UN2hxxC(yP(O{o`^?aico6-O@NIp?&-Gy`pE&oh(RgZgO?cWTK0f}E-ruxoQ_BcqT29XK9E{U-(C0hC>Uxp4 zsun~&&SsGx*#Sgy0uN8Pbs6DzRT_~>SVuF8!I!pEG9*)AH$_sLB&gEq65SPaym^=tgBFn$sDA{cx7jRC9)VQ`58@N z?;lF+if2*ud%!5TxN+mgT{5f97_-38&`=R`4seaTsJoMwSVp7W&pF(u zp{`G)HQ559%Ee+^nZqo0R|A?6cfe@0g8?b!r+lK;Vm;&)z2^t=j~&d;^dTyV!_YtI zx#g~6H+^rOE`U|yCF6SP|+3nH+j(N$!q%Tti=d`|C~gA*g; zr2JrCN>J_~s;`Oxw}9nrim!cPEskdWwEtp99+d1;S6PaarL&>Q3C+y9O~a6U1_gXF z)1zAx1qpWa$myYHSjv0JTLwJ!NH^6ozU^wW~q*x0Glr%xAaXf0D<{SnxU^hs0oe>EbgWH0g6ePJlFe3X_9-vOeXwg~G?U?U3;I-JNz z*GeRDJQ}#L8s1YqYD4-$tnepN>WcRzFTFYKl4L+#9IOz$%v&5gt14*TwR^WlbA%fQ<)zW1 zNBjL0T>MinMdd43u1qW}D0oF(3wC+NcYF`S%MZw{19d&Ufn$~dlg40N^t^pZ*!u$+ zeM}F&+T=gC1Nn3%(mBO*xKQpXc;HK@)7yg53nzCsjBCxs&^pEMImpT%fjbYg_hFy` zAMqXAfF@7Fn5~84TL#IZAwP2*h#C2C66%6}Td_Y2`R)Mz?u&90v#vVD`rn`k_21Rg zQd8xqNnyXp9`13RL9=dQL?b(Z&my>AQSv|1o-}UKBquNLlnJ0m^kPonCB2N3VrS0C zJQEce{eEWV^kwGkt};KnG+Eh;{deBTUxK+u8LF?%ziI}2e1>N#^p8NwTh062`55!z z9Vwn1_!TtTRYdnCt)_g;`%bDWNQx&9rU>&IwW*>zkQ~Gp&Ij5Op@dNodY=3q_Z=n$PdYz{N7Y=zYG!AGTw4 zoNhJTelOKS6mcT{&mgGv#VMCwdm1u_)~FU}i8Gipga~dW5M&$Bmww1ad%ovI<@+=! zG$}DLGB&o_#2aqBA^KAHR%dtJ+O^R+IXO$Sv$Ie9UmG&}Klx=TDGfiHHFMUL$qgG` z@@KM+9<>G!8M35ay?U9hiV9yKz6xM83y3cTSZ1_WO-2Thkq+l>Mz*}l9IkT0c;#Wn z0!0O*JR~q*qsV_z_=AP97190xktjHdmT8dB`{ey5k&&fWIGhxQrUB5@t9JVLuKM*(g#{-O(5vjqjO)dj!w+EQWA32H`f^fqmhu zo#m;oJBEVEfE?mS*NqM|qjtuQtfSMo?nwlWLDby+nMd-ajKPP0-vs*IgZw;*atnbq zxD1)zPQKHnO*u zJY^|Sh+9AS`1q8cIB_EV*=L>^)1hO>OWxak`}SE^U3Jwrb?emmro!d&VQ($3eRlra zhv(i7M3)Gf;Kx2i0kJ!u@xgHSq*%NRozRBp{Q~bRW$zTh&I2BFG1?@7vz-VbY%0^; zn^V4$0!+D+t{*P$=Z{=pvNNCIvn~*Y6Z9?YfYVuklh6pA5`zOV1Nkf=@0kcY*o7lg zkKY}D>9_;JiPMYIpN=DPxSD_te1tRPPveJWeD4KhGmhoH!1rW3>sek=5nMYVVZtk~ zyz+|*-p7w0U$k=NiV+((Zu#2)yKA{emP@C zsq=diPRqL%1lWkp?aIHWU`hP}=xZ%4t)2i@&;ZOUDSUkn<5U{~y^)Z-5lXKL3G#TF z0gDR#I{nMkzDkBewLz^R6I|rFKLB&-?>cO!@bc@D@RxA@6=fBOGH!xmJ;OQAVxXri z!%IMY^{Ic`Opap%9+ndGA7B7Pb`WGHmRJVH>@Q&UW9SmE9L`!Gh+OJc-o|K(rPT+; zd6@TJz@vPU=rl2N#*D|k_i50eLD6O9WltM}6mqE%nR%~OT6*z(d3pJVvu4f8^ZuLJ z-@AxTb)SQ2!{Y<<@EG}{T@;7P2#6G-E)<$=6$P9tPkjV1j6CR(?9FtTe^O9gfpCVg z-)}MsWINv%!gn@;L~%U|uow?F21T))@fwP-KCnDYhHd!1 zAAk`*L3s)psAcx|GiNVMDCTF*Vd1H~yfMGz>=v1`ZuWMCG2d^@_$u=s)*lTWI#kh8 zef2Cf|1E@~leveF_*;D^>&?E%q2hH!5*X&_F_pwp|E)OZ^Nsx!j zAu27;^ju>oPOxD2IXF&o0(3S7|Gj~8sMc|_aT;VOzNhm`TaXVqsH=_4e_;f=6_B+U z$H|~9cOWN6k*8U}<)!4pih!HzaR%iGP3F0xm~5bX8b$r5;L0`ZTNW_(y$qcFi1u}d ztjdNE`RIU`aaxq7Sn54fu4m7lHFI-wM-#zb(yOej%qlM{%k%g1&;89oi*;((z7P`= zb6uPC^h^HClBG+n&6_vR2n`L5PDx4WXF}=P=I0!g>_#Zq4PfR{u9u^L7ox13`l#;^ zoMOC^K@{RHCc=t^wmJh+Ln-)q1&wKElV{07X_nJPTn9`-@fE_G3am2$54sk)mq?(X z#y~?da@WFY(mf4D~f38$zC=yxa(VmM_N zHiqd(az|2(uW|i!;LW)p05TjOP*XLFdsbwlj`We{N9V1N36`t*`1tx&sZu3Fl1Ez?(%jQQ^KWbOyF!&l=tuN= zMb%0xI1!ZDN0qmAOryIUuoq>E6p=rrbz-i zb3s8t{zs1F?|7znUSbu){&u6PfM9itEs8~XN;4B+`8MQ$tpcsD#_N_cuGR1j{(x(KBZQt zCy|bft(qLqPVv;=)Bpx^x_TFZ_eZm?J)xzSyE_!v_Aw5viCFBolP6C$Fi}>c^z`&g z3dt5MSl}{0D?&m-*5E+wgdCC1wA|jTjnfY$FMHUsrt34^hwdDcwx zta(6A6)1!(nhNW?I?}3WCghM7L|^Gd+D?hX9FpVFlz%uKR%8f8);NI!Q%-~3zo7i2 zoK)L(8Ij;|2rE0ti^y3RMV(h)@~`^0D*XtnV#HtPGj~JgX^My6&MTJ|h(X?lQY#_i zS7-LkW*xd<{cOzv5*P6ZExoh|C3%fiu zV(pNPNh%_y(76ByLD$?yDnTTryEO@$yjmGk5UR76<2WBOMCZ-5_L#p*FH|A_uJyPN z7UL?M5S^d7=Dll-Vb!#RD=GQWTD=Ct@+$O!3xnYcvXMpUOfh>R8QDtSbCMdDn`f&= z#CMjQxgz;tkg9|*O=TYwkiENbWIiT8*OpYn_b{;YapZ%nNf-29uQ-{<7yjDP<5=gKZzxbU+F;k8#^%|DfQ z^1X`kGDTF~AxX%HX|k$n#BQ}b9&H|;&|nyd*+6nRz)oG&0h=-DM=2(hv^CDmbVDBd zV7CeD?LwmUE%IFwP))HFsbo1_CqjwBY=k^PtU0k& zgty#~ZVX=m0}cUla=LYop?g3dScI9tW-`3$YU0Ax z$NCig6@$qyYL45xe0C5Ax;bmp5Ci^=Ie5>RpIMg6l}Ge2!90Ia)v8sefBf;sOSW#^ z`m=JdZQC|$%F8criHL}pZaymmKAw4TCFa^%pUFhFimq!CLCJ8PpnghG#CsT$tDvDr zP zl!1*y;Vht}Lj~0}fVG{dOfsbWn1)-n#*04$`M5z4qEUoy~vrx@gY!v(G+jnKS-o*~L-^Ex8^=y-C+MKQAyAMzYw)$fa1Gy(v$* zo;_EjakcrIpZV!UW9ju6aQ91nR%vUth(^9r+;;;jdcVF#K01-dI>>wb35K*ihE~qN zDDvbF0`p%#mWZK)*qNYgE+bZMLorERzFy3l7Bk#{ML+Ccfn%4mn zzXA+C4G1#{uWq#wrWwE~Kaz+KB;u@pV+DE)~&N1fBf+i#szsRC@?S|DC|R`;%070D=jSx2A(3D z!~B~~l-UT_>@+ZHH~xPn5!7CywLI3n9&qhDK%{M`?Q=(0#>1X#y!%q~z4h>5b-hpN zk2w#jwhP*~ndnWUHMU#zYXlGXPZEG_dQl+ zPs8)HHha>@UQvptFugVRUB{}-`}U`B_K5jDMf`tY@M$ncR@Z-&d`dWxLk-~d6Ffs3 zsQijlK2awZFNbackXfQpT=_e9?)1sd%4*c5YnPwoipj`Lo;=x_KmXg$Vq#);(y8SX z#3speH?b52O=|$FI&YZg+iHH+rlqCn*>XT7g1p$8lGiMC#!y!d8P*gJM0tjDBw4Qs zRXz^-x{o3~^PW?%BTLO^Lh1FWl7#me+M5oe?*s&j`yqT}F^_FJD9US!oV=jWEUU7i z`BL=4*T|c4l+A#DQ-F8BM7CZff)m5|hA}zr?Y3yM2A(WViy$^S;up7-1Q=l zJ@)8@Lx&D6i;Rj~XS{_|D5;e+P@QK4YALau#0 zo2m{R6-`K96{cV_25{;?=rFc32jM$&i1gV8z&txCOsx(K=+ty2VuX^I#``oLWB>}| zWpk~)9IgUE6wvVZ0ecJs(piJj49Aciz~CkDT#sR#FPQsUoZ_M3jzTf@MR=uzI#QH* z4C5D%vXs!@N^ML%jKo4b;&K?0&jXXy|jim=(^`yms#7!ef0{kOC#CzfC4IBC>d)&`=ArYz$|%3vj~zQ^eg669uE(EvV(*S!yPh$Mu)Lz8 z;uL3N8zdRQoQutM6)j$Eo=HxNlzFim0^GH$-2C?$W6+jS4&mg9M5a;er;b32a%zT| z^{p`17z1HT&dqvr{hj80j=ZWJ)epOvdd$#GcLVZNy7b_j)wMm;+tuX91t(4>!nu$0 z5~JqA&fc0mDZ)_+!MS{y{R}3`F2V6}8&2r*VN9)8zFXuGA9H_e7%=-J`R|&XO&P=1 z5Vr!D7%yYDfYOjbMBEL5$G6~|7to&TInarwi~~xbjK%_v+(Er*GGz$ue0_ZbOys@u z%P+r7+^}JT6<}Ukm(!0=U#G!)vf zIt08mbm&mkO|_?j|0166T8C`}dvORxuNv2_ioqyA2`H2wMqSdM8S7F7ICC)bigd8f z0l}$@`U(ndHCQhOBO;Gl!grf7#B;pZdGk?DTVdwKL-S6+iweQBehdcILX^S}T(>Ts zTPV4awJ7%Ej+0C-Z#$7sGS_kPfi_;`1Khiw_cauFKklssxw>lHhngv?IQn{`wv!~Y zi=cfc+de)u&0(Ju78aHs85vnm^n7z54ipp=tWQZvxz8v$MYl(wL`xYgWvv=RQW;6K z_&CO_1WL0Ixo_E*dA7Q{<$n&cc0vWYYI4*pGY2(S1T>9nLiH zfpq+^d2Y46Qk3-_EWICzI)d@|1rcc==V3}fW@B9YBLnF`(l-0H$;jVaBX_sLMy z*$WwngD@jQ&bSo|{e$yB)J32Z##hl$5g@uK=r}9p1^Y!svk(``- zs*lt=E=4lXq?+x zI2!elg%bC(+IEP!_B1}&YcN_;uj3xT;@ z0HPqddy?PPrxZwNgPKQQg;9Hw-}T1Z}dvi_5;?CN3Oht!g_`D+nGLF1hY+E=%Y|*|JR6GqkuUi_%EA#T4>gM1XSHZay3%=gQ-c; z!P*Kml?+5Vi6Zl6v~r5X0O}yCbHm*KfoiRNxe2Eui+zy6R%yXDqJT3zTLn%`G?3p6 zFIdbCqnLaD%v@7MoC&~fg2(8{LB~m9 z@T=tgDWZW#iP{E}0~QrN$?WZjpP|zSkgqAkk?0EpHidnB+o6Cf_ruw)4aGc*9Ffk? zOucWYCqJb9{S<@!9&4)mdx5nbg_1u`bm>B2-w(qt*Q)FzsWOclRPfCGib%7D?lRk0 z2YpWs^o90US%Jk~&lpG9!b;9r2xoR2*U~xpKvAN3?^x=)a?w>KM9+P_rZazu!D@qJ zx&h|uZt}EWa<(MDg5rgkJZko0y;;M4@=el*!P!)4obA&pGHKop~VPV>EjaaGJa zP%Ve>B5ouvvdk-&Hv|EH%H?4nDH;kgMyxB7W%F=ATELLpLj>2KX|m^t5S2HZL(a?x z;==R5jf!ShV=z>F9cJ#SHpX!sgn?lw^f?&s2o6OCgc*0UWtXQF*M7!8INq+-Vd+2E z-sN2DB1wH;h!~0%2V$fSK)l#b|I8dB&&|NE*BI|n`xavEy)Kco6wckOa}Lk?9Qj2* z-XlXO2CSgua}?wDV^8G-O$S~SX-ARfUY=8hug#$IPen!tvu6pc`yPlkQgT{%&Bp`4X6WM8>xMMg(xJ2#0ua}M&o8|ZF1 zidpZOkK?i&(nC0geUVRmB0?P16DEcSH8S^IA{8z+i_t2&A?Y z??{UGbEXJS!q_-ia0Meg)SW@BJ9WiyNE$M3U&DesqrPryrN_bOe&sv6vdjl zmb`JNeN}JrdnH6eaYS0aj8jqZtiGoLif|wHdW|_`6*N6=#o)?NV2Ho9kORN#Zs&@$fj6GqZ$7(u!2oi`1!6R83I_y3Z>g^c+xoZH$B*kLPi4J}0NEb0hN7 zwd8)4Kdy=r{ozs$uvz~@eAXFJGM&QnYUC2N9}_Y>$b^jlWe`%XC3mR&PA@eXrc29m z@~6$bzC%cWnj4RW0k{h`=S}S84;aH9obLqCi5rPb+M4TMPwTd?Y|r{!q?AT|5AUKG zfpW5H@*6`GsXe|D!&7P;0m-kTwR3`$k>^**Yu$`2L_@=`Mc!93E+g{@yg(jv=~y61Y-Mn;eE*kcx|(gAh0f z7k@Wo|4T1~u#+#V|~y!+C!;?Q(?jGzT`9hO^((mv9a&uHG2K6a+*b%9VWG zIiis#pe7fRL|2m59cp7x^d9x@I}L0gB1gHavZ?1eA}AfaWps|%j2El?T@EyArQ50v!Kt5Rr89<#E#?arM_+T_U{m5M&B~!NvpoEa0Fvr^G-G#!T8BMPjJ+45|s5a|!$VEv=_YiMnJU zx}#W~UWUq{ECJ>jfDv0nlU+G9I^c@1>e8a9guIR*%9ISxv$~;4m!}Lvk&%1W7BE>= z492^(>WXA)^=D9@7r81+J4(sheG6e@rL%9Y%0lYnKzZ6*?ePxwyb2M(dI%Z1_g>^< z@_`ah;D9{^Nhlu(E|jSFHEO&Lvo88>MIKK;!Oq9Yx{{Vg5#&q`lmA*tKG)Z*!uPDR z?)NDg&fZ7^fMPuN$>fwjhIt!ERGT@&tHaJE+I-SWUW_Y^WFJj%YkWWQh z%SaQ9g3MD3qavpwhDOxS+8(FoFgfh2Sm*08PI6-83~yzCX(n>Io7|P6uO6U2YJ)a| z0{ENh93qJIbx@UBAOt#JcVf&w#wb>pXKoC0bst@bc91g`f-sLkzwcuR_XCs4iJwN4 z*BV)rgR}|VRu33o(U~&|!1~>g{qH95wxUq0vk}TYi2!ho?GbK;`dfve6AcKCYHfK6 zlr7j{?wlHRB{~ejD68dod$GVMD`0G$1>%`Tej@=-d?#L6FrIKB;d=r_vTx&Q?L`7^@p#}mfIj3noQdEoi2?)#3R$|Yj4A7>lMk~7GdC{QLvvA(Ujo?wIkPa9F|xJM4sE6 zv*+?eO$oqb^^nhf$W{;~B)XrSz{J52JElVrD4_01N~?pS1t50qK~q?Ab@0aJ?N0>C zlmZS$>FXK=tbro_AwY{)(lIxjWO(MTSwudP+tsw$$^{7+&pup}!3Y%d-Yzg)bp}){tX!OGA*Xp6-OqrJ`(T&yBT=>YxZ3EWjPN+xyEU9iS|jY!}R+? zNK&KG1(N$&7{)Icc3BF#;z#ay3`Vyvh4qR!OE~8xK%%eGRJaq-dJ?@u{UJWdc~*3N zHIB`Gh%&)EQ(bhpC`3 z8?;Z!OSMYSG8Tsg4Eh65+%U^wo91@sE= z*9!<$O>!Kyz`VP8O)SoW=~n|~H;4Knr=MRf49Ogn;3oRU%^^>wpFgULxVb+mgfSSR z-qeyrV#Ml@hiS>R53`Q?-DBieq`*E!*<23OEDta9cA~L2iH@oeMbv-|_9MynnNFwj zpLy*A@A7+<>$-2--+U11PkmTl<+tVN*>RhK{O!8L|$+jYts)0 zNgn!S)=q}GKarJ)93#ogrDFJeh+uP}zo!r_RwoiKhKM7Q!_7p(A8{XkR^=!FyFf(0 z7|F#SA*DzeDGz!th3!s}>UJV%k&84Sbb+}?m07qu)iC}?awR9tnHQ(L@dSt=Zs-w4 zsB%e58A@6c$K@`sJdJydi~0L?7>iXH{aqCNp5+;WI7gd)={er*se>zq#V1EE-59vP zrg~m7vU|*Rzew?P<`~N)Z0*|=O*uAtKoc6A{GjOPDiBuAuQ~5kx0CsFt%;||Uwghm z>&874o4-XMKYfvblav~03VL;(dmP^_)}q>GZ6=yd!#EA$`p0kps}LdW!r%*1mQfP) z-kvsg%Io%_D7r7*dECYJGpGSo2O6TR<921qj30VQdv_gBYElY|2k0W!26{h)!ruHPfFe-FgC3FA|b2qlY_Ne5sQMR0HvfPs=Z zq(@LJRUtfBd|pD~4?SMLKL`X_4Npg`r(%?tJeK+y85vQ0UdlcJ=&OS7iy}m?%k_Um zLFVCY2jgK^$H>Ld(@%yZh{)g^)b4OtY8B)m>H#ZOC#R!BB}j7}ky0sT08XLiRS0zy zdA|Q6Bmrk(7CC^$taCAnt{#z-o+TU)Qc$1j=cF_* z{(`-|0E;vUC9Zp{aISBAu6Y8(RKpnC?|^n@T9q9OPNHaQa*aHQ4L%TIqR88&dPSdp zKz7?LFL;@#zLY}f)vz;vBtomsebptWV3Ye49O+DG4uUmzls!)1Ih^rAK|tH5fj|!e z>4f1#MKOHUX*-obt2IR(kr=x`$_z?~&`MB3zR0}fDV6C40VMG)qH_xad6X7ksVM8( ztV;wnNBd!8X7jJEU#^y4|H3)m1|3}Ym209YCz@3RTH8FI%@~vm7zCSW()qliS~-qM zJogf0L-(f~VGRwdC9kY?D0QG}FN9}4xnbx0$#`7pwJurgsUq51u$U7$m*>$tIh;3t zbWaJ;`~X;h1q_^(kyuZU#}M|%hdgIJ&P5ok8K!%fn0wc-g`;tR1=YFd} z<|${|d?TPlXTWM*$02ul*4KsO73i?mU7qny-_7tu&(`mT?BDmwg7xL@dJY`*4Gbss zO8W#)>sjEPfhe=h#bak*RrxsU#Y|JAKhsfxib}SaqN$;~nK;97}1p)EZ*IjTqTIu+^^P`>K$4 z2xc6Gp0A#HzHp+mlk`H=LG3|g(3J5V2UsJ2ptvh3G*(XUCX7OBn2Ym>a<76sG8N<2 z7bS2SnAPb~SvT{apzNBxlcKIeuB;GaaK>R)xomqjQDP6X4{DdB!cUFlmKmE%RvmD6j^iNtV9f>)-wGlA ziX)N-Tku8TsaOn;Y;+_~rU<$|d9NG{qSk0HXQ+@UaTba^7{y(L!TgtAMn1kG@;(G1 zBh>uv1K_dAM45sEbuI_8^(yPv$$T#A?^uRf zn|uavYVTT`{U63T_`;p{wr#C}CK()q6t>IAVGsz;B=#_!GhWPD+en_-hw>Y({YP|N z8G>;wK`%KI-s_nAtI54xfpf0*WIJJ`hGL{bDD9bqL!xVUVs8fE+^J~X-LRag-hM=# z1DL|`HBp_5bU-i!vuu!p-PV8c%lFrQgGR`L$dyE(v|SXiJ_WYZAiR}G{5G|Hzf>)YL`9D4W` zifpSBA=@5V{*v!bhRIliYsRFerR|4Rx{a><*Au-i<@-CjA!pkb+^lX7_X3H%gzO1= z6hrkZpt0#d&x&T$L1HklTLi6?WDutk#fA~(sV&(qv%mk6K{NXy=j;_~K&z=O7;x&x zz;YYa-fOoftsp0)r}=jrd-OVloFcW1<9eHb)wCYVVCr5C8Ap57!F+zDdpd$`Ujx)u zpH4Uxoc%jVH=F|&Y=_Zk=+s(aAhlo5m@|}Zt~U(BUqlJS+jQkW2dg!JwT~qQA(%eY ztCy!QkyytRPnV*>lmk_V)tUp5YZIT*_Z~Fg8^?Kg0SDk(oSZ*7(Kh;{9B1kn>nfO7 z?AMw^-MQq!14-MInl;_|yCM5Gz04+$L}{ESSt~;`5W$J(cT%#Sn2p|UHu^9JqdrEc zFT&)ss=A0kO32(}8_Z$oj^a?1GX*1-4<;T%;ywbhz#)`(K12(rX{RBB*z1vbumg&_U|0cGJP%q1EmpXBJMvJQqy=Fz}>4 z{~++>lr+z@+qM`E8I3D20@*0qzT|o8K%V)6d+iQ%x)~#wLlmTEb0EMAX1`AV)R>N+ zdQrQUj2y-T5&N))Q5f}(9MCtokJ{{q{+^Bjzrb|v7@#R#Q+cng>`7ZUF~zng5nU+y zJ3;gp&;2*0_ALo{sSg1thAtaY9-pAt=8}JNCQP5hxR=sx<86%dO+XkRC#Tz%;{BdHUjpl_ z=yQ>Z*)i%mPa~NWkPCFJX4Xf@X@%mXx@bxFCmgJD*v55nXuIQdoYWcWCi{KN@RCEm#=I`FtV=d8Kveb$FJ7(IM2M6tgk%^gqUHRbil_D`&n_ zClvgRbQLH7I?={91`gPXaOb0}MRk{g`3$4j94{yi1#~|~t2a58V?ZSj%>qz?liA1!#({dorBV>L@;bqDY+y^%AZca?i)-oVW9o}nx!4~(#+tq6|d9OeW zsuYIq?*-;(jbiPN(A}Uh^y0qU`zn;T_F)nIBU|wu)!n@#U9M4dGWS7|s)kKUuNP~W zO_vt231^YR(BGcLh+IQKYASo;%SLT+nH2nT}=}R~#`Q#7fz{Q*QxBn-NnAS`U0wzI@7|pZGU|t6kFrQqk9Dzfca3Sbf zgbzWV+@B!!9P|E8T(=%kdI_C2oR{NNW`WfB;;5)=g`%!!iF7iFpryda8GR5=ZKveu zF`9sPap%5l+nbU55%MlM)%1l~Q6+qnYG@Jp=!t) zeF7`^G7MD`xxT+pS2_!pqxR()yRwI-zTd|@k6=gD&C2QdlkI`Obq3ZWgU-;`QxN2S z&yoGJuXb(Q>c`*w*j|FK19myd;S!>U5b{JdVB1WlRz||NKu`*;gybdPO`}cqI4e_e zEI9~y@PB~CQw9u`LiD1~y-6;qm6t$Bao&xwxr+af1T!x}*{o(>*B_WdorNd)0DS@d zC>s8Xjs$wJ&#X$?^+AkU7W;A!$@YD~3xz1rQlQA;OqJF>3csJk{n&VRfh3^)z2GDX z>R@*+$K@)ZX6aAr{fO6h3fL-^hNC(ZQ%Lsj!O*=+BvX~hcRfa7C*&8~?A?gJ+gl&= zxo=wWXA#yli{UPB>BJvrI$Ko-T)|kcFH|!4IHoiL<{pXZL?{MkNp3U{$_K zHvWIiEE3sP zATQ-ioR%EC;PMc)4phWaLd|v4@9*1g9q?BxJ|LM0a;pxZ>EPEMT?yC}TA){g@8lipXw)68#l| zB_*~D$Wex%mkF;|BM28zoMDV=QGZ4yU=P#9eKy~*$hQ)Rc^t(dp?-DD7t z#aTf*bZ8J9EScJ9RkkNeCHEHt2}H{M1K6^QD5_rwr1>bGz4k7L!JjqF^$(!%*WxgI z3Y06S;C19yd8kd~_?&*7E%5eh(Sl4e9OCEaS3NK&uq-Mn>f!M4s&_<1M%`TDsu&g$ z64I)6?b?TqA3vV=w>3yjy#kq%qbP_=vjo50?dkZQLVju+j#d-%w`HUhBxk)fG2FcO zu-EmfSe0|O?m_l0pd-}6DOp4gM!V#S-mZL_`Ty3y^DBU+uLs#^$w1Bo?oY@^9nta8 z10l$i?ql=c<@-t@;}kgTSqMJUh>%if0$dD&5K5H0l-!l`-|v&hb;Ii9ZY6s)Kx_8X z@=DIN$WB55M1I*oNB??2p*k}QtjhAF)fmAHx}mJVfp=u9mQ~rw<&=AWZM$WoMvb_*eM)FWYyhWRF_OihlLus>7r(1)VvM8}m9 zTEgvBCQq9D zMqy#$=E8ykAM;+Pn}J9QV_hBw-BBWgIz$g5E*v2O+D$Z`08LutkB`VRv_ip+wklg+ zeN5D+R$yYv`51YVw>pka4%+X{=6CW)RrKu7u+|ks326{noN+yGSe_2yQo7&LEhZep zu62(F>avKqZ(?t4t}V~LHOPRvhWtn|{A^mSodp7~3q&PDxKnu<2ohr<*o>k^aEZC1 z_Mi$z`DKif-s5R7Y}lG)TC}MD>^ZYL>kQAFF=OK8mtVfKWy==tv~Ja^Dvfw^iAvLnj*gh$ zU&G&Y&Q#NuVq{hK{INL`j|z=}3hsvFGBPsmH@_cmet#DR>;O*0mB6zx<~a{A5qgGs zpQ7Srj!{H@bruwf^+Z2RFwcG#x%rgy`aKSW@>7GU+0s}S!Ne-yuIa7ET(-TJ{f*$v z#lc!E!(q6JVX1l^T{}A{DDdr@&1>Aa@qWhQ zTh4Gzb>oPLjIcU%=-^YON|o68^XI$5!^2kr{cWJ7j5=R5L1|0bbc2x4iq=3!_^R9R zOga*>=M(k3N$)=SU_a7ov|m8D9;tZZ}LdH zL$&S8wd3&|8>OYCy`w>nDV`$K+T7npqJR}B#>OOL`v7qjBiQjIsmEHC9T&c0rcn)| zP95kyDV{-*@!;!=@h;WUsVfo7GqlhePMJV4USA{!{8b{cBo2Ec6i79za!kbuSXdHn z|MMm1ePd!`ZhPi0&qSxEr(1!6fq&ck0Q29*qqEHKgEwqgpLpU#?z)iR-~#f2A7MDU zJNP~{Vkw6;6u>H4_<{~EO?V!8hc%c-_clssDC<3&za1h;UYzDheR_6 zIy$ELmMvS-LqkIr7;D}Fgkm*@xF-3s8-8pAF+u_deSEf09?ORDbhzKTm4v zaR?$G$^kK-O#@9CoZ=yQWFV9K%(YKDvbW1K`!9~^2O6xo!mLdgk#vw%Ie{UGJp4;U zvCDB*!r9xse~ZXcQd+Wy%4Z5LRQ~HMP0dwW(G7XZho&EIjMnq!*2P+M0BN?(Cv)w zEjP|*be%eN?s(>zXTsZ<+_`hu_O09cnsdD*``EFZ->e~viH^Q) z!h{JAU31MfKEA#`{q-_vjT<+%O?X>x>C&aX;bCE~l5kBV0WMZuHU>_H?rz4PsQITn z%yPT3S!ov6d=;pvI)dARIZb=;{?+g9Nye~z1*xDl(9u~;kE}G*L@yG5tWmtI>{v1ER2{u;>To6XpLrEU+Z7_me2EAIUpuG|rzf=s!X>8G=_DWL35q3IHN|jwn{S zja+jOvM*k|`0R%tepn+uKK_4{fvBh`t4EI>!6pJvGoN`YARxd8XmS^w5K>U+N9h+C zOf)WScL4ZR_op1Aat9M&EH*^xc5)wX+nz(Ko*NwMHt?tj2OWr%MFH2$Dwk1&ogw7h zhL@Y|hIeiIWsLtRBI`DIv7tCIRr$U4zKPk}&w(SahA|k1a#_nguB1)c7XE($yLnD~05y7f{oD_D=J|BnM-e0x=h+spPN3+(#mvXr91f@z%= z3Hhi6(LsfI?$2DF{Azu3fEMQDoal4YO*f4hJN6o1+vlezK$JWr0fH(#^fb<#YLUp-(w$;{HEc4z&=4Y#UU$J@rwVaimIKKbda;i? znD;6*;2u*0lsg}&e-csgdU9)md!s0*{}uxz8B=a}BI~}=Jlk4eN_F0MSg&%npCT>t z4d?tXH~@*9k7GD&+E3-eZs)n<&>u45{V>!*rqpwB0q0(F|1`Q#`QTH&etuic*?sGS z4?d_G8yovSo?R1ISiO7q4x2M~Zkx!6h#AL@9V`CLL5uC$wF^v6PJVRMs8N^n{$az0 z`5A*YxWZN8jP+LEK^;tm%fskEp`6r0lGT%8&#BOIs#V!N`gmq$W*%@(EK!ZyE0+Re zV{ICSsxj<9lyf$b%*`1Ya`fC$UKU1YAO=YE)$PphsgL*m6 z7+9wd(|13kNc$*o*h^4|Thsn%2ZJ0xq79NFhEQNq5gDc#k94lL`1~T z?rqhoRW0-08f9f=_nObH#_$W4=|*%V$6`GBpz3&&pTUy+7Ht0}%LAWW09px!Ww^mj zc5%6UDMZ~1>0<{&Pu~FMJq-J=fmy#qKCd-#-R|>jv15S?sOTOS2;|)K|z#l98S7QBr;=sDX43krQ&OdJ4Kcb%4uwo(v)n$?7AP z=REiunRh{xFG2xJPM4bNpR_CcVMdtuy$dYtPh>AgX)(sPzMGk9+b1lSt0lQo^L|%+ z{rdICjTk=M?^4e0l_N)5wQAKGYxcG-vZx5Ru~}#JH@)8FnH-@m6q@S%618uN01uk` z6Do1mysxKoJ@dPrPVN&p-yvO`WsN7&h+r?R+|(ss5T*^eD2gavPF@4j2B)~T_GT+1 zfNsH29s~?`5e8=guxl$KY>i$iz`+x2sNRd`i58y*nsm4Ia(U7i7KP4o9`3~n>uBz) zy7>`o(VldNr%)Oajy$*Wa=Daii6bv_obdcZ@)P~d^_z3s#bDswU?t|`ML8IoAjED&7y(2f z1w=cF9_F|_HBWQ6Rz8qkI#Fga$>de!m-gb7ci`Ddh#IAsc373lxrD~0jlj_5*}kv& zNyZRV0D)e_3rvDJRhv#4IW*0>RHuZOnW77dpU-= znC=>ibnj$*O)W|RoZ6*g68C8^M~lf-bZ5j(HpZ=tetZ7pEqmZBxX4i?vOlBw>~Z#2 z6A5HIE+@kK1jN7}NGgt~tt-Z}oT&ITPSKArIW?E9Cd@w$7^R4)MBhJnV)_$6~?{Co|Z6RSuZ``LG9w~+&pstGv{XOVTIoHT`>NJrD zADpA9ARrxx9`Arjdl;iB$M^sf(}O{O&hwt;$fQ3ALr*3qw1rT%&ghMJoF=XJcG{uY zqys(#mj1~07(*ciO-!KB-N)A_v3>hXudFb#U?nCd4rtP5tuA zFK;&gUh-!S9ynn2A28tcw6xTxD=J*JbJG;^UE!*1p1BHm>T3){5-cn!uHkqh8-WSr z*?fTqqxbGc=!)=UByduckGU#qd&)RSZ&JHd8{ynYB3p)N5}wWlD9z1)GTKv%jkOhVaPLMG3JX=yk}A3p_XU8!@0-5y(%gy{OZ)Mz4zrQQv!a8 zOiUO*zVy)H!wr0WeaqNaM<`pOj9c?-3uy3Tlv5CJk}n>xl)@6c@@W(r4`3f3b$MWx zW9(ZMN*Y!&%BLsB;5lgas!KdXYboU-L_8ANrw9g`oEpv6QgLe?Zth-+s-%NAlaShLV5vY7R<6v}P)aBy|h&z9xs5O)vP7+8&D*N{gthEZJ zthZ$L)E7k4&4IK_EKhyY59Enw;$Y1t-{;v2+jbo|cwoTf=O<0=-lNC=WA8k`tE#g0 ze@;57^pFanCZYGHbz7a zQcqZaU*|IdB+ml-;b~XXX-)LJOak#dKxy|#hE^3xul+0$6xZIdwd@U zOHPaa_6N%)_51-e=u4iX7i6nY9G`3)=X-(LXHn37J!K;!AcH*2ci)8bEr)m%t?9xs zu#4E=udA;4nd0K8ChC9Y{1ll#i)Yh{MxTvP@I^p4hw-TN>W9&*S0x7|xMesA_dv)7 zonReSr+760SgrWKl#rF5?aJ_K;ptV0 zJLi;u4+^wGLV}wTF$DbCSYgEMzcgUptBmgLF|1_>j+T^g7d~s_1jvD%<;fzldOawI zXD7>OoG`)2XR4$H!;^vWkHLA}Ow;C;usgf6H^o+!YjN(oIj-aEKs>WBkSXYura-Cp z;-IvmK2U4l1SVrsSfBwQAE!Cj)p4LADDgQDm{DJ&-m&4xKt1HPCc3K$20R)=xtDWY z4Puh=WG#HdHf`Itj^6r*h6G2Ny^Z==5s=1Y*>>33vz66;2@%=9)sUIPuO z?VLYz{P=NW%z{ptg;zdfFLRTuDin5k-*-_oIu?&63F3!}hL@rou7!U3jbqyjjXfLX zMG@JkciyEOzUD+YNsM1;N1iKz=t)Lcgn%o3M#Q$K*^W~kSfeHkO67HWQShA%M0p(c z=hwczPr1TmVA4|Z6)lOp?Y9=LWcM)X@cz+?jX2&PHHcs7Sz zaS!ajD4dg17*EO2M5bT2L1xtF@iy`{it2B--JDH*912ANV~O-6C-Z^Mv|lQ?S59OA zdAWPp_kGr17KL{wUn63|Z&YRg5#|zz1d1r`GkbeQ)jd*f$(+3g!NEZ%_UzeXb?e$IU7*U08%@;fi`Tp!`IDax57=An77NDhZo7(5~) zW0pDBf{3S+4;x5SB}C?B^EbikA8CG}`P_C$8izR#4-?_(ocAG8k^!9sS)~O`-ybQ} zcoPI5!iNlqSmZdb(%ASdpyiF69_U>xW4G^Fq)Li&V){&gNu@ zZX4*I*%ub?t2nI=h3z*wZlo26gPuxi!NS<-Odk=PTjlJ^K}`w>2yB?0on7oRZuYr> zbcF>4)|tY>Y;)Fk{@1Y<8#HLJJ^%FS+XfFA5`3NMPh0hC9!a6-IO)Ry#FvyzW5!C@-4P)Q zZmn5|G8F4`Z`BjgoT9(deWM!L2Pq#4KWE5AXDgQ1pt|4QKbGA&nZ^sY;*6M&HYpW#}*K&tu^~T zi^G4GoW=%>Vi%yqz3j1^gxb_QouymMDLj8A4qhOcJ_=`G7qtEaMgRrkt%rdGyhPMr zm&E*^$IaLbEVW(eOv+0|)K8?kbn_sh;6_AU$JyssN%q&}^8v`!A)Xt7!gtjRrEm zTWsEY9|~GU)hl@KDmB5D+^E-Ty8F3%**iISYLu;cXnTo9JM!!$5VrJpm1P`*pfQm> z9>hAf1rlz8Q*@&yTbpZK$)2jTK#|ge7+D8{cpPK4o;tqn{H_%;cba_`1M@@XvTd{c zk;%Q>V&2tI2)iq`wB1Vqp0sqH`i|tB=9`A{#ghW`FOse7#CmV zKb`J(!d$EG5iNjw;$Rx8-OW7UOc|cDB!qQ9-eXphAc{{iGczUZ^XU97CH56HXnF=s z=xw2*Q!%tSc>72Qmsg3*#bW##&t7oQ+t9>&VwAf9^XY)8f8}SCFqE4$zNDg};@h|1 zc_;r|&m+q+iSAp=0){vA{@xk_>_F4SLp6FblwhIO>(f1$l?-mAhAGq<-l7p z7`b(n5wylp2qpP{f{5-clxjuvVyz|7g+q$&VIsX88qQ|HHl2ZI9f<>?$V}xM6C5`J z_hy9&CTtDVEm^Nn)Qo(~%Wp{E!&oAK*FXvs+07*ik!*Zx*5wV(*TBfg$n?!ywtTd5 z<;ru*k8Ry*tz5Ngc6fNWn)hl9(D$$t7jpebWcpGSJDVR7rm7Q>Rb%qEp!`lhalB)2 zVyfoWgdXIX&pnJ$-VAYQHZ$+UZrs3}zaKDY%ALJqoSiF)T83jRyofA`e7n*D!-1M- zWkUO>POC8vOATbhp>Y3tqPGJ?=oP%D2JA#RPA!-RH;Knkq}Br`WeR9bDD2iE`c0mo zrPX1Ogfi~S!r*>JPP>=oj>Wl%^=rym-w7*PBoLj4cYM&T<6K;~PMt5`dFP$db3MBg zCr&(8c&2d1FNL-EZ?7XuOi1`{&6+h=v}@NcS_PDU?{(1wLto8vv7 zfZ8t4N!0p9#`9AhiWKDtJmK01dIt{WWeCQVc(-{(an1R6Ah{A%=-(@dR9+;Ew_32N zB$R7VLUG{k@%+6T2Hf-bFR4OGc~M?%y4(4`ACTj0@_!Y4USlyfoA<;3nRP(9%gdLS z+K66p4oZ12&yYY1tOD+BImvQGzZXHgP#w}IgEv9D^Z6HOO|`g%zU63wRC-L)(nHEP10NSQoFrQ@OQmMphJs zhj55n5XIC(IrK!)zowBPsqTc{Aw)8Yrr#qX-2*%qZuz@yBvEwxEy}5Ys7TS$QbDig zdk@?GM$+4uoDdJRTLUU}Z|Wki=enUpn^JONv?Y5>4v4wOGIPzIkUqX8GD$-5Y2VX` zPAesJd zt>}NiUOcdWzjfdJ_ZJ&^c$Uaggqil5WMR3pz&03p-DiHX%{^~4_be!0=eD`||BIQ@ zyaIC7VDr1(=I0K`4MI%DsD+izq+Y3Rk^4}dBOZe-=VxNoY2`-tw?PJ~3;9M-SAE7B z9U;P5f@7%$yn=I6$*oIv)Ls81-?@YC^To(zFh%9Dl+-lkdt^MLF`kWqaIb<;QcedC z-P>^(n}^XogSl-v)HTiDSERZKR2SIO?~`lmVeUT)hfDfk2&j*AWCSF(6O@N6CVwku zD}(pxdH05eh4nYjw%zP=hc<26*j}Og-+I0E=9|{!DU%=Auwmo$Uy337x3{P=9^I)u zdv*`J?DETYEdAk!za6%&Sz~34$~aZ6TG%HcAt9Z7J=7dWc?^vPf1U&Xq~j)Pl~k8< zO@rZ8!5pc3h@!&S$oKI;1q+IJp-AF4P@hBS1RVqWtQx{5;chnqPmu`ED~b)^zw?=W zBqi`Iz1-d>`Fb1Bq1UuEmOS5KuBYzt&FFfc1XOr2t!!R`BK{z7UvlwzI+z5yX zk$9CEBqnmyVbSFc|Fj2SbQ-h1DDR&jChU+ry)`Q82Z-)~KwHf>3AQu12koa`gg>zwI& z>|fy(OMwcG`UWF#fG+rYz7KFxc5~0eSz|@8$}c@it)SS5*U_A{5Zbfg)w`h|hj5@R zBAr@vcQ^@y)q>rc#2!2V$>vq^SC`OGRxq`4C8>DRqK_YiNf}4fYmrO)1G!l_J*sIF zggg+%{SA?+U8U@x0r`v=7>_4uEhd>%Zn!$72q8vJg#hRbjE8j8o_y{5zG%>KYEpA` zFUqjg7`OW|+$)jo>g0CSCh7$otS2PnL4iTB#%2%Zq;W}b-XW+ z^nm0kjo!DNw1t?^WwbrpjC1xK_mNCtu*5$oOe-+Rg!u{W(>(98b6`rPGEDY+*(Ir-|= zty-njtW_)E)X9_1<}F(eWbe+Nkmog_dX!?>jISvBDNfi^#aFqA}A0{1Z>rmKJoE(4c7Xs$QOT<-%8!Y$`*+qab{p!5!BF%Ok0~5=fy23bYCNybiGHd_}9k z7kd8~KA#25_9lnuLcA||X(9o90(6M~%0keeW}QP}5C);# z8WZ*12+Z0JMpc|q?X`^1hvygMCv@o0v0Fl1e0We$pmiW8r)brxRm-BHqH-f6BhSe2 zVU$bBZ)Om&^Z=skPJ|sr)G-fI%S|ZXMi{b&z%AcH_W0g*72;6xlTYB_Tm=J6(OEulantEjQCAzxAsjH2?pc(&F+e8(`Hp`1B6$}`Nqbz^Uo z|GA&_dqT6yenLt~hx8$<{v{5Tjp6Nq3`W9Su1i#}{Z%uATOpynrpCtRS~Iyf$#prc z^K=h0DSeT=$dQ>&j=MVqmHyoOesXjxa8BPRC)y7Oy&UK>2SjEv<9t2?ol)wgsgaHN z{QP{!I3n>aTej@pFr{I%<5XJv4;(1mupw(zVd0tQ)~{bb&-#VE>|er7bm`o=dS#^( z8xUY0U%p~R9zy&uk;VaXB~fgWqL52qZ*8#sJ?@gJ33`v;y^aBqa4k2&@{vZGQ}nqP z<=6*^r-GWLJVNsYD7(AJ!`*DV3iMXXWdo+7*s|ybp=jwD+hu=A0B>gA&sLP%GHBg` zGS)I8LeJQQo{@{I5D~Ux@I+Xcg95CDvCwRyCome(cv{D4(KDXUeMJtdJ=9wjy7oeu zj=<~Nf^(o;&LcDe7A!l2$n+^-RYgC_xryyH8zRbVy8g?PRnfN&!x-{_t%)ca8ddc{ zW@hF(jrfq_QJ0MX+s-ljTW+3P@4ErIdIgb-B9G6BB==)9KcT~dM#Nl;!!W^j&~01! zN-1!`o^xq7tVr~aK)99UB(;w-VSp_rXH|gmISjewJK(+5bjI+Sz-IBRj{z?hkYBxk zD0(5|<;#Hs>1?hfduL>HsG=hC98c1k=`@a(-mmqMF&O8# zN@*H-+}Dtse!$xa7~N2wdjV0Tpzt&1ekQ7*7-ERl>KkPH0ABiJ>divglTJXlQ(%U6 zp?0w`&}5mp=98S=m`cZ-UE4lp_V(mY7{!XT>qEp^&ov~2--wvOdup?{QpT$lRq=a~ z5t^BQzsFjRLP2|F3hC^J;Maq6i%*8Jxd=M@P|oSI%rVQS{!~s}rQ^!cNh7Dk{)12RqI7>Tl9Qt7l zFDF-D2M4wx2C*@D(!oHj%ek&*7CvU~X#`CjZe|T1q$H^nMs*R+d=ng?3#l*c0V(Dx z40;2IaPex%X4Yg!XN_-hoMg*wSC(t`x5D~`zJ3vNW^!_KOL7n9=9&Ng8H*AIO=NKf z*k})jvlRz*5C`w9*~}^C{cZ8$Yhv^U0qbd##CqDqduk#awTV1FgGp3QM3hgWHyR>G z0!sFL@(7#EraDlo|A->oW$s~8s@uPOR37pXhej@T__Ln z2r!bA%>dRe1{UT*`o>*GFH0$>g&61gVEQMCconhC(5Mcxr6X zD2h9k2=^+KYdz@kt?`PFv8VEGPg7?km{x6fZZ`M+mbv%(5IySRZRcXtYoN@&BzklB z?-}I3224mV63NB5Zex$TL%$DaP0!-_DtB0o&MMmL7!vQL=DC+>P^9fDsN>{r>Jjnw zqXpMG9EJMk{>P=cvZ)-~ABljE@*crpW67!P#Mx;Byt@(^NCt9#hxPa5SCLQ2RyPmT z6vyTuky{YZsy?qX^p$c&wpVUq+jAk>1VcPYM9KOhM)Qn?oZV8hw>rBee?|D%w(Wo# z0^9yvT?oce%;Wav8d+Q2K9VW0ftAPYpYBe%F4Hj0Don;LY3|hM4&;ACzu%bd_D|eP zp`DK$%CT!Z`4oH?5m@5 ztMluf-Cqsa&wSApI~3)A8iiUw{fw}3d8o>Z#hT4*3(kTIB{26Ban_{$O%jH42kp0#xYt%Ff)Wp2;b0smSEBn1qP5L@V4U^TT`j}&QqJyC zjiWJ#b_fK72%w*a=6CTxrXyGj4_jYG#Bv)oJ!N=sIn>e}hcUIDh)vPsTY_``!QP6P zvJFzk3Ckaa7F&KoP9a?tw13^{K$43$Tf%`>boFhzyZ@c4bV5@I{YwZlBiVx#V9`N5 zLpTtlZ(q&*=Ky1Whv6)P6cmCCr@&BK&MYb^6%7-8mgcuonkUtwE!BPA-!i;Y5lB-t zsJ7gwJQ^ZUAdFZ|Jr=AUZr;<6TEQX=_gD161G0_J`)Z zN6qhcnGff2&nXgZx-2vhT>7STgFntIhEY}(RR558q!OW8DK;-)4Ko^6n@e<ho>`7T z1IynaAj-9;X@NL}-60&UBeFgMbo?Ofw;-!!sMyPVZ0>$Tx>#iK@rVK$Y#+D zS9z9Mg#I3D=>*DTBwpH3n2fs|7shN&gJLE4Rd<#|=k&%vSc-BM5WQ+zuLoZaF>4`0 z$t%!+Z^L28hN<}~MlFY0ln4&lXTY*;$j?R7n6wFyt47qH_@~tSsZ(VnGs!Kbz?RcN z^5&5#!ub;w_LC23V zc+!fd-h({T3HWXoMrshw#Be;?JXnI~k*Ayqg}gm7x!=dSbR2byA4ODn9Ao%fn4iCg zXpz8k3qqfS47H)r^f4kruVzuXkVIhO2N?VrimXQA%oMV;?I;P@YSvhUl3ARQ00!$68dH)AN~;8EuwaEf|%a#(j_n4=&oe2Ouh1B`bA z6#dW0`E=&K<`cP%M2Vin`)UdVCFAxCWe43+1`hYCb>1g$7#x2rQKC8>gaYqI@hr31k86GTBxAr-OiQ$qh(fA^0%@fpZOfhb zd>v5hVEXKNP>aYiB53R+?^Oc4yo2I$?TMJDTk&qcB)?e=X!|(p{5?@x5IKxsqU*lo zHpY^R+yym1pV~b=#}|y@3FST#xXxVIi+zdwDv8YAbo>*YPvf|#jn%V^@X&rVG0(2= zy&Zaf6SGdqJa0CT>lVu$Uo;g`k&2Av$b6+7vibkZaT>RBZv%)V>w0_6l!u@FGWWKX ze5=v|#pd5bG04v%OH#5Qdxg$=5q%^Pjfp{i%{eYK(U)q+#;|6qFu*l&as)Hh z_PWrhyh27?#ommzd6j)mB|-@%ic%MpbugR7WSpoXZV(L-Uqa2lwcj5TL5l+atmBqy zB(P_fkY61`N175y8>&bA9CFvq$nIMh^ec$+g|f_th>?#&BNCOIyeOI?yh%FYe4_I+ z=)-u>jCi8K!Q>L30$uqHZMa0P%7X>#%|H}n`=&X&6~7v?{~d^NFUqM6hU-swAq!ym z=uqUtGJBd0i3WB&L1Wi!<7qqtgjkKRJc#Qgq0Hp%ck?v>!azO0gSBnJlglwC68wi1 zWu&_E$mCfcg|=G{$Y!ze=H%(UfRQr2c!DAWJ zc7^e5!+;|ySdToO<6VvFFwfTs#TSQBJxPwNoAKZTaa~D4_LeHSxqbY2-f?XXcO**W zJ@QBLC`#~b53**hi8w1E;cPbRy!mH1D$0q}0{*Ea4^%*OR6rzn6oXPs5`6%kY(tDo zIZ$pM`J*zN59Qi=;>65_bR$oA7sP-bJnL>ja)PjckhHdqh`i$Ql3(Q><@Ji?_ybd` zQ&F5vVUwMOcAd@|E~V}+5V$u0g|dyV<%;68?>7)V47U7T(hoBuY+R;0KvMGXGEBT# z!0Xe94v%t{mE&pz&ELWJ2+??w9BD`Px;6Q#Aj$!*F|vJxvk-+$_N3|U2%b@Gpx*o+ zIHi@!9h&D5^?wItCz7F4%wT&Mh(5vmoH9R(MxsUbFrU=`&Nb$oZ=~6PWZ}{@x0_2( zU^R7~`6K6F=cF!!;``VV~t{3qO`<9gF& zFqUqHdj1$N&{Al{Q>cFbkcOFeGr@Ngk%mPtyGrw(cOelRW{6@T(N!&9k3+}#4yaA< zuL~nis%AclL`qlnO}>av(bd$<%nc-PheFiohc~N35J_X!aPl+q&edc#m(c$RP~lO= z&M1=8h?QeRD$5uVqHh1w!0w*~f)m5aBgt$4>JmJ3t@-`?z=qFSF4espR%ULd3(tKg z&rq$6)V9c?We>R#6{db-{-)1OA=y8ao{zPOYL}wq_ZVZ{nsS2;xH zWx(PZM7uxJ9jB5{>Br+fIkRn%3!cJ=-Na<)3j6<))9XMBr%p=e^96IR1PPzuo&y;G ztAVkTe*#B~0P;3aUvK z;xrwze$p-FKka4z(r-{X9Xce$(Vatrd<``e*D^|cJVWs^>EaQC@@a$jvr7}A9mlx| zfvli5qd%~fyw$VRNGY^em-4w#lob^`AfYh#GMdP5A5)ljLIvJJqV^%0{5A#dxPYSC zc*qd5p)#xBbTUm~Un7Eh0*K%Y<2zIb)E?4@Jf^pR@Ol!B4kl_81^7-5(R1XoY7)T> zK~Q^Be0@2_Cm%@A;*d6@#y zB66WpG`}OlZI7}XfY&>lh*^-*Al6|XWR6IT)jK!}ckr1EBDp0vChdS?lPQ(xLPRzM z#n>Oix`Mqw0GVitS<^46S$YSL|7G^y*Hwb9=M^55%DqP+>y>=&CZdFV*0CMzxoM6& zBvNvC18c1){0|Ic)aQ<~#^W>nPSd|~mc3CluhYfCn`?J3u=y~`4(3`eR43#Ax#wii z%4;MO0R)Ln;5?QC>n(j_*wHCJ$f$X79>jC;$3Z9oC&tzQ^KpYBz91CfC zb{?dT=ZGMmWew#lc0m5JspE?S(r!mCYZMWiP#N9392rGV*Na?{F=E6sbkE;W1wp7q zli$zeRyVjnIoh+GAWDCz{)#v??+KQM}ah2aZmDwX3`Nmg51GO zp64Kui44|GrZ7t}KZEi-1s*=0NF|S`tuc|26xbvpsGbP$r;MbTQ>CBYT-J3Mgps>= z?a0Xj^_h5oG9ObqfwreLc+Nqg}%dDkc$kG^=*-B9GmAiqo@ z#}G{C@f|#`jO0P4F@H^z91hGli=1J5SYh$(x#T97bJv+%$`?Rl%E5f$_2mR&6(Qh~ z47dBkZ$TiusO=c*@jePO9$0%X`xr=97kTP0u?BA-CvslO$py)fs6$HuQyKKks<&K< zOiY8#DhKJe{{thYXBN}=8M^Rz#n;8;wPoByjaObusEOKIsT;*(=J`{k=;fr+{YC4q zLgH;872jZlJ_Ir?vi$Xq-fJiZZ#B-2LwB0%h|VPMT36M89>%Hqn*Na6k&jk1G5!L% zt>c5JZCleAwqopT3h(u|_OL_cXih{{zo$T4*He>%&J=RD1HKGECrJMsqnD}9vGmL$ z3gy4WNM*o)lo8Iw0bK-ana%l^!CT?D@~iI`>$^R&aR%KYbZT&hOD6e`eEp(xWJdTK z5LHB?7{n-=h!Pb>EVkFqw6wHmP(1SXL||A$Ree*-UjW&IhO}RExch<&Z#SQBNG?nQ z{xEP>8Omh|-uO1Wm?^+%HuqK+0ZrrJh0_j8NZ>W@eZ^3)+A>VN^LfH@{<+1Hn(cVcOoZ1Eb0m6Zd@(t$M?@v!lQ&ReT z4&ElBS;3w2i5#B=_PPaSs60tS@cTMA4NJ(u$Vext=ifOJ0CWhul63wNN8<$heVon} zV>ytY6HVR*44h6RCqvSj=l`R~2-5|w{F{Z>gS$i^SSF;?^I;?Bjo!*A{iBgXQ*$Wx&CfCakL=k z*b*r3(^NMPT%k$OO;)LiKTXXIj;C!qg zw;YFz{l2+7@I3bkLuA-SK)>d&LEV#%F} zK(d%pB*}L(vz}SM8nXY-uQWFS>r-mvZ8F*TO4vT5QL1xMB2pU37@A=~fU&Tm9%F1q zYm|zj7u6Y+;Qhz)JzpbyQhcxBVN19!C(?;S5N#s1VuVwL#AAV-mI24L0IKq4dqtt> zeov8c4-9f`yuOqCuE_F_Pm$oA#q00J!I6?lhSahZQiBxUc5)AmU_5$_V>OAtXgKS9nsxEPFSeWS)4s%;>+ds%{lq_U zQnYVZLdw_=R2aw_?S>Sg`&>!>EE@=CJn5VevjfgVzES8aflB)U7q#YD9^n2OAmfAR zVR#&bqOt8anv&U9$On3ki#L2#`O>uGcVFsRs}ck!OBTzIdBk?7W8izZG`xEM%;a&)C^^ z2$8 zZD2kGmgD54HKNHZ_qKvxp~e4CFSUPxndRVh@4_?B0ycQ8%D9z9kF1@iJ~5g zG1np2NOxZ}V-9{Q_jMu4T)h|7GH4Oq-X}wXDWH~aG~|T$P^twewG_Tn_qP=)bspCq zmf=E4e^0sD5H`-BOdGNO1^hdaD5C&^j$oPoK4ov)QpRVP&@00;3QD-zc`4Vog*@76 zjn+{@9FKY}2Ye(Q9J=7tNKSI_n7szAi!s)E&aO=A&cXnNu{Vu)?p&gkv*c}-(`#`P zNI-MGqbd0xuc-SDPmvl~*obGGM6H)s9+FS~ahv7uqTkQ*PfSp4;}48=X+=Ke5=bJs z5F*rdCYO5%LrL#*{F9(nlwSm?q!>rxaVb(D=3c<5Wvo&92={EB>q~OBjtKVKjlS9n1JFzI{{|zV-l!wZHF}$$Tge9>;4=#u zxua{V)L^USILf`=Ph@D}%xy8h9|>YCBm02Ibq|T8B;=HB=Kf2#$BbVivVY;#rAwEnnzd@C)v8siS-rS=H5;ZhEXm2q zDKQ?{lNhj*EO>L+K~jS14>q0LN-my;JlG!OH(IKoQUe-M=!NEbD+r;BILwP_bu@s3 z8jZnef#L`Sb3dQ1_k!52=AfU4XWtnCY>9DfKr*%~Ub_Uet>y0}D5JGNwJCabhW$N= z(vnh-p(8^zl-Yiww5If_yOaal7H=#BxJ<_ME$V)@W7Hiy`VhQpv8!5f&s*>s_XCe= z>_}svwIR^8i&?8!y2l4l{QV*MAU$s{DB&G}KwIG;G*S<{=%}ci*x1;HW`CR2ty3pC zDJdzWesc2Z=;-KfRjv^W925^bav;&2o=Gj2t^n>F$iA({IhYO%_`O+2hX`mmkf;uM z1(S1Q>C!R~ISM7m=(PaTeS8c&S%?8`hSP9>2-PcQJ&G}COecLsGbxt8rcHY?R`rj@ zt1VA;+cRm+_tB21BMwLDL)_R$1 zeq+vVb?t3Ub9Uq7;;N^lq!gR8TUy0o83Jr3nfnTYl%UY@B2TGC)I57C#@W|PRUPo@ z26EEe^9|;|Yw7HvC|nMgqBGI+?>2w$#Ds`s;J9e^Vgj;q5pdy)?2pbsFZ21%oMAa_ zozvWQcmsf)(>PNyOzMauNKbjR^_oci6T~PFl;jL+|2C2HXbSsvFQ;h*H<;YjV5sjN zoj-(W;a6gW@+gb&I=l47;pvAgZ6aT-{Z?zM8S2WzIIHfkxyvno8loQQj`rk8TXD`? zk(=$uch)6^k(!>KzCR{9`dDneddW3w)<~~gw{B8$a&oXay9GJ9xz4Yw#lJLQA;rbT zubKmJ-QXcZ!s^wlXB|I&+?qRQPT9Ww`)4$6+&HYVvT`%Y?*umCI+R`+&bAlZjwA03Mwy`wdXzkjy)_321 zx1)CLT3L}1kw=Z!xr1on3^~Zrj&cExGY0Qh`J274NOuCwXk5ogS{5Zj&}e}}Gm)W~ zOQ|Vqjga5Qa^Fv6*$EF;5wVUSjeHM#K62;Wz98h zK*L6F^wp`^_Ot3L?XOJwEj(t((mC zl& zKZ2sPhln)>gSCegfTqRoFl+yXShz&!0i-zO$jqZ4{B1}gACg-S^wpaN1k^os`c(L- zlc&9IVL7%-YYM^Jm{W# z?+r3W%`#qq)uBTNYxL;RfjxTkNS`}*ZftpZ`H#UNAwIe^5ZC*_TQWwPGvyVbP9(CJ zL{6+No=6`31O@#(#}wT}Jg>>jG?Jp%sPz7LwmBqmyW)w<7>Pun-jCJsE{}2#-vM=m z>v{Ph&(Yk+inMJ-5|f}F z>z)rAgJmB%cC=sLzI`tkH*Q?*p%)FcTD59rwQSka8ZcmhHD=71T89oFN#Br_RTdEy zxzVxgqZ}}!GwpZG0j!I2k!1V(XL^ObijH;|545%IZ=_n2T!jNP7D=MsOT-_=Yi`Nj z#v>nDL>f}0s~CiN3lX;WtlfZ*$6_4c;@+~!ZIu$a#j&Ou(zr}T{AO=07=g7Z0M5f3 zu7#()kZ5Ir<&Jv!4tdgjwSy5S*lMO~{6w-~uf0e(nEOakp)c^Vn0>#6Y$C%OO5yf+ zoGTl{nGO*pn>Exrya`c2QQ4Eo$r2R39E#}yw%yt|pTT7n<(G_m^R2eG-*HEv6rIj) zr%s*B-d-BizJ2?SSy@@vV)|)_?O^gzLO~`_8|ZtPbz5X)ScH#L z>8>m{hHP^uih4IuqMW*u)KV!oc#HW=wuut+&42a0YSEz*~wARX0_NV1MO4bkXleMYV4HsL@uA>wSu1ZqWUoh-Mhf}Fie&>`!pz}kw) zW8o8BZGzwy{Ny@&9NCHNBYjK&hNlMgQS~{(`a92 z-c$YX;ltnjR~s^8#2R+!(0<9g;>6sr z(9kFjL_5YT%%`R&3J=yB6Mqi^uL$jWpq~}c+$Fe|)5_)`;lGLoe^e_UA}e`Nw%Xpe(*r4I07Ah^5~ zcYh`z5953G0wJb={l_4bu_V9MqAMFOUk5_Wy9c0hdlRkStOA$a3gj}7eu-ZJOA3yZ z;cEe$Gzf-bF_FW3_Tl$Lj2=WNPqA-KZf^ZsZ@Km2TW`J9Hj3=8_CGW<)auo%mtCz| zwd4g0<~vc5QD-2PL<0ZmUdH?8E!p-oeiw;CYen8B0|T}Z_$}M(KL}0vSv=QSkVP7J zx(B1J9L*@!{W-PNGHWLx&p~zNs+6W?hZ{$NOws(y2d-eRd=yR`hGP75P_!* z$b29BG6c`NHs?m9qib285F#}xy@tTaWx$`CiQXbn_=!bDMNu);tKagckN;FRxqf}$ zS^bNIyE)5=iHTPK{{5p?u3XtGFE8)okl0>DNM?@zs1-Yde7sk#@HsMD2g6d6 zwU;xZsnd>m2Fb|7I2tdrXF)*Hu^8UNIJYDC`$**KH4JYN=Q))zS81@91Ci4&`Ml13 zFKGR`=XHUBfo%>PIMD6>`|lrk&9&F+eE!X|tDwW^=Po;U?hL74zy9K!oSa_-)c9{F zdjtmuzxdEY4_B{QtJXh!UsQCob@$zOCzh3#jy0c&U{h2H|1!jlGZYDGgRX*sQwjm1 z24Q(U@;a-Gz^(!UY{Fr#4g}zlE;^E%DQ5C?A3XSG8BB-<2R{Z&Y%h@88U#p1o!3wc zRE@D7SCe#?vQ2PYuSuTdz!C1m-?rf9`w?v0^5+ZoJ1)CvBg~^uXhWmu^JZYc0PfMp zm;#3n0{b7ycZXqQ)$T{V@{TbHS^21IShI3$KdIHgX!SV7I_%}q_-50_XyG9?F=^!qwk)Wn=eCh z*x>>e2lRiKE>&{a+Zq{ieXO<0->$~Mx6yr7KPF}Z1!e34w9EcyB--oi30RZ zo#t5u%@>$;%TZsCDwxscVBnLTY1- zbar1gKZlI$H#g67mHF@QnC;dO2VxV@_-~=b3sV2qd?pX5tuHyINmaj3kRLGKDJbX{ zF}1zxPi}1}@O%-5Aj`AZ1vf4)wWSFLJquKy!|8?&OSA(A7j|eV5~JX%|d%_C3V79-NI# zKCg``#?Xo^C7D*;qzFctYK-i=Z`~Fs_QU6>Ev?e0u8)_mvW2k z4vt$VI40E{tuh>VNJ{Er%Re#K*NcvEB3Dw+(~0~+ci!hkN^Q({o*b3$Q+7w6%`d1KKayB?P}MqeNOUFFE%!4-n@A^At51Ou%_DIF09cC zzE|}zCw&l^ZGS)qhSwmfTt~#RFWnvgp}c{L=Ec-nrv8bku9qK)5?c&(mWuJ0@g8p8 zCyMpGI3Q)zA5JD;(G&7SO<MrDLGf{Ii_wg+d&ntM~ zGH!nYG7ok zJaYu}Y~`iyAo1T7Qd5}u`w;aRgl)JpKR(;H`xaOK`{wfmtTd(TXt6RHw?Mlkd z&VJZ<@-p_CL8geOIWnoXV&5s+)YujC-$UlVY6L8ZvCKS6F^I@y5oglV(<5*k^{my+ z?|hJCMn;C6nwqL}q&m89Qr*6*EkHV2n}4s-^^DQ%#SFb}oFB=Yrbjouz>>yT3>$k)%Epa10R?)dGd@uREe&iQgajih2qYt5S_jX(%+=oJ1PR>eR?`a~TLL$K#(C}-~;4_}2auI*u0QI^D z5mO;v@^0wYSsbs=n)wiq9n_soNhbL&Cti^Q~wgqFikyI0aWPSCNwQC8LilE)D!u0dsLEdC5(0D=0@*{9Y_0ESyw4Z8k+;y^Wi#kg(2uZ|9<(2O z6^gZ6YiHX>%ri`feHxB|8BUw3fkXs~v?B1lW%%~c1}y_4{1HSG2gRt!O`Rn~IuH}} za>p%2sO6P>K2BS(%*C@U+wPC4vzF=F0p z@Q@(^-!EBmy)kNkm^^v%k3UCO@Vs)UZZO7bypc^&<)2i`DWbXlDgZa@srFuyovnf? zbr#M4|3P(%u$v#&co@fJ9?Fq?(fqyCT(h}Te0nvniH2+mA8#PlZ59721rF3{Pt z$hE&u2an^(q6l0Q%=^YsrVt8Dy@u%O1kqw0%0NyrZYhY7LqY)dIsOPNfHrMy&9^*i z&f_qmsZ}6KU+^8;qf17(`#F&P6*_f9c9mrd`&oS+jHg%z*<3tc!*Xo71Ra!_O)!D}!MD zcsC!%CS8Qlxf>;knv8?u1N z2My??E#s$X?NLTIRFWhfL5MHH$a)N$6!YUSk8}^2<>j1UgBOU}p zl@`>bP7G>ua~t(1uUr1k7=3_AcM?skBZ~9o1o$o`xj%x=oyy_0ILvj(jhs((Di2bv zxK5FG4DtlXfvJ&{l=#tWul@07$<$qU-s$Y!x9?hSTdVAEIV6o}#!eJKl$ei~ssrkc z6uAQEZ?)q-)2CeHYSw=S`8=_@n&BX1a{z0SFFXo4L(%b-Jo9>THY&1SLDGE%5Z4SG zh;SkwuPs#u>nwTtJ=f`oN3QQ|14DHr_bw><2}bc$hg`E41GSEb??$@ldxVWq7(FR3 zF~|b&y>!f!lm;o&jL`^i{)XcD>F*prlX!*Y&lAdd_=Y{Q*pqg&R?EaNI1qXY zaa24Rx(;ab6Cien-=7b%&=5B9JN)e`C&YauU)(L>;I~VEHE(e zSV>9A&-zShX{l9GTr7su7ZjR$G}{Q2{Z@z?%gB6(YYr>QnPi=bg= zlJn9bkymtvWW1n8ku_SdglE`8*ZXf!;xZb-(UpH$$U$3;LHds5wGLJm1-J`g5pE=kECOoCBFbAzK5+~5 z@+<^D6ym^9uDuB?J{~Bmf@HH==V*xOU$B-23>Xk$4#ayX!gKSw9mgs!uc#;}D44Qf z!Ggl7e>3|lc=SCPaN0EmqKKE0kJ9~qP2|ywzKc6q^A#k#e*^;F#eHdC3TRQZg^9~! z@U(sHt{k_MLpz|MB!;)PA_`tXe#>jTx(;W^Gh|6j+|D9DRfwY_NV6MzJ)L~uR`$)N zSUs9OmlF|22X&8O`YmN6$BYVJW)`j;vho#W3(53boQ6Tu_eFyO2r>8&0?AjvNyS8> z+bP2+2iE$*amyz%&FjzmF>2JscHx=AAhS<5{hYI_vtCkCy4DJ?Kg*n)c}}DNv+r_B zRVcmML`&ho`Et;rOmy@)?-5wSqp)N<)p6Gm?3jrIVSIN zcCTZ74sdpBLk5|Y$?UZe?l8?x=z%i&tF}i*4&!*-jWcx`R7lLgM~#fj$=m>Q^(-)@ zVBw8K@x?^;7W%6_dU-2*Gao})#P3RMf76645Q`x6&sH4JlYCEYWIBxR5$UG0d9FWI zUGv_(d)LX2iIFpR&W6mKb;|@61%Uy9r~m76WcBOUuZWF}y{dit_UHVWAC@e!)~s1G zJ2E07B{eOrcY0b{^;8$5?tlPiOJ7E{0IRS%K)-^9p%xD zywcm`DCUzp3x&OQ3xg^H@YWLXZZ6>a)OJeHRT;Q>e~eWNDF5E%)y{Ze&%rP}PWXQj z3T7R7mIv`B!=d$lh8HOXxrFW=BY-1v$h8dtF6>XzSPJz7_aG+KcMM(ZN>g1O;74pX z*H;Ym*oecU&pu+5!#EB{Lvlkt)>v9vn%W78Z8lUr6GK8nBTGxmTK4VJr(Sq?_&M$E z$rC56%*-j91A~HgnP~k&4Lvk_dzOKl!!6h7>;qOUHuo}%Mz8Opct&vWR{$se76;}w z440gg6Lc)8^pfe8zgK4s@-UN#;-z5vGtX-`kwA5zoEl7)j>UVv6}DeG3g944g$(d> zmcLN89HLSx(V0B|D{weukorQIZ$%rhB}D(xK#Xn4bzDX1$#CAI{(H|OH{CJvZ)EBDAdcL`S50D+{ z1Cft*k(auWb*c;5YA0;Pn{oPVBKW-NQG}?&u1EqPvamy^8q0#t-=&8>!nvb9tLvY--@f<-aa2efnNw$XtH|8*SZG;k-BPO=v zTVh06?pT*{8nHIR1Cr6oht{oGSlNzW$%N2pTDhlkauUAgzU1FpBcRvf#qGjd52j1U zEdE{wc6|XxF%}460UZ$P!*)A>vc3?uonS~s9Qzny{uT|36@jT)=?o%;&J=;mOP4{P zVIE`?#lkX%zL{>0tE6WV-6W%M<9!4Z$C1HPO_Rq6yNu}MMW8Sp+E>lmA2hFBQ>RTm zXFBe(<;$I%+}s_;Ydy#~joCOF&k`YC=D1N*BcFHaIAZjP)DlnRoQOfnbo{wN9biS0 zL1xdy0-RQ5q)T1fRWMR;c^Ik_KsRsTz3zi}ay?E(91+t&BISnAs^?PxD>?cW_)w0a znpH0+7uOqunuG$3Mrp02lSm#8i5#-o$n0G>CfSs3{3zK23apRAaiK4obDSpJj}rMd z?7nw^xEj&%!pU?;nS706FJ<^>1LUPQ`Ov|9@3ppHDeh)$(##q)YMfcUdi7B?EjX8# z&Uj|#)V#WN>K+5)R}N3PoSw$e+@<1V^P~Ju3!y9KN3gB>V}7jmZRX!sFsOAC%)~_~ z{>xPJHq~XL>i65p`7|_g6lOjrXK$?S8mb%>8v|Ru!(P_I3B8-vY}@&J5qr@J64lk{ zmr3L)74^zVc#iphPhl7uvTmJlKt&E|g>#b#{J0WlERI6$T0p0b=vFibgV&NMJ&gUR zjZEkaOFmYCu4J>%^D)ZHkndO+s0rlar56)9|7S7Oa$xRaIOuejIA!k(3JTgg@0)Wk z4f|o~(#oB?vcFuuVtM|5T|_2!OSSN7`$~#S#wc+d7#R2u55gO7yiu@v^{NjdA|mIK zyGkZ$no3lX2fU{m94R($%ts~I|7JY!2FCM{F}R%YUB*w>kVkhE4@@5W2euofe2#Lv z0KtA_n_FxtWpp#6BesKu7a>IPcxU0TrsRDsryF)6#vz*M?+IG;^gzIaFb+Wor7kp< z+Ac*8jbS)N5fRypJD0LOq5*_re5v&g&{uQd)ZcL^zo&aauKCVm2y=f7Mn}j1hbhSX z2=-P3qLRKCSRIUZ5EyC@0c;?W(4or@3J%`6Y}vBJ9zA*_|1;*|&Ye50C!Tm>v+)LB zH*(;R^bSU;heJM?z&>W-;U*L1_M&apBqEmGH~=S^Yb7UV8zbr4Ky98*M~BX=+dzzv z>aV7m{Z+wxKNR?LmOpww$%vZK7^)xfez&p)H9XcS1;xk6IUU2}&n2=-;{CIcgPzFF z9*kW__O=?bmq>l&!>V&L_oioj5=c<_7Fm>+h*0HRsTOVp%C#e&zn))Fm7uMj4ByN~ zNuR>ed#s8gTuKxQqX#Q~Y=+UzL)2G{;s4Vm!kv=LaDy-LEf8AQYe*J6J z!ot*Wc{om)4CoToZklIWmg=^KYJkF3RF!3Zr^dC~Bhk(06R9aW>rK6*ul1Ap{2~4( znP^U~Y#e#W&p=f^QF|-BZ>!s}z8Zw81Dw+cB2RDR$|4Mu47djLYESEPc05^8G^@!C zJIGHRVf`o5O=Thx`R9zA2_azUM2>eGNWlX{gNww})MRYdT>JY3#3Zk9z9sT@2FA1U zpMOB_wMYK-Uy)7jMqg~8Np&OJ?>Ie=qk0BXlRo2{YZnz2y<*X#MeX|a>sK!(CgvZW z-MxGFS`R(+(0p@lpQ+lC?7t==(<`D{_{=F&rhNIQKmF++zHj>U>DIJqQ?pDorrgvp zyj*#{U0{wS(qMNKEuU=K6P4g)cVxqdksN&#L7hVc=9}b;x3B0$-utyMk`f5vk6~O6 zVq8-A9%<=8BwM!uFWrxF5i}soeh9U0weZ5Ld!fDU$HZ6Q8KB~0xF)6o4 z7~3GFI2Gc`8r%AF6JGCnUc=dIF$8CTK_=qOHs#=N#JhVNrFlP0zWXdUcc<&@!uwO+ zaRE_bGnBWC>eJ-Uv}Wlc!NK9ibDwPt)F~t2e|K+ljYDJJbJ{4pnW1jy78&06p@`oN zOH!?U8sp9W!2V>Ts1$LxcU;Q6a-{d-0c&0MlP^ps`n{Cm-hYq zYfV*9Jp+hm3p9D%QvRVfMe3v_5}=CJ2c7zgEP76KPdq=rbcdJjrT z&+;c`P8E^&YJ}_^B!ZWLJP(ERJ~<>s{7qP|K@`9{P`JNC_GLWNS+`C&T8i#ONC{MZ zChSbf#X!16NI`!K+<0Bxx^-4fn=xZuW@hF;Ji9Yz&eZu`6&o9?oLdHk52l}XuKma&k9vcYrLx=RM)?3`KP(o#7jMkcheT(7|EQT0=%#`9VhpMa?;_)7TUXmdV&SeF~&A5!dsCM)u{#Gfj7kX1X5PuwL}s5rnlMKZ@3pP zit`MvWMe432$S&obzh%z&9=aiT7&hpZptA4DsQ}o5yg*~*_FteU5Hn-h;oi}B8koB zBy>04`nLJ==Lc=svc+s|P_&8Etdi1F>)5elzJ7eKy!z^a4?p_w1tSMzqaq{QgI=VP zpPR?e1?KxS1Fg1MBN?umswp#Pw*^szum4~gv+_{9)y%(BAutFT`JMT9EpmSQG?{#x z+o46buj`yNd$6wxi6jlER%>Ry$~P9KJ~~Aau?&si|B1|Gdlp%_6!b;+shYMw8%J}I zBAjJGfnPFIHx(qM3+P6DjPn7|flA9?{~BZNcez??rMmOlVsMO;~#)cXni(OZbVImBmG4E)=yuCLc3p7R0${#n z2($_zA2NsT<0=VmMH+`Jf4{}kbVA?Fy+oqWD)7#i;6)w-8ob^|RIu%jZO8d7IQ&)^ ze;Hh_7FfHCpbqqXTwhT|JTO$e;&gp9eS27LGvhNWQl(XdfV zk+l|-O~^^sedQx>YF3a%iNs9q;|lbSjF6gHtBl|nb%DciylZj~!|2HK5RPve4#p0C z-^B65!#gm*-nv|YUiu6&Q!a#&!{{&7%2xRFk8MYmmX^M^fB*iLF)`5{>(z^EZj4#w z(PPK9pE!A9bwqf?_bXSf%(s4FFWdTszKoDaX^MqdL2Zerz^9^cq*NY3kw3|F-6u)( zmq5Dc2AfD8+hlXiK}2yMQMc8Bc1C>=EGeXW@q!Y8x9 zMgB$wt{(x11yN^If`ZUtQGdrfIpk4{?l_J|S41nTI=p`(a6~CArYS^{SscbS(6oO? zze3fyd`pkG8hCQ+PU zGCAw`TjA_reWD>K%=st#JAjDkNEO55vHX%4_O}t^Dlh&44)sb5erG&$ML{>2{XJ`* zK}@bsQFQ$=(7hnTbSIMOh>{OuE&KBO4DuR^iaOxUwj`?0K;ilv9h8^${0QqGPPD7< zN>VE@_V+pVNo&5J`n40l)goD3&A#fh4*^R{rhdyhd!vDN5U~n&RefMId7fdg*Wz$c z7E$ECl3GD2=Iv%}W}EevQPXq9P?J_2qb7&!DM|_+1LA$18ok}D%Xo}$Hj|Q{HqUtW zXPo6$oC_I~E|j#q53%GcpzIfMRA*uUp0Hd}$DyAv8}+Q$00X|rIer6~zK>_GfEeL* zRM`vqAX3aW$L-r%oqX?&<~#DuJ>E|K{6QS4NjMM*=*b7w-t8yP^%8qoL?;}TTclI^ z@g+LyBbqQgNgnzzj`dlbOiiEo2Kf1VKCg&99)1Odn)ryB<`1yq9_i%6yoNyMeTJ zAmr;|xCy=!R^AY-e6r(0acWUjpKAMQtaBNPX$bW(7Pz{1xEdj_H4*Z+$elHzu1Owu z1U==#@yfFi!lRBm{>7V16~cArQb;T#qYehIa9FC5co%f|kvRyL5}}G1vKE@Rl&0F> z+^N2G#)w@?v@;TB)M1og9}Yu3j6>c(Gh*zojMFNHht}q~dgEn!eF;Yr!3@AS-bGI9 zcSIy>$zjBrH625z_PdamY8a3g$eCM|OQv%N@T{x6P=yuPIqr1q?1>Pm}DkUPYi0%K3%ROYvfiR4h)+gN)`WhO)mN zh<6*xF7xLYG4^@`1;JyU=|Id!C`BAhroUtfk9Ph!& zRBlWt!OeOmbAzu#3eg%}4NSffxO5$7u`Xw%wYmfOAUE5V({d%w-guniJ;1_OphLX- zNdl_Wbx)Do>P)WmP0QcmqYuuLm!~TyH>GxOyEwCwSwZ7R$>*LRmn#DtKy>#qM57j< zL|VW1&3z2USeIhFi!s0laF|th>EjqM-YJw}wFk+$RWbovsK~+pL?iZ#He?(C3CRJd z*6Kai$Z=tlP6&^p4;ehQm-<`>%xr8;AV&#rciKlaMHmvvas7a|@&yUuFrb0D2u~qw zyqZJ-QZDjTo1!@SB1|_^!%>MhsJzhv1hO#-^9q!5D2i3yVoN3{3r5;R|Gdq3Qzw8j z1c^$qeGH_dx~1_H^p0YtP%n&DE%GFlbgn-_!uKHaj1*DGSge3(vX!2EPXkftaNIy{ zKuTTTyAT6v;hhH&t-b+)K??pn`T=&q(?0}z>|9?uT*?Vl2kKac5zl8Wq!8|5aOWbN znsz9pwe+gofuU+e{^V)k<((wBSF#Tm`^pk*+glqsLtRloGx%K$#UTwHS;l)dCa6~RPhW@Z*qZz!dHh@Ow~{xd)inc{NsN-C~G)QPd##~UPFUi_F8K_fkCmo+4qw~kb-j4kvE%i8Ly*GeHgHNxxb+h zjW)m)*bdD2tjEZOjh&4%o=?4GSJvcf{FPEx;pUGyXBnoi5xBHsL%* zSA=>@I&vXRVH%x>7n98#qEZxkEfn!9a=iyf={lxW_aMTSq0ckVx`tXeMXYj+zGt1DK`9CfQ_;AhbJbI}PjzSPbu!O9 zh4KW+quMYDsuHXBIF5$a&@t( z#;L9jX-6~`=*y+qb{S5gW~I$bOHY^6F@bZKO(_7MKw!U!VA&xMDH>u#3rKT}Aae6^ z?_WU7N#UF+r+0_1aNV|R5J`68{=dX|+hLw#p9+~dFUxEfs#LT*2qTq*jzCZ4I&I0xtb(1^oG3^6sOx}}#@qhEeo@pr#o+NbrGkGUN-PU6 zPl|F3p3YhRE)Q-Go$))M{Ew6OI}U6mPtVH>p5>=8iR#*TmCEa>zDLGaIg@vZW)86i zUgQ}?k@hvfHe)q)*Kv)JqRwYfXvN_412D98%;EJ~SJl9nPeJM4O!HNFbLliFmEjrS zP5=Fwp89m6?Mwk&you!&irVkN*EehC5++EcwA} z$@wY2w2~tOiMwZE_%$Z7SVp7QGN7aZ{ChXK zxN;)?8+r5=I0BLxb)MIFm}U?kB8aY|aZ<8@y6V#Wb}BjAG@e0loz|xB z_c|P#JCSoe%QoOnL8kjnG`9{i$SwSgLY5^%x;H_Q75~%o?6}eM?|?qbjLfXTxJz-{ z8E(Eu21?)iJMu(V149pmoKdxQ={M}B@=_|4PcYYf9@Ip#@)>e=3WIT#4{>oE8J1)q z$a^pa#}qgax_H-UWLFD zPAWsgMK@Cp)Y{xvB)TSsCf#a&Ep+J?vo_87y(066iM9{HwC;oMOTp+1v57>_Oapbe zi~R5o&b14PI!+Mnx&C8czxar3gbTq9LkP-I=3WuAx+f&2y5lBJ7=d`(cp+_wNV=12 zkpS;x#6v96(;Qf7ElB1c~ zWOxp*47Y%*h$uMJ^25lDIiPyxuB^vK6jTG0!KXf^n{7Xg;k|{rm=q}0qljo_Ouhrs znn(mwOw=t_+$wY1Cw=Xh+*ekWM7fN`1R~LvI8^hHvF~Y>mP5|09O&j6@|Yj950Z(# zI4iGE+c+L4suQv^3^*_iWmt!t*ayl5nS0BDsizJ#;W$Tc@c9Kq#u>nmCs9_Coovaz z`Fs@jeAM#KyepRMm~+wC$j%VfOcCA~x_%^C{>j^g<{Db3%KyPxzK+PYJI$YC%r#Z_ zru%r?{J$W=o6LWkLC$$Y&n}Ttd5PoZ@v(QTlWUJ-@^TDh zrY$h62cU1;5iu#+-s0txH4qg7lZ;UvA}rn0YD#?i;vgTzu~|&C`ZR`1q_?Fw=V6xH z$6L;r%2V#Au5ui*pNu1>a~4TX_S9BJ`TzLJ~NG$G#R%JlOUR zEG$A<1OWe?z`KsXqdW=LUJ0fi1Suc_+U!7BaSlTgH(UO08?|_5y~2%x@S1(jAcyBg zdi@|~#6mOoI^!Q9YVFD)jHzOnB4NL2jlP5J6u~o9@cBZXx14-h1r9@k*@Nhxq1Y7h z#Gy1RxxQ0{O{MQD_3HM3_!g0$QZ6o<$THk`mEK4lDTCcacY3Zo4r(k>*Z>?CuXWU1 z3~D?E!s7dVV^Cn2Z6rFgxNbakUs3F32*u0}>v0l;Qv)NH=XD8ejeQEK;TTeY-$%NJ9>@xTkW*UpH5WzX`g_W333~9Fb_o(_uq7R5=ye=N#5H z+I)x2bLi|PczM+-d99(O1ibUy3dhG{-DKDzar#PV5Foj+f!nnH_a5L?m0A1uKIuIqfrJ_$ z5K;&oLRIM<1w;jVFW4O&+sruDQOB{3V|P>#v4$#$pcE;gcM>481>&ivRIs5GWJnLEIUiVt72@yzB@DEKvx8lBi<)t)xd;OC_7N$#mM@f?}64eUC`07m(3vXstJ( zaBoDBlwg2dc!Mqm879$-F_$Px_cszFnvT$(f!yMF^xCsUmUja2eh3N{v%^l{&A(0_ zroG#9bGc4K#Fzs_TS8Rx6;SI`YRd*OjW>f@uA$@+J|G&qp5~<@xul_Zx57M3CW<`Q zm)0w&XKj zM`@qn`LuTGAQ6VwJ(P8EjM@mi7x`-_>Nmm^4lEaJUN`xemJaWV2WNy z#Mse1Uo`U91Blf{eqZaA#{bLki4?O4a>)sh6hZl__Zx$ZDaw2kR;?W9Gzd{|lb5@V z_vN66d^u-M!FHejtA^|+4K1d6I#PGRh_%BDABl34(CP5?OZH4X?tqt)Nu;#bZ4_Lt zNBRF3fiuc@kCaiS`o7VBa5`9aPdxdK7`r15eosWO5pTRHN~9U^;C(=fgE3rLG%iiT zi)%q7Fc=cZM>OEwO=Qpv!Q1@8O^algIi6d)&$LCh-q2r8){Fn?y7w z`FRefsSlCXaAZYB|Bs9fil=4MM#v9e0cD3Ge}{>TdI1xT2M#U;CQ2l#lu=em%Dd)S zb5lH>EqW7mpFtMi00w=`HX!&`ZG)43?AyX(PsT^NTR(AHm zA7R8C#^F-ftur`li?uhCJk)o|S1Hldc1?t)_vKn3?Q3BVzD2HB`}vYs%IcDDevXN> z1v^<6)3{uGJ zf}+j;pWw4G?z8Q3%|%|`Cq>bn5|?1Q>nQR|V*>i;=okIIJsnJb4TCoX*fEYhl<^v9 zzVmJL)DYxnzvV3eznI>uhmiZdz>Wuao+8%%TQ~smF7FtjFdSzY)D*K`%guV(|21U) zu4ruXWDyyrbNHoP_L7f~a=RKfPXLj{WDfOfDBGrl%?ZE+aVWSZO$|_}`Xh&LP zg+Sua8Yjb4lmWX0<2;bV9?Y5@BXZx40a54kWfY6Xah+U<7okwS4`f&ZHV#{*t@CRR|0Zm zktFudn*~e0%crC+og3tt9nk!gT=YfnR%6nvp>#@4^G%c zmUnRDE*PaD9{)1s+jGs8nKxeu9P2h>E>F~`QkjEhZ-x>@%*CP9H7_=w(R1i5j=-sT z0|&wdY_=5Iy<;qUvXAc~OHMJg_Hcr^ZUE^7MIt@SzkBmMM{qzsCnv16{RG3UX2PP* zhcag@83S{Fw#P6YBzM-F^P7Ot8O4|!AqX#%`&?#u`!$Zo3E9eZZz3HL3&F{c{O4@s zQfL2!IZs-j5(q<`aOx*>Zg&B}CsC?XgtPWB4q|6?;v&w*LGrV5w1a7j7Q)}&Gv zwD|9O+4cp%eZ?3NVd7s9zKf0MM@TJp*V8BqU)YPHLO)9zAWx4zm+Mt>Rb63vNzr$r zI5~y9gD*-#o8N;LQ+vsk+)UA;7-Cyd3@@bD-A+#5g*S;18 zn8v@f;=Y`GPd^Nl;E583hpM~C^LU0)bPm~rXI)A(bPFua1GIJuBO+@915fufe3GX) zR?19uR@144*~DBj9sECA-XhI6FdTuvD9;nQY(ojY2TZ#M!=k+E8QJlKvAoZ^CCRY`)Kz3XUYH`LkY*=?JI%_q!4%nMoMeY9*;E) z_Ui#6qMI>1r!XGcvl-+k+7tcDh)%(A8i$d+09Y%M@h~ljH0ofHD#8*h7HoTSS8w9P z=y}FbpQK{@JlkW;UM4!vp>9YraTAgE4stGCF!Z^c14YCMg1}MCPAjVJyvEyJlFhAj_oy?!`xRu9 zH_eYT`S~ag+f1HYx!P4Sa^}ZDOPtac$B4xN$N!nALiZ<{{(ja^Yx*8#30pv2To`Gs z;n(Kc3s{$7z|uC|RkU8~feqt{@QcY=)&OP4pr51@##7W@O78g=I1z91U2;C&fFZmH zQjcUrXG-6*hoXHy+TWGY@Hdo}$y`B!WLA$?6n>R-iZpMYN#>P!po3G^SC{ zBRr4ifZR=ohUf9v$}kS{=sxEVh*qQn+ZOojFoHdcJkkA)6l)U>N(%@DEieMpEstki z0AwTYwTApqAKP0~*O@8Bx6oAA7o++DUY%dYoH=E5>bMcCUafUH)0rTFnysNQ1zTeb zDloDGAR-hv{oyD?|Do4t_96%cQ$iHF5@j92y38O~5XQep+1?gof^bCT-f!-`gamsU zc@BB30krkGk$hzm#zM+jl=C#8td=NFMVQ*3J19(U$-TCP-rWR6SV+G-!JRW{E2h>> z0j#Ne%!j!rdEcsA?2F0rD=(-TG1yMdRi-LDW`r7XoK|&PSy-aR#7qUSI zZyvJ>`N(%O3tcX))7Rvr_H!=RfpnB`UZRN}M-g2r&F~n}d>uwbvU(K;vJWlAgw9;X zzDo!Eikxwfd4>w|)_TupcVj)2WtqqF0rx#F+k18nYdr-#9$6%9#L8=idXd=QW%>tZ1Ehd7I;ic zp?9kRX$}YXZ4SU?L<<%$TqMbT6`nS5y;~UFQH%kVGM;GGY9YA2AJK-Q0wu_S0#PW3?KnhLz;5F( zkYC_^Pa!v@dZeyIWnCe?bfQ~+DKgg4_Oia35w)ttPiZ42+6+hy4H(v1VA>0SF|Wc{ zkHWBTWvJyMyz&qX=R6#nWY~PGXgEBFeYt|}9*T12A=?+S$NKILOcRjvb_!T;6cFaS zz-*Tj)%T|Fp(2gjiOR3Xh!1c#!F9Q!YHMr9c24W;9~2lg*w4?eX zU^m!fgMxzej15&)Re~=UoBhqo%*?F+sTs2WNYmiHefx$~R#r|nf4(wo*s$oKLxx&W z(NR`uNr|;`HHp$;KTdu^Mn*XP3q~0R8PzX^FE7fUHc@S1U|kQR zOsuCtbe?_)W&8=Ae>cn9%4a_b&$9@NHu)DQhPJQ{#Ws4{2)qu$y|i*FK|$C+i&M-2 z|J3}eJ5l4k(6wL0GmR#qyvtnc^G5K?Dh~WIj9fbX2L&MwA>rSFR$PmLb?S-y9^zi^ zMG?Nob2o=2C4Owf z@l8g#=9|5^oz`8yqe-tHdomCMe*mNU9s5uTai}{Ds3XjE1~!UH(zvJjKurrFXB;Ft zxw{e4u+Z|31UdqvPOzp(4eQLkJpya?IF$1iMAXxfttv=Pa@^GYL({ZR0db1Sxtq={ z7uy~}k;Ayu{rsL@j*@p3zem73s7i);PKeAXU~pHPD&a$a?~hmz<>c(OiYY> zPSx`7zO$Bn`|a61d-i-78yl+#^bk?hA?o8kMxpm75|F~3<8-@kbS5HklHOuJ1EHiB z*d7P#G>(a`H;OP97B(;B*z{BjGe$4d6;%&Ct>#HQS`3vD=XC(lIuO;@}@V!G0?4v ztOObNr&07C4C}=>;gd-(EX6SygmKjb?C1DgTO!g(-xC0rh``?9sY)>ld!Q_Sz>O zdHCV59zA+kp`oFcW|9R52dgm98Zlyou?Kd`<;#~>MMOkwr65p;@)Nv6r`O*syp(sD za_om!qXT#kMkbm@nZZB}`FK37@L-+>Zs`R5c^e7Z8XzDkrl+&BvkPE^ImM#AfP)%1 zRN)Xw+>K_Ti+_cJt95yygC^!$^C7e(;-S@%6G`V8Z?V0@{iMuFDCW&1ar+qo70Y-Q}QOz`9pG`Oy#YAI@syh-1-VWr_K$Lm`32r$hJL!m#jKN)vQcuR9O+r~! z5WOm&^chonWxz!=xt110eIV)#A=+$08z~uc!Kp7owJsuZj!I2Q`7SFvyAYzoOGNO_ zlz^TX?ctWUQ;RP|qYym)opjpIag?>Ww_ijM_L^&lJowNv#J}=x0()3esl+CRQvrg zP_A;7cQe9BXW?y4VQ)lYY0Wg|L#&;0^6!w7JA{GgLPVwKP=n&C3{TUBw;5KtDVv#T zupqDFTpr;ZuVK#>nY~6%b0{f?y*On_oJHm0dXWl9#8Dd2D1B5ml&$*jd>TMm>8GP7Po8A8Y}L|zZjE8HTC`|k4IDU7K}f>p&6~$YMnrs_o0nJk zvo&Phx^=tew%cy|-L1FY>gyj6@b~dfvv@sw_VlT%t82Gz-P(rGu&~#u2XnVu$?%Ly zKVmi`3|Qn!2ne^bVJ-wh;rlik?%qk>qZJ23#_KILGfnnbsE&{eKBmTNCpi--n3s&e zX#nGOj7o3{cGDQ**%XTQ)l~7{4?`#d-du(X`f+%azj~JZpw?(EzA!`lm?>i<#Pltx>Zh%Vu zs1PR8g(w9Z4^h$SYV&=2&G)T`fhF&7hl#RF%gRb0pYh?0_=JRnACv(Zx1mFahAvpR zFsY`dW~MnPg%}tq+b`9PLA~_MzH~$Rcc#licMPvT(byLp>|BT_x1;C;Gj22yvLd0g zG>m=+<0EG0?|}2VcNc_8eCH0czkwf&xF-$)|?Fs4Sg5GBZz7VvLgm3)&M8blzhmk|Sg0#S7jK-JDbem7)=xaVV zfi>6Xcj+AQ96>mS`J_#5ArIctmbab>ea>U4}j5!&-Ow^r`mzP)d zvomD<`u6p2)27Y*=bn4+oVq_Gc1-lk%*^a)3|dx$Wq<7B^3lPH*Cbi95mIgs(4#C6 z1+$!I3Q^&q5&jGCrq?rZ*6C;;OTu%7d5?tP8X}^R)Vov>#hgS~v(0DajopKC3BZ{A zWwJBy(N!?W_8?g88!@aRsNK;2`-ozU=eZMz#feP1@b{HOIVD7LpQ5Zk#Y2|z`W*%^ z$Xrj?R+syDAgsHM@IUVIFuGF6>G`9S2Vqo4b0A9b&iayLdX3sO(fl{jaP$q;~~ z6RGR*C(Iocyzwkd_4t79<;IbyIyq!zVr-d1`5{ zE61xl#x@oM{EboQI-h!up0pzifiXK%#=|JzJo9`#fjHGPxC#Rx@=gs7%>(4LB^U2y zH;SOl_g=#}+h=+E9tutQM!7lF8sc!g$Juy@xn_IGo4R|Bnrm*K?Cz@Oe&6@#n>Q(6 z=t6Gnb8>7$fhY^f=W5ULKzvj>ahbWVl{ld)w>i%KUx5rx!NDxyj2^>zE~1um33_iY zdpj8hZy}CDPNOa)a<*%w6U}#qaDUp9B|bjBwI@%WcM>Awzsv>e!Q(-&NYBL7vXg| z{Ti8=T&n=1dKxeLTk6wJvL^#j+Gw50V%E+{i_PBNQeIvWotD-) z+9Ul%N6j_%0zbY+ zIzoFBizBEZmNEb-kS7X=!f%0;a|p_OK4Vu}La^zKqu`7M(pgK#NM1_klWzRK*s%LK zTbYytWHBUFDS#+Ce*BjE9A(z45Gb|~SvUY(xBxk*#4-L7vd~(-OAgV^w%stQrnWYA z(0S+m7-Y?A(5tKHRWP z%~7QT4_KZyF%iHLtuYEGsmExI5~=`R5wlQja-Krj3#b3B%cEq@aM=AYgr`tGQc5;6 z!MYH_OW>L@5wNBeTOE@$~ zi44k7&dRG@iD9qB@Tj(J8A?t0nH4}DFJQzELaFw{LluK-CkK5iu-Z|Q#uH#c1<*is z5Qg@B2ovsCZEdYj`}XaRy!z^^AwNbY?z-!)%7X_E#s>xlG&Ev^*|Z2MU~R_ZJxd|0 zpJYEG>aBFr@S`~Oc^HH)ScZw@dVWo3h#@#{UtoOB;>r8lUU=U?7n&Qn*gLHHS@UlN^xE*5~0ZiV~7>p2eqH<8!hd~WKc6nI7Cd6|! z?90g+`~0)d&Kf;t%sKDvu3fvVsZ%d|I5{c#Ey`d1A}@bO@uab?%TfFy{4B!3>`rw4 zDKgibLjD?}-p9FK8{WIXspR3DwB>pq8_C#i?nP&8ntAT;&EF?e(7z0rFx1H*+Md6Q z+_Qx5i{otMgPv%D#%ecF#^q{muGOA=>>eD?4{Q%P%#RWYr5Kvgp`?Z!?RDgyPZEjB za4w;AM6$I3ru9=0aE{_Y`C$luMIKnXV?A)99K4k@k#_oR&SyP#A&-U5ew3D$hPG_c zV&R7~W^_I0prpRuy8G_Ck8jwpVamph8`u53BC@*rrhz|@7yF@CU|^sX7!Vk51f?tR zPB-eh1^|u8;~l^z4u;W_%K>i9;J9qOJ+&aZ6%t5G;2n`NlvJGvRb90#^)LymV5%L! zquav7=>8~#3-Pkn03#Nl@J2uy8BhI5Bn7>@5!wpc=qP_9#TnFyK+>CNB$7PHL?_at zt41s8=AwE2)d=n=yslz!`OD~GSjMwS@OMyevkx-KK$QJ{6z~qF$?BQ<(0kCS8QY0L zj|ZZ;9b@kP@%Q)d;Z}%07Tfmq4fYT4@7efTkX_E;9NY+FEfhs11uTkq2PpU3fD`xA z9bpK@JBR<@Nz>uUI2LiRHT%GHTxogxR&HPrqH<^HmX{&di3oQhj*<+)NxbMD>|;}$ zghHSrePkp6A&_X@d;&8ED~aD6XDBzBd|D(VPwG3e#j8wD&G>IY&lmiKgNv>#nVLqa--g@^yRvun<}udknS zT3zkG-rsI^qd%dsU)-okvhLw1zng|5vESwWTpYwMDf<=9Ju*P^q@yQTgG;HQ+KCIS z-;Hz|6x(i!Z1ku5h(2>K=iofr*q!7)4*=6CdLP6Lz6}skx|(Y}z?pFvqxsxd2|B2f zzxP5{D5~3oLpB}AwnddnFZT^JU{?`BPdcR>r5EE zoP)L=%B&2MrrY*s%)LJiSg*mb%>Z7SKx5c5<{Gb~7%#Cskj)5p{>0_d;kb!}vJVkS zKj5ru`EwZUhN6kUq%^N3(R?e$N7%?Xa#~?{q1A-@J@Jqp0%}U=hmf<{yBAc&(cfUd*j-ceCikxILzkiqfRRmFM z0uhsp$_F?zi!dmwX&aOdQRWdGhu$Uv7>M`n+qd4|D3_=7j`&k&B<8bVhuRD+Hb!R;!3j;tWRGao4kx*Or zS#!B0m#57cEINAh=#M(PCr+NULc>B&HQ2V`t@XOzoJK#+zae-$0XiX>d*1y2Dqt}+ zG=5I)#yI;c$aAORSagD+t3Q7yGK1bnKB^!4c|GVwR~!Q&D9Ul=(nbGL@>!DWPf0th zBsyIIqj3<1q}s@OD&0zCV3VDQoLp7~h%={(yah5YN2fcXI-8S#bfz@eX`A$xz`ym{x$axoE{HE-@*D>5?jBY95} z$VrnX-40xr#{E|V?d^g%(G+2=MIoxjNYhUb!ODuAJZaJuwC*{sSxx+ZvdgwxAutvr z6%?%~fxnklF=v6H;vA?8BO_z;0x;Cocvq+KkfMQhf}znXnZ1NA0YMmxtu7CQBvBHD zwv6#DYhhYR>3(E+yJ6%~+vSf!{XGY+J-M)^C_z8lTe6^o^n2h5J;$ApUfLk|A8`L8 z@bX0R7-SBf42fXa8%b^t0d`Z4=>ZJxDD%EkhYlWGv}4DPbC!p_*?TSX8M6+qlSD-# z)BF-bhunX4_4poxz7!=cMZAd)=tE&-&7>1}1AB89`GPeR_ew!s1*9nE=lPIej^iD# z1a?iby)dH`Oc42(ndBuM)>}4_co*QU+iVZhtqt?Qq|_FRqP9uk<2^}DsQa^bX*fNVcBgtfMhObJ#n**P3lCsB%i8SZrI^kqgescWO^6GYTzt@|eX6Ee9&CJZSevG4{roK%gB4--eP-(|C=ANdT zAGI$VrW!lt?#!QwL@HA3lF4~$17&{KoE+A>ji~wlumkm6Z>UMKj2uQN%sgkFTF#jt z$1n-PeaZa)QS&1*(Z{x@F6}5Idlc<`Z?2JzY>cgC6dyM&)SQXrbv_Z~2AGtqGSqF~wr`~t@FvSUqUb(YutSU? zJ8?Ak*aoF>&h@o>_iihDZ`R!P>(}r7*%>l(5Kd=iuKW7Hfdl9C{;k`#THh>Nx;8pG zI)+GQ1`)$?;N3wKF5gYV%*%n#;)!$`cz+QEj43FdcECoTfD_9@sik9xlBfZ|95NL0 z;@+9#DcW2JEiHU;l}pI|kxd#9PFAG4QElV9tP5Viy(mp8tP{%P%Kv2+MLUy1wQ zqEy$B9}uMA6wcnupMiMeideQ9&+9OUP0YkHYQW^R&bB?@Q4AE<0K_@it1mTJ!c>Z@ z@_X}H-Qz(K0BBhi4kQ=CcXlUoyqUb`sTu8+2EJvWltp+kqPwd>X{2@MNNGcqJ2 z`H6Xs*KtM)>7Js!dJuw!BF3%eJvoy+bH#2`&0q%Y+;}}e&qxE7r$aSt$XUbxu0h^M_S)F8UkBDntR#z6F9(f z@@mX_%jruX?|IbxyBYf>ou&G;cbR-}6bIa*Zm|tyu5Tb_DIfc>+gWkBidefEeuOft zlv7~t@gx(|Kg9`=llw9wYJ^NQrxYg-c@)D|14UnQ@3U=>ZPv8eym#MyxB5poDQAjH zN*7o^k=Orv9a(H_+{Ob34_?_fJv~Illt1(;E-tp7eCnywRTY(=2l)H%2amoAMX$~N z4&e!|3HpklgLPOD=99Q&)??~sZ+q5j12po_ukvw zqDAvf80BtEDQ*dDtc{t$-U*_;7)9HL{R-n58_YdKvA6js3K^Q+ni$OeIc>focpe$L z*2qCFo!9;Nj$(Ra`T$FHAo}Wy!mR>;$tPb{$vyc&JW{Vfjrq_X{enDA2u@KLEuVZ? z(+eO~^uy_Ci{cv8h!=4xJ3D(DBRp;=%J_=k_o0ckyKva7Unb=cg1A*6D|s9OROZY$ zlUM&Nint}iA0@}i?X-g7S_reUF?qtr>|6MrJ$urI3>gw?BD5boyM={?)^C6N+rrw~ z+S$h2-%nBb6!Q#1A4;hcJdo-sP*!A`jg#R=S%+0H6Fm8jT<)(P3+h)taa z5x(4mRx!;`P6^=PI<&8G=({5r<>s31A&X|?@4=h2fOJ+_UJCscK!B0JbR+4;Q9+-_ z_9#+~Qu)?>>QYi4@UqvLl#SKZhTxY=X2NAW5ba^LWYbMho^O+_n^mXJ|S_4nCCVDu9K`sjq z4=-GonHg75SkR(R?>?4~?_US~f~H=5^;K*3?AcpmqGRTm19RNL_sJ1ebKNFTk=4RW z9({$mmsuRzE+|J4fW8CT33WrUE>}B@jOyKTs5LwWHAY&l9?Mj+Iz z=kw;8ibN+ucsWe6%TN=NrtE;UUGd{Fl`_rFhn&9G>nd{fr{!}6|*MI7Z)6>%< z>*{KMo05_`t!IxOaV=W3v`(EmX>HrSt#IeAU2|fa#lCI4zG)a7_r_2=u?vs!5IFD| zV7YlfYB#fS&oWh2pLqrtM~bNxw0fu8LKi+OTK(gerwhit{QFK=P``xMJ%g~n%;jxF zD`5!1>up7Uxp{bSz3_e~aVVw0Zk^NUFqi}O8o2-wL{`xV)enYcN5~tIL{|&x((Uf? zN82Sqh)v8j?=}Zpu*yJKl3!TffuMhee*Xp@`z|`ANLelBUOVCi2a|wy*pAPFyWc_s zU137!6qN1M}IB;M$usJNCck-rTiB}y*DB& z8&DRC>Q-uiqS=Q(;7C;B(We8SDj(MugH;MVlaFK4KpDkgBA7g*=x%fNmTn;{NVMkz zg}y^nyPWlH0}-VUYaU0lSBEw|f|gmQm}93%@>LjmuL5H~N_0JuG74YYlaI9_G!z3_ zKFW0Ho5=mh*?S9!bRr?3!^>`y059JwjmcF2b;1QU8%H6(%3}|Y^_tds&{gUW?`6_4N zTJ|vjIX(~Lrcp2rlP8;i#?Qc zdjkkfI<;y$8|`ljIbucmA2C2vsE)`(cLL*fg;do7QdTNG9B-q%;SqDq3iW~HtV^zr zz)-%5+;0_d_x`}2^+AW|)D&DlM< zKPTr{)0miF_3G8DOXt+i0S$J&wSRw3?WRqeb{R+JS)-Rf&&~v{80qTX$C5zb3PH+N(|T@Sc;>G5*lb!`xsH%Wqjw=cxuNW2Ry)3<=!ao z&a|&ujNy^N(#VUu=m^q}11sb4A-SjtKzJ3f6&>Y5 zqpUwfF}aYRIuvtfo?TGhY$Ip4p;V9HymZ5Rms}R0fKTw5RDNFu)LKe=BoUF;nCl5L zSEnAAaYj0rv)kO9-BT_fpZ)9Cum3>>XP!}=V$P>8<}Mh$F+{CWzFW+-=W;Ik@O@Io z_2%E<$hUH&y{P%reFWRy`E6YwWCcRr5LEoRQO+es+W$;lUJY>IVhBC)X8q@&Yr0`r z<&ZpYzVibIj-xK@H;m_T&aRAmGxDD@)Q{p=-plvA$uMB;xzo%c8wBBPm$!lOM=+e1 z^F14Bm9-xIwU-e=P08yw5IKv`b1j9}H&9M-l<5E?K{EE^>^B1ixD01t5RIZEDeGts zL-ZNv`ON-C)YaDu@^0|+_02YVxzzfJzW(DAqVw|d^m8UZKmTan@#6)#d3k?12!!D& z1rFa^%MdRu31y;Bj0SN-q=;pAJ#~379f)Td4=LFVB?T~JTM5LKsiagGm``KgeMc#N2Q;GWn zIY&}b;iof{>d65&2fAI%`#am-Vrp5-FS6)2nETgfw=nOYT$|iUQch$Ymi+T*w2k&*=F98X|5Y#dksYrdC55R#CUYUUYv>q zbqz5;S34tR%pOc5Qj^1wZLT+%X!|~TEpGjrXv`mCi1tzGi9e!OnmM^mL4CF-e_fvH zfgl5jAakJLml3&1znsOPK8jwdM2<7aQ>ss@4~|C@$||HsG`i-LxqppynM3~CfgESi zO7BDDYZ^m!Lnv2CrF_I`;GpK&e`y44_P5#`-8`LN^Yr*d7nM0)r&Or&^vjFhDXCufrNF zLdohNyMVzO=*{>o(APBP3?<=V`SKIZpvKmO^;69K`r^@zLn)U5S0yq{_&9X$Q$z$h z5Yez0mou87fbR;R@o*wI_&gHC&H&K>BAGfhT6KBy0?kp>F}!aIj=f5iUo1M(<_O;yZ9<=w!X%`iG@sQWdCdp2-d zCb^_7^4@LF|7pNwlScJOf(`e>QtS-`oIwt0gLx)-=sT$aE5a}&;gqD4ACvNnq5!`V zLeNt7G#DoAap0vY>IbdKlPCL<=iJUS9L9+CC-*l4BexPSxjBx(2!7wd{5&7lTr!x6 zQMF)pzD8FULE37_TLF|QFMByKaBo70n9dKz<3Tpw?N(sQv0d zSxyZ3^D9-#0JPQy&)Rz~0Q654OGCW14XGLfmMV%eC2Q#QcBpeUlF}4|a z?|%S}31srMyEC}U{7@rLSUI0xu*bRPnPZTF8XOQgG_Bk@GTZLV^)oPxU2tLo_`46$h{oCEu@})8 z^cGOxEAVVr0ySS@zEf~{=SFPPRmenpa<}d1>Y;E$QTUB0SVbt3uekuNKvKVSWpJ)> z8?CrHB9nuF0}I%@qsXuY!*C>qISUj){To9lE*C_97i`rY=0;O+rY_=a%)tQ5V1Gj) zwjy%TwTu71oMmG$22h?b5_YDXj43!}GDtV$3_OfcZ$_Tz8PJRmFlcHte74c075RQ5 zgKc{vn=v>C+CxEo(^%_ZY6Q>VSdI}qNDlQYoP%{laj!te84m$RRQA6#nl$@+Cvd-0 zwxTop2FAI8J$jO;Uh)}_;p&3%JBm}i09f!s%4}}nD>{Kf>0a9bt>!TPMGp7-I3*o% zJXTS3{T5DYUvyVBu%h?`zrz5AyS!8Gb*@^N=hUtq)2Jp3xOk&?<^)VJV1_25!@&u zgx*lg2V;m1aDXdeI9V7TDWxqyLTNmcvle2oZDUs2Dm?CC&YF;9&LY3EohWNCLmXe> z`6e(@r5wgxd)6vPUA42bvvYpr{*J++a!0|GPgIi&O`&(B4*T^efdwdNH6Z^5q3u0uOhFgBII|>cU;YSp2ew{LQYaON&$3g|5wj(6X4n7 zI97R_Bw-}CsbbCzd&=CKhCN-bkF&C}8n~_ujd~qQKl~Ed zY!3S;C*?(R%_CXa*`luZV0~I}mNt>^olnHl2ejt|5dJ1}-5MOBXi7xZ(>-2wT1zls z8V9vKH8r(0vNq1`)VN$-K$Eigu68sU*Z&QLX{!4>Y_6M3bfmS}K`Xrm6ZyReJ2wgf z)F2>c3+JPX^LLnBaa+rypTamJeawA4P44h2n!dO%df7?lFWRgcUriA~UD9PTuoWn2Rcb z5Lv~cQWxTZo@9N_(Ch9Xk=+gK0E{5R4OHKFQp&;kXj-*yE4M_fE-(MuD^q{Hjm=&Vn|gTAwK1UDg|;)ouOVD z1Ek#bf1$;He>4_^u?d1^EeigvP?(>=Xo%tS0??8A2yUTM{4WT@#faMm%~ne11f%M| zfbM)R5!N1H4Q;-Z@+AoSD9Z~$jv%@@g+N{ee0U6&*)F`~FY(^zBfL34C1tk9dzZ4j z6JvK4h58nCM2lb?{Sg7{iPxV2{aCP{l-{er3KuEyY!2`ljNauO%s%AZ>Kuj^UfDf7 z>!%oPcSNT87=-%`*5z^AL)VulKLc3nYU3fk0y(A~iZ~i05{yFaf3Ew>oHUg~gwdfT z8WKw@ib-DqTAF~um7#sv1b5@42-M9|qpy$3Tg zG76|Oa#(B1L#Yw(M|AY~90<`F?D-T*?i*m$w}?*90vX-GB!c5aWpWA>nH4*|JzXBz zy^|i677@AAygC~q#1>#ey}n|8*%=sc1uk!|$08Key~x|=M2RPCZ?j@W_m#B#x(6BD zK{uNk(2Pxd_C;gd|4cq-CiQpvo)oiAA^*ZTR`lUaD45Lv%Jxojn#CVd&P~z)h>zyX5+`}OqNj`BAdo%~; zpzitGY!B>|=JL?$)t*XqH{UsoO7evl@@Gd#D5uC_h4K7-G4P#nTDo%Y%^)DulG_|i z6kfsec1}%A&7x(I6wF5uS8`Emea*csz^i@$!#p2`<{{wn6r%f2fW8&&wc;~PnPQzy zWF3M7sJf~K5Qly^h8H4Felw$fYWJ3#sMrQYMlZZqZ!cnY_(W2 zh9=ZJ=LptZVjqOMGx7Zzq>_fw}IyMhxh_l$hkO zH@XKoL~kT_%eJp%_ETG;6gLIdc%HN9x93cc{Wbj>qwsVU4JE>YOC^eGMLr}S2Al+0 zETK%g(cgooD1%q3&hVC}yZl+kz-+>RH0A#5$d$P%$-r9^snAa+SMmrDm+on|?ZL@Y zoG6T3Vib|eJQzudDDM3vcwfXLZNjwz$$v@NTt%(QeqfKqK&Q ztpcDa$C!IbItK;UiE%WA(572*tstBhUkE;jn26f}<*dUkgOWwhM-eBkM_~)L3xeGm zg|c`F=S6EU3V7u-ohvXvNdyo@0=$Fywm+@can|vC5h7qxk#Byaw@S4SC*q z7$G@UADDYNG0CIEg-{5Fd(E8PQqJ*ucXVspQ;Bp20^4Z~RGhruy!R989&o7Y5(KCyO*G%nh(x3S1>b$4o^8fkOGiNJFhEW?p2Xq52FOMU@?|u4 z4Z%p%5yhPkqq2l3Y7*b4NGt}}umkM0$Bgi=gT3VodF58%rTuu@f=$BtTp+b&+fX>^ zGz#8;0FMPq8A+l#9(LA4c;52-(}*_q5!Hw(^*SD?KXbU&Vc;gBz!iZ$OJv!Sn!XoM zkW#eoKxo-QKCmT@hgs5;75^xmVxp)AfV7%GMp%cV@GjRZhHZBz-j|}(Tu1~&z*t?&ca-Clg_wPR5aP-^z&RBZeQ)7jFCbZ8NJH5kI9b!ljh)XDN`9&! z>BumgG_t%d)srh7k35_}{-@%ZZ*vnX%-O(s5)1fcqJO>T6Da<7Q0(n=HE|fFy5E6j zZ$-!`KL?g#0y)rJqUs&gF)1QauDjL<$`tXGt`a~Ua1RHKghT5AwlY?_Jkz5>md>bviv~KFN zxZLd9Dfapz_N|=A_Ie!Duh2VgQV~d15Us14VWis<`M*pAzK!%nzQeXQ&$i~jhV0)5 zE8dNle+GQHj^TKz94z&2yMlk0F_!*MY;+hoj8L%ibc8M5@^-h-`#w-e4h*mf*x+^G zv{E3h3g99cow+1=r(%4xerw5jJV)E09Nw2qD1VShuooV$ps6R#p;a$Fo8E;s5vNT~ zrilAFfdTfTHY$%Q{xcYj^T}xp0cJhSh;<*LkvgD_cwmlR$|sqFa}fhQyTBy73ntuV zp1lQd(^4WiXQW9YwDD4&@phM&rhfv(5Dav)(;SG?KcL`}VH2KmAT*SVlI)kcJWRo8 zm$&?3Cpm|3ywyu!V>x{^TL3fNO+Ami(gcmuNc9xb>V8{7mChyKafZJ~z>JeIf6wJ1 z_=MuU2a;$%M45%tO+60?y8{Zoj(d}WP<_*O^S#Gm#O=1c9W|;UV;lrpR>bDa#G3|W z*o6Gh5MWUeRBj{Zmc!m3MzJnn6p0jYS0l@rM3WbDPt9PS3TB=FNvA6cxt{#&avJs) zaCSODcW(ilybJnvOAs8bNpki-fuM+T?_eDR8vPkdzOyF^Sz~6FI7Q?}HX?8~a4wh5 zd_QW(?!j?X$w}#rrYBv zRpGP*Bd34BNuBSoAaPW+XFb$>+U!U1|0P5AlY|xtw=d>!x$p!FC`{CBA=S4y-Owd$ zA2YF4M20TVtLuTE1XtC-0`sNaP6f=a%Te5|Q5b@QCZZ&If!814b7viTx9y2+BoxX8 zjfXWfhuW?hluI-2Z!1cnl0Rpg`*&D@i^0i4pD z>%Bk}xRrxn$|2J_jQ$5(thzA^D6bUQa0}k=OxlLEVrHBUTQ-fIFJ-U%-I0cEFCiNG z4A|rhUaI;n=JTuOeYwpDc&I`1>9dz8RR|0k%ra(rytR#V;^Kq3T7Zh{SahA3Z-p=Q;oz1VhRSn`QXj^W4*bsGSe>vu%=xyZsN ze}}N-I8uMc5hynIbv{O15%qjJg7^XJ=451Kd_;8J4jp`&JbR+~?7j3_y^(3{zoDVF z9KUX`Pe1d1s5AFqBS185%T@4%;1BA5+C_)fUJF{M&oAnyNfq0sG&c%Zd;4>lQ zj>J5>-14@r8o@XbXMBVV(U`O@UEU834T)*itXaF}<`o|w?{nUHgK8V<8(ssRJ%NJ% zo_&~!;Yf!$7)AuGgBOf}Q=ULQG1UP<4PMnt@B_1sS8~r^LUxch+6(A41H)=FLS8w( zEiP{z(N}!d2Pn7>Co0nNbUl~_^yZKpTJv|U>D7FnjN@u^FDw6oDx{_=S9J~75iuZ@ zL6KU|K|tYY=HAyKf5{jd!Q}19%gX4ear2#!HWu(68G^w?%b`T^1A(zO1AV(kAGth* z%~Dc2D@BSbOvIpk;kS?|z5{-8cf?m~ICD?85ZxD08d48(5aIH)cq)&Kh}at!7uVM8 zZ+xp(t-{;J$Cu~k<*6%uOJuFu@3rnpm*z4n%riBkg;x%_vSK366F5YxArNJ< zc7tHQ_ToH#Z0@Yv|vPYuLEefPyuZGnC&6g zELOJ}@@JEg*9s7e8_8eVJYObfw+$%4NSxD0ai))!It;XDIkJ-??FVMe876B@)N=2)A(*Fe!H%&F743a z!-M(RgrDt6Xj)jc;ETY`&@Yec=R78Dd*93CEi;qVb7?i)6A=*>paU4A@2e{^tga9DJ7 zR97FDOOD4GB8bJ1gc4yXsv~=v`Hm}C!yOcTOTN^&c9Z$LA~V&GRT(4J0oZo4`OE}l zur1DyqD>iOMY$^M{?@#w0rH4sME|#*vv!;_)4&-U$jFtkI3l$~QK2|++2q_yS-WqX z-j7^QNX9st?yhBx5{b@2`HoTuNwIuvD$%CJo<3vl?=-CFBxE-n_OsBBxm;^B&**fZ zX@%TQ;y%xVPmn_ZAb55bPERoT`K}_zu>TS0izPtFHSV;5%N0;lQ`0*yFK_5`|zI*rXY32}o@W>;N^fCs_3JeVV%kOGy zYpu+6>#WD0c;ZxONXSb@`Gqvt_5u?2v&eG{z;ka)A+PdK>L+#|&{1o;qWd9`1=Lpj z76bDJ#kYc+)M24FV>`ZgD@ofHq|k~(uDsWm>IG*G-*6a-yMYsC5PfvRI8JseMwe@o zZQGaN?KMX*TSMAVer#tW81+$daHT*DIe6wG zdDK#5tHA0bCk^?6gW)b5>q(J2qRT={o zX#{*{>VTe$^shRpbl` zIUgG-(NOdxxp){@sw;4GG7L#Y+)Is|Jlkk*rGRFVr#Qk4s(cLBCm4z?kb_>sn=d10 zRs?BB#oFJfgN4iENzbr7#FSj%=W9SOwC7^RiluoeN?8qW#oB$s^3)I|K?Iv!2vX5NdM*AAr!p4ZqR4)( zIk#*6CIxac5WGM2XJUueQTii8`U*9VDqwyJN2WPBIrs4047&YK_M}q;Sqp9GZT|lk zFbMBP?p?@{5C+YcdyvBVu{f@?kl7BDcLael6l09fu%4H3w&&m=UTyZ(s93w)oZayJ z6DKYiI%LS;>C>nC{_U*D)2B~cZ@&3v!-yqIe9zFz`6o#6nS0$v+N zj-f5gq;5n&?*jjXkUx{+NHo`4h498em~aL*O7J#Ouk|dj;SE4a^?X+(`MqR>GZ9K~ zq4ECP;k^w3#z_W_P~L0^hTg_#wXwW&xpwjFQaUP}3@2f{iU=nFW}L-tpt@uD|~Js~>*&VIQN&{>T37|3;1)rD?;7D_5+v!@|Q0i0JBxs#0LjiAi=4 z##;v*fj(gRQ!Q@;eLslk zb{|H$laZH&DV|9X_kb2S@_kT2VW=lm7I;($mcKv*<4jnsM!-o$K{eJc8Vdm_F$!;4GD( zQ-+xLJjX5ksBvm4B_OU@*Nnp}Sca#D}O^&0h- zDV&inIDacRyGw9LTazCbOxm9uZD6Bv3h9`)AQ>go6nmeKk5A{^+}u8Q-g)QbyY9Nn zCoC-N@1ETYF1WxI8X7j_(BZ>1?b@|lYd-Unm`nD*PWCVh_S~b7KHBo{O@?m#ijI!9 z?!W*3HWd{WxBL0~`(R+yEL5|u_Cf{kgJ6y$5$=zXX@?gX1hJtt20~t)8vR}h0b~hZ zS4nTOwa)k0o_a0`<1zDnC6hfKV;Xb5Dq-nO!BfPN%J7P9D9=u8xbvaK7P>qQZdKDI&v+)0$u{yXM<^oRg8=J#f~!XG95t*-Px1!U zkS8{Couhc}fpa{~e&xYl+bDOG0YO08Dw4dybwr(7i+X*IdL2F6(4vx(z@((4+pfFr zx_>GMde5lQqec`L7l#@}G6Y%t%v|$bU=B4To&w$8hwt>qpw0ni+=_8oO7r1BpyFJf zaSIWo@knvW2<1_aS+4d0DtO^Axy0(TG2Enph1GQfX^D?50!7v#8fu)Z_ zqjqTFSFz_7>^m_}pMzx=PvqEExn6f<>vFAOeNUmBBQ;Ur)jwLxuxsuc|%0J@5$L}8rHn9dpowYM=^O{=P^hTebQeepV* z|L7GL7iT^8o8MSx&YZb1ARr*rX}x88Cb;iXw|et4*}PC~<&6a)52A6j_IH!HelGhn55kS^Rjt{U zVAPX!&wulnQ$RD^(qoL+@6CI9kz;m&Y$zK3O3)z=jGWwG*`Bl21c$LPJSN?g#d@3t zGL}PJYp!2mevaZW9wuiN$o#gCX>MR~j=y1;s`^e=QhIS2j9?kicIH}gMAe)+$b4~n zjR~jI)6=hftomaN6TefviB>(}ohqwLP<{bpgUA%lnX zK6UccE(TkwU{4*ZZ?`>+EkQc-*vNKxKCzGp&VXG@s6S_1LK1aWl|UBDl$a(o{~jgs z3WvSHfwW}AXy2sQ0T_$ItKW4iT9<1coxx9$Y<-oSfSV3X$p1OlJMGbPlOjyy01IR zcaRhu3cikmwgV>ME~wBG&3b>&y-si#S>|)Yfg$xwiln!jXDWbPAmcrac1Qc5lP3Zj zB|1(v#m$;TpuERyyk9XNH!xCV01&Ob^JXwvTSJRJL}BUhNuJ5j6F~}s*!w~Zn-j(V z5m`B{Zu#zKwe9PHF`Hq45Awa8jlhJV{DNVqN(sI~7Z4f1F6KItx#iSl`9nxaf{Y>$ zz7NIHXCYt2QI;ad?-QB|>$);Dx6{yBzsoWX$Gpy+J5TG|uirVH-A_ya`Hy#x-PG=e%&b4nM5fsA@3pP{|=e=$%wU5zRY1LTAungMUvYyfD4gPIelV( zYUIlML{?7oZRd3xuw*JNz7|5b_<-4BaYSV^agcVvt_;IDy?L@HSEqZip!6$cAqTm} z{NL5+luXW!@~hXYwvX?Rr&jeE*uHwt_{rXpPD2>q;zn6SV6r@8q;9c2zjq9&9NVeL z)~?B(0i@d-wAi_nARM~)utd&eDj_?;7sXCm3=^BEDUgy=&m~2Zh4GX3r`~Gafr%oW$bbUKTBBBc zjG*-cuF@eWWwzKpj7E*Qe;;5!{re6mzM-&*q7m#8KGOv{u8k4Coao3I(x{)U)WW%E zASoeE1XINGya%))rS>Al;TlB|;__bSeb{c}DM0Uug1wkwm$?{E72jS#&Z>bX$n!Ov z5Qw+V7^b9zgoGhoyLCHfd5}Y6J~Px@CmF{f8)Cp$P{-@|zrIA7E!_8H+X;BiuW`?D zB)w0ebd+aGB1bhI5B^2+T0>R10vTwFTxp=OddD)+@iX=dSuTYJ^u%s_>W%W z$B*|ZD=(YM{>Xt;oz$Py*jI3_iG*r!=oAgr03FZdmwJLhK&wMsm28i;F2tIq5y%pM`e4&~nw4@wjC6JvWw^f{Ve$Q>Scb0koMRYE?m?%#M_GuzEMa2_9Xs$#Cq_5VXPvodQiCo;k z1c6&Hmd>PTL4?vHF)&)MLf2)HL!ZGw-o2D^s5fmksK#D*J3ZU#92Xnc)ttq1-rLmF zRI6jhj^q0E?c3&Omm`aejJ$XH^yyujHf?&&pJ_0w{Lx1r9g2yGUT6LqW_c^$>+p*6 zEe~rkm#*gxc%l!W)Wjsx@17u13MVO>iBL^LD5{{XKH%~&`MPkexnTAepB-l$7@RN%j1x`?;Om>sZ!SJs0mK*V!sLC8ZVncnnz^!^Df05FWn8 z*tZ2LuK+S$K{t(Gk+WI?sv+g>2TOCSxsNt90e&B+D42B_!RV)Bv;aFw9{x3I6L&C0 zyO4Us_!JNIP;~z|$V(@<=0s#I8aCltda=r&K1wH&dB|D}=W9ATL9pa8(ij8TcNzVD zberjd5uA^1421yp4QUd8&U8LCcV{rNQT)!ouC6YiLqfvE#_@?wD5 z3IyH$DaY>HQ|ixr^g zcG7q`5ZLoO9D$Q4;vE=oG3IK?i#yVDrLK_w6t_XLqkLDkCln~ z`nvj(l9CN5?X|#~{_N{KjOG2d2f~zdl0zZ&HZGw*%TXF-K%gf`vP=1^gZOEp55aV& z@Lr{~zX#4LBO3O>)2;xP?t~$*d4C;I+g{|a27|VNJZA&4vK2_NmiKLjC6_>sGYICG zdP0hY_8ut03VJQ-^VP^&Fa|o7qUcXB?kW7a6Hi;eTLYxL57|q>$@hpR4ANB%GS!0880DWFL$^*X=O|BklUaxF!J@6hF)aY5zRvbsZwpYiQVGkD z!$YjgF66142_8krKn*pc3mc(O$8hMjVE~VFHuq9GYhPJOCgA)0o6SL9xl)He8!_hI$^)%q2=p+cVaxm>MNp=?+S8F z`v2b${fWi$Au!E0JfBfO3++)PTVYX(gwPK>|1M?>9e@J;JW1U?(5l~n1QLZHmjO=> z#xq}Rdxv^Tkb@Z>8H;y#EyDm;knE0S-qFJx)_Jyv#@>v!T4JwVE24|-Y4ib@pu0{w7VDjG?2$WFRmZvF_x9*0W|ixRH$`dT20dETXSpmcu!#=)+qtOS? z{7IU@9$BShvMaP-p2rH;eF3L<()qWjG)v9WRf zyLRvXQD=9{<}Fr>=FKZiV0H@;sNi{Zx2Vc6KbEIc%~~QUk#$rPs#aneCR&Betuyb< zGmfku4u{haUfJDqbbG~scI&c}iT zh{5?PhW1(zDD@frl*Ytb%m2sTc|ccHX6^r+G*U@`5CVi21d`BuRX~&`Dnt}Tu?_Y% z*1^%S_paC#5ygUN=)Lz&=m~@lAtVG6LP!CU`+uK%erIlm(Gk9H{@*xD?^<^S?mhRE zx9sxlXYc(3T>@mde*~?*JxWsw>MnB+IT%h|kU0s!p;5#Y1-su_wQAK%Gj?ViD=s?s zeCO=!Y%3=_J2k*RVDs-zkp=ks&z?DJ){%2PzOb;+N|}&S5)%`%)NF+beD!w*n(H64OdM0q$YSGiedDlZ&_nv ze?3rO`ut*#v-v+V*4dhU`}VC_ym;|BuZN8rH(LAm?_239FJDIi=%#qGeW9oYr87*T0rN5S;XHu!lL!_ zt{dC_f?jhObp8GbMHqoKuQe!P9b%3Xy4H!^cX7H{WZI`kQ-S1FCR65bhvO|J4LX8CvY;4H%JLVh4LeDI9N@k)a1$nDWAqXk1D413m`x}61TmZ_T!PdI{R&z)gL35jpQM!@)U5@vdgR$U6bIi5W z*K8H_T=Rj#!(mr<@zU>Y`$MxwmXwy1?pV2M)j7}YhSUw#uHCyQtz5P8`0q}UnSnaJ zef##er%au4PRGxjIn&y_h zM>%oQfee z3keCH^T{WloRk6bYp>$sVr$f>QAI&PmF7UkxeqvaE6&`a6OCkgbOUE=&THhEWF}aJl!ubItByLZlFo) zT^JpTBaW5Op~6NWbJBvjl4tE!rGE|9t6<*N+*bi{tiv?yJZ^+c4R<@BbcPV)+>1p% z0mG#k#|aK^$Gz!(+9(x(e4-+tr_Qi%m16P%-awM&OPK!x_NxpzDUfUY&1=uzy+6#D zKK-2b?(}KXRf6qJqXhl&#w0|io3T;T&Lt@R?I_!L)?Jy|r}fPJYHcxq-m_Y&ly0?m%(a|CN9<;q(D%0A2U9GMg|SVqw^<6a-}z<;qfR&*|c`;+TXtS z-g~D68UEU<$arpFj`?z{Idk6XBKq4nHz z&#kUitJcdNC&x#F))*)y%5wTIt;0immU265@rb1OuA*dAXDoFcw;v&%g=P0~l9OP0 z0}RM^cv8^>;$ztKFQlcXA4^C~e3;sg0YHME0O4JPkX?(SOa=1$0ngDbQzMIA(1aIX zHRs!gfVQyM5+RhR!ob(SL-8n`Zs6el!~`EFKGWSi!_*X~%uQD|(@_W{A|HeTam}H< z{7f}4q#*4)JjP29G_!b)RG^P6I^Q;@E}N{sQXnS_R%8;wAXYg;r%s((y?pud&Rx57 z2?`DU`DVgLj~=xie&pezJ-hdO7!?(Df|%WAAg213lOP@qvruz5pYeW|(o1&`xc4@@ zq+Xy~cv!IkS;hXUes7*t#D?7{yps@D%7EQeqDTVkd(oSL3*~)@Y>-0iv;=r3hWo4p z;U^wJ)SvlP{7qim(`K!Bl#RfoeZS z{%Fj$smzvnR{=r{BgJ46&-@IjFn@oE1cTQdLjGwMN-WGg=MnSF`H4R1?_jtcWK-N(hJ`FI6YWey3)iB=nmbGiwcJ0=!n_tChOJ}2G z4?Xly@#f8&hiureVaxAUksUmEu)Jo?nv-YFnpwJk|NdrXz`}w8gDj7+1Qatd17wXJ zJ^J|TZ@m6qe0=-@<3(w5m!S}9Vo7L&UPg>zH=bn>%&fY=29IIg%3_U#4d&tBEh*SK z2*Fv(qL%gb9oNcZQ7YHwO?6+k9j{?E0=^!>+LORQ&B6IgZ68Cd4foy@Wh#$gtXYsJ z*aRMPUYo#cC>y9H^y&GKHkJTSHKXoY1M-4Wp@w@2Bj%iH9a4#y&qnCk1$Z3A9DAWT zrVvjnn9^1)P}&Wt9w5Ow9wlDHqE~LxtuVi?r=>_Rqyj;-R|5|v8D(}NJ3D*s`0?Yz zLPA37nfbLvJ})UPwGL%wTJz@3^Nbkrm&JL<^4_jmwQ4DbfCvW<;XQAHjT!(ns?tBn z#J1Y8W+l`=Wpm2&xe?`Eo!XmH8d+v+HAe%e%25hbV&{PH*g_EXkfCyH1%LZB`|dDaBZYX$M(Q#u;IM+N`Q#FL_dOfANs zHXh(%jH$X9dfkixx_s=|v0IKDInu0BP*AYw__E>^8#RJWC5&?4eeb;w%;)#7T)DEi z!dMiVw`wTvM{zd+;uCVw#26FPjN+&V^!I`p$K_`1B$S82V9kS>D8;kSd?!PpsTV$U z8rMod|Cr=_R*k(g)var4&ixS2Q*6#X&iwy&lvf?*ZU(5%c#PL5Joh5TT4SU-h5ryp zG6qm944zHIT-7V>OB9@piew7^?qDx!O$+YpZ@%AP*4}9ptqi3;cvE$h5N^(~*Bs+5 zaIA!8bI&0dyW4=jqnWD~iUsrBpF#2wu`G_5-yOuuhuc1dmIs2NdzLJ06dW8}xO?~R z2~(#`i3tn}iqqWs`}tXlof)|;1Eu`gXP;f4o}PAfYHI2V>o@cY_)lDP#flYD7|$6i zVDh~A^LjL>-=KSVSa@tvaZ&Exy?d7w7Z)!M506mnM4M3pv@(-)4D5P8m~uyO;YSe+ z@;sV@9iIT3*2a)mb}L?9REuG z)?+NvmavH$5M=JeCe)%@WH#*CZQ`flZIr+`+YW4bKMU+G1kMpQ*IuZ(V_)M@PV&p+QUE-tQn_2}pXGuQq(IXPPo96Y!vJUo1+5pu`P zJ@)`o>jz7)C0?t@7g9=#JPvFVOro#6?4^uLYc}gph#9*ei%drt>zV%I@s)^*BB6mBwxs@x?XR(uH`IzsD7x-EGY55{&3{VVS~q?@(6Fl47n$|)FwngSAvd$P z_ZUMd5C|}sxm$xr?kWk5S$B_PXwD)&SBtospt-+b$X*0dqB{f`$&jlss?t@V<18iS zhi6lVHcpxkkGWoF6txV#a`QYdBqt}wn!PcAwfO~}_w^Vfde$K*Ul~bj&AFw(#}dyf zhqxwBcBID{w+Q6h4_>yi$8!zwQ6V?8N#^eWU0-7>ve#E0pFC>iab(&d(4!OP{?e8# zSu(3r$Bq-s-tAR0HnvM_Y^;v+yVU#k9KIX!ti z1n?IUh_6ra%$qz;-zPzEuj6uW0aJH9g&^t|j=^gyLNRs)o9_zjBgG)MT)90L;2CML zUqSchB;cQRFb8F^4JIb{4p5^Cj=oEPTUOqa#7YExDR=FCg6|faObg{X;3{t!BNpWQ zctRFL7I}dqh@Z$B>P3NBL1iz&e(HkPxtql+>+1;RcTUr>HU?{b8$#?Z7?j?Y9tcV) zsQZDybl-W@e(ZxFY{qyOA^18Igx&z7>wM-n83RO~?;6gT2t1RDz?p%e5Y4lFOzVq% zJnv|TCwH^?t5D4MC>ymg%H|}@)l#6`D*SsDtk!p^suD?jt^*dk^2}n0v7AEq-A1Q^ zUW~2C5g*W7tm5-MOh<&>7*TFlgWF)jKCb472-k)v+q%R-*E1H|5jI~z^eBWLKM+CK zk$G5#qFxF@k&kzAGYCdD&0iHSJcIW?0PjqeznYUu$i9xUOb4#Y#prz%*4_W;W!8El z3@?r8w+QbUpaoikDOCEG!g!K(E`>DH{I)fOn~ivMUc&+U`*k25LtweKVoxaHS^dFo zU=J^&ELRk@2z6W)#ljRz!a#bTqQ8;>kCW1%Yin)`&YIhH$e;1d%X7rCC9jqM8?Q@o zI&~-({jfR5bAy~`xg6v21fHS78NjZN{_XV-2Z3rlH@Zd+8bBj5nIQTt; zJ({z|MxYo^GEReut4irAewa&7y?R_{o!c_!zwzbwTfae=NvmOD<>Mu6#Uj3$oD2`b zLBY;Y7(BOuSxbQJ00t^!L%LYrn)S7RQT_MgoAV>H(KkwAkHJQ(CO)u!;Jb>)eGf78Dd@{x1lsI+ph_s=ZIc zdprQ_w3d5KL{Ps4>?JQ^ARBHCP}dRS3i1F3z?>>a@gJwauo62zBHBx&*(VziaWHN-6Ug7mb7xjg~AnEk&|VyyMPkREnI_1|yKd4Q5tGN=^$l|k|e zjYVa|Zo%{E!f$Uu@T(KID&Ci4d{jYrFJTT9hG=PiJA(8DF&t;YI@+R=3jI>Afe4QXG%>`kQj1yUCw3I0x>^{N~L3rlJ2z3NQewq%WS28XeB2;}m z_Bwd6|Ftjw|Aw0+czc*h+Ku%y4%T86mYo)&>Zg?x%yv7l4kX#OKUnq!#8o8hXM#ch ziG|P;Z>o*uRyA;Lp*_}aC?$vlD;5!Zkie}=z_$hrGC`L?5Gnd26#amEI;5qi&-PlV z$;q-#uY^#bMcV{r(b6pTDG3fKV=5MNAy|7U_udMRVJm<4A(&3$H7vyIRABo`x&UuM z@Fszu?*njmbOt30No-oPG=AyvvM1Kze%m?(_7>df+iv z<6M>S?&`AnZo`V7V)+_c0G&W$ze=&bZaYd?LG@DZHyoI=KFW9!7HA{N3aw?g&- zLLr{Uz}Z6Hl%6??dD+W#@53W%f-<;*b<~r%nzvL~QetA7nct%j5#FHwqCfM}6=fTQ z($qDo6B}xV(rAMx-LOJx#!klnH0Rm}`D7AIJ*8_Tne$8~7TAjGHD}+rbw4i$rdok_ zE#Um-Rq^mR<(&?g@jAuc{fKVp z{kTWP052pJMFPEpIsSXrPxA@{p_Rll#{k{71O9&oZ>xp5#yuDXgD@Jtv7IrDhLJp# z_~;(n*BM~0+YGnDx{X6&c#KjK{r*uE3XoxDjy<7Xh%l@BBshc*Z-)-^`2Z0%NKiga z3#qpWL3k6;%{em7IZm156lNF+F+?%OLVE8FvV5^THD+Cffh97K+s4N&lXa8=>)m@0&mxugphVxE;Mo%qiVstd zQIo5Dkm+E=ox!8)VVxgj@-Jg!NIA?VZc@jE^?=bN+}2TPqm=q~!=VN%&ea1?N*2;? z+t(sq6(dB4ZZk;r<2;@x5X^h1_K*g9?Gy9;Q$T{v5%ABm;3^>mC!%b70e#7HX+s~T z4#13k!S9vlBmqB+D(W^6h7z6k0?~bnhn2#HmdBvrcW>y?&Ak1OY`YNpeRGnlYXiUP za}}-)IFGpvKp~e>>7p+AUEhHsZNtYbIgA@)Ma3VwbBII$QnYXkIntqHS*}C(Ev#6Le}_X zU`9dgD)aRy&oha8>47&CL%M(;%v-^>s`?QN8`E21MqQf!r{MvR2<04pO!#$|SS@HEZpt@Zik7uY^YkxJ@SS;_+yc-km4kecL zXS^Qe^nGUDZ&O938}UCW<&AjFeT{q=sv^R+6O;ZcBofyP3Yp>P0@|AByb%QxNZB%hv;I8BDysz%q9ra1LW-T#0qO z2L&j>qVCI0sq~?ZDFHv2O+Eyi}b-aNt2a#3O7X!5yu^`A;GQ-@z*HOVGIma90F0+!T~jDez}UV1rZ2%R#AY z^XnewS-yg%y1%X@b!xHJ_W0Oh!+1ssV7W8 z1L*_=U4_j&27^QQo(gkP@NGC1JQk1xb__@`6ZmQ`9$z=$#g=&Sdw_kLm@#UN;j@=< zo?u32FT|10Q9P~id}Jx#z+C#_K}WHs6zltuwYQr3l3Eu#U1Wen-DQkL8>r;dxG$H1 zDAG$)a`iGWOf<&(XegV3!W5)?4_;m$VyMf3;N;1*O8y@RJF`Bo#pu$tuZB!=Gld3L zCOgbOd0dJ^DG6V5AkR{YttNEx9aOEq5OhHbQtP`d+ld;#9`NAhNnC2h!G zvuvMXQAixygABM6X!%vQjFatj*SOGJ<0`IOlX;T?re1++2CA17ubxl)YBn-N^KuV} z!+w5$HARZkiGx}Y!SD6xqM~mF!qHoh%sHsBoyzr8TFk|^4GkL9bhF^j)pBpFK)RK}A!K`vbg z2E`|kG};5fYJAidq#SQWvBF&1@6>0VybohAl)8g3{%wxS8}1fN03Ln4ug=^Oh%75AXCE^E*M#FWXMN$~wUKstU3hMq??;V_t>Z zX#!#FdptYszbtd^-9WlhTz}(S-%<-w-f@2zu1(E#wLjlyuW3DXpt?hZ4lySh3dMXLK)@!SR6k>|J135sChSk#PpH&&PP8Imok6Duak+ zd zLCVa5E2>lZq&D8scC2p?i`H!+BB-XsJ60Y~cXOsWe3y+SIfxD4mms`0XnV>Zm7=gm z1H(iD{i+hU8bOAfBiz&lkEh7vV{82g%hQe5wBwmKc${271+cH82y+&U#5n}qj{)Tg zf-0Z`ZXT%?X;{Eb5e)gTHx<_?qe4Vo%L&qZsp)j6KAPf;eKp1~i?^Ox^$6!l zCr`KmjI}cu8+(aIrkizl6iCOL3#PcIARXID?Cu0CdIZJ00;t=<{nIF+0MPD6LT%WsF8tL zOgy?evE5~OU4qm_l9{a5Mj$Mk%=x`*4l>9pWQgXk1fyUu$>wfcRR-k_^SixTM<{;X zv#RlocL_35(&U{s#SqtLnP(B7Nx35J{mU?FLCV0|3S59c$R7XZ*qH9^FIe3+R^dgk*qXr-`ZK}k6g;yo2yaRrmF&w2R0>&!5w%bsSZW3fHmhfC)x=gY0%tojLM6j6!(}sIc-o}B1#Kexa zuMgM*D4IJ_tTilO(7!#Tgb^_8Hghj-ap7wTT3=NGau|`Am^dAnwSezs*?mk>b3uA~ zdKzukhhd}R3VV4%k&iFa20WreguP`fHf#3(Vq(H1$c(H5<}8vzSZ_6 zZpRXHkn;97_wz3+%qAr!4q_}M@J~Y?*#>iQF-lB5y)<`H0`gdUB1|Nd$6}p_5-*gs z`X%v{Jnrcz9(fxemK+4}TGmt-BLv?`OG{H#l>X$xy~n!x7BA0CZQ@d5l=1*NQuj}a zWeApSq2;6b_p*FBg{8ojhk$qM6O8|ku^)w!h~a+P!ZaOpg4Tgda_y&SS2VnT_DD=y1Up-E(nJ(sj zCZ~~T{40n`4CSd(fqiG9m_LV!S*EHgs)S;W?O+CaIJsrhm{&EJT$b$QnCUq~%ow=g z1Hs=Rt=v5X82?^KXZO4)5J{wY%2wyki!F`|LkhYp*^p-Kk z2dKj-s8$Kpx0o@|zHNqLtf7Q@^VvX@gp^Tzm(DJz)O;_GYK-Dx<{Cl;#+c{MJ!`zQ z4+Zg$H^)D2&Q}+Lkhl0R<0qp%#(b}NnQQ)DVczRlJG%ZORDP+9cka*n+XHiQHAvB| z#FxvMn>?PQ$c)*p|29STTlUD>L&Yw~sz{}T+zn!rGlKr2jf>Y)`e79W%IbDBWCHdT?gp`FLmj(~e5Jh0OUtr@@+&j4FqgF-w7 z31KhRbZ-Rx1wfDUfaPS34PJPCY@j92HTrA61jYCSL z5lXv0mGdP)CZXUu;6J{5MJbch$h{Efc9aOwYs-%O%jql}uBwCvHQ z{s<-DCYO4=uo%6Z|7pw3ibG)(00siXV#eRvkX`*4SdIAJarhe z`yexp?t(pkFTWIQH(>4f4s;n=9=p$j*w;k z{|f0iZ3%tsVLvy6(9!?|Li?vB>unLwQ4iS}&ox|>Kzn!aAg5#YA0FAi<7F&^=YeIi zamlwL7``JozR)Zlw_5j=2TES)T}w&Eoej*hl?5||;BjXoV*QC>G;y(ORUI(TSimOA<#)qT#7g-5 zGn;n?@t%6XLh@jS66|*?ehg8$8_TJcXA#$tV%ZLbTZ=u{_ED=l65~rlQBGvBuSUs5 zLsC$+i;-AuWhmn<#NJ$@f!q93LZkq1R;7WWY$1FYv3oS<~>oK zi`gSGmX?zm5ku@@1mvGTp#Z}e=dohQnR6mV>? zF(%s?&oH_T=ss1YeI4H2x4=i*2cnkGKmng(EDi#JZp6c>kHHZLtmLi#XFGf5T55Ps z1ZE$~cnqe6O*O_;jJfv4o0#w`-dHQ*PWg~Yy1^8bmn~;yE0laO4QGq=A=b>D({@3$R7S06{uO;~0=-vc{#9I$go z&K*ZGbdWiwp}9wWcMA$uduWb1!BVL9^6oz}*Ez{Gcbm^IqxNQJ%PF8B$ngYCW0Q$WXMh==g#mXGg(S=LRpMVWJ&r*95=GF7Sc?S6I4n^&mJx*~BvOb3SO%7hVh;+= zAAv#WHcxzs`#KJZU?wofew2ilkYX&w=4=w(&uF)Fj`=%_+_0lC==Krpmr@kLVJRE` zQ`$%LXJfs`Zw_NcWx>MRNCLLlXzDL^5nj|1VsL*l*Hqk1f=Y_&VJtZ@tY%U5V>fZT zhm_(#k0gHc zqPpZSDG~cKg7C{w=re$1_u=hS19qB;#V$kYudJP#jMG%o03->e=u{F+LTd^Ji4^?H zu*%}OC#|_h@roB#XeyhJf{zCFa?54?2q_~BL8rLf7_L8xT8>(`N>kW@7oclBi!t$( z$B8d`VOoz92kig@cpqp*PgT_a7yCDe#AY|HtM&gCbn>@Fa5BGtoVe%*iZ3N6C(HQB z1O}Ezs3N!;<7MXibd+Oz6tju}AFU9#j-`pD$T;;e-b54VrUu#j`ui!>`mm)2# z$FO>e#A|u%i>Uw1chshZJ`=6o`)Uhp`c);RB4^LTED9M+FDbQmP1 z8feNy#x53?upf-zB8;Z~e?W`>p4Sa{KY6hB{FqR&kv@X9emfSG?J*Vz7W>l(#umVL zbrHY{`W97SV5x$E0=ll{8bQnX)pVdeg=KpjnyjqXXNVxRwqVszUJaRu7P+Y&PoMcs~buzEHFA zC5**fl=pX)xmMWE!HQDSwl5ho7w@nNn{Faa5xY_gaxcOENIc^^y6GAgMy)e)`Su3OQcwVfblYln8wz#1;_FLf^x^rwVD41mW|!?4wHtqdeLL7Z z(`;C=GA18j{9ZH9aRwzk1kcQ3-OCfKLFf7#s9>-8?O>i&29t6N6OEG9zRWhim+|0l z-q+I9_btoU-lYH|{YL7OZe^V|VU9yFp0oy39N|8UzY_8`UG{GoF#in@VE%v>&*jyz zW5?hsRjPETRjby`adB~jV`5@DR*#ACuU4(veXyxEK~_jdNqk5(>@!#}r-(M)Tz?EN|h?LjH?qj)XZ^TGp}_kM?|y?2ne{8DjNk5GO8kwOHjb$ zY$qmql=~TgqT69Rd2P z4+2sN@$1c+`N13`2=f5!*C?Jpnr9ipeCux&JWY+M>h#@g?qMTJ{$fxD3ABdXL$T%L zO|}NQ+>79@0W9_j=zv>2qQG_e10?!~xU^(>nAVL7T-}e=FGkY|cYBZ;S^0dc9tcU`BR{DWDcK?-XF;7;w z<{p}9{-a@*oZOIobv>SLQ=VH!QJCa{;6vcVEc5@{kRg&!Y9sWbIqyMp%z9$&KY9%i z+wNrEV~v8Bw_g|UUGheS4W`J8HNRFS!&;zGq2~K`<>h5&dIM_LsZ;mnnzd?PTD4lWnswvi^6S;DTW~Nl^Eao+{v(;( zojY|3ETboC;2nwrv~Rr+06w zQKQC|T0*3!r&+V-%(2$4U3)kvFzBbipunwojWgKP2h`3(&w^r-MPESOJ9!)Gg!>lW z_G5UFjS&n1u(4d&cm*)%Gz44$gpAL*&&oWz*3odPOVou)_yS6zMFse@I-LYAq^Rsr z;vMqlIzW4W!L`6E%&+cGc~N;NOnE@pFlM2|WfNF0HG$v~$W00}<8c=r$upo0vx&_L zQcnef4Rj4S*m~(Gs#U~YdP5S)$MW8YqN|SAr9HC`az|~($}Kv3KLYOp?zigkuJixw@mmMmS8cj(ZeU6GNIDPC{gw!+314C`!=sJW!vu=rK9uYn`5W) zeS79N0w$qo^V2CHd>c(zb1R%L7DF@EeEtldMX;aU4i1&^x{E-hdIJe>!dPlU%bq78 z5%nfF@NXa+^1NrNO%4g(RTxjLqu|og(s=V6SF~!?s(Q~JJ*?)Zf#w1 z$t6}vNlC3`%a<2cu3Xt|mRW2T%a<_6+R{sEgXPPcsl-N=LJ)K7PCSzYtkwnuJ1bGS zz6#d#gODJGW5rCsS}R9+Xo5!?3o^$nK*d-tLQ$PUS?g#$QS-x7>q;}l zeF(Quv9Qc>F$jaDEdC;(pg7>C!PNAV0DcRI(=9r@nnf>5?{b3j!u5C1?=8QqtSrDN ztvjB4^2wSv-+Z$gsag@0BdqZ7aPPl+_3C95Tchyh%a_NMl$LA`3M!p66B+!f^-#4*`oys1Jtym|61&{88kKf!PXyo^}yy z+Ra!tK^c68XVcgiFBylj4)wcw@YTKk`ov%TJ9X-0Rga0WLPA5V=;&yxZM(MC#TQ>3 zVhow+)vH&RMTCd1F;XxVulon~TMrba8q6+NeNN`G7zW~Yl7Gv&?~CZQwgBYiS%^FG zqCPica~i@&G3>=;6mQ~|k~&o^2=;SFPzCU9IZ0g9i^D|J^FGmaSS2x^dWz zA3XBN!vRuWKlcg>3KHz-Urelw~)Ujou5WOdH0N;N+W>fYTS_$rQlWdlGNp zFpGL60pRK|4wnK0o;I6e2aDa0W}WH4mCNu16x4qKD=YxZdLnGhb_fPoB*@v+o1%wuYs-{!`P&=$?G6Y+koB6gV~Hyslxb; zgP@@CTx0}T;IU)J9vd}kRKsS?n*HJ$h>MG}j3*v3A!R~CKRM2M%D4O@gaun|Kg3J;?Of?5o-3MENAh{hV*gcHlNIcjNh{=V+O07o) zlfx*-65>4Nz%|RM2%#kA$+<^!uNgFO(6tXf_+aoabr3d!(CW~kga65sg^kv&Uw1=onuTIe z-7Kve)g>H-!78L+0aSkFEndMI(*LK!It|3LeV@3vg$K5cI9#l^!o6*OdNyPXlJWq? zpp@-f3LBU?uW#mH7)Fp3T%7q_jd`W`?lf=7h|ebcb6-NOm#)m^w?Ks2cP~$HlC&)f z2@8U}!8}hfF)?{wDyMcS&(R7Q7>Uwr56MHQl~Ox4c%gjT{s@wijI>3@_&jO$?(<{E zj*XMj`dRqSwyhd9YFIsc_N@Nnk3Y7kU8`2g!OYB4ze}=5wQAL#y!F;wy@T>=ufbOh z4y{t9%7sR}Y4eF;^(N$k1fYqb5EQ6x%oSxcr=2XRB_|lAnYcR>esTDf?UVufq1qN0J&bJ0~!Z>0Ln}HZ3fmB;?55)v~ zFY%IGY&!r*ry4P!Z4|@JMaV{xn0z&?vIIPymcS^2r>f^4&+l>hfB{YF)~)-ib1P+b z(@i(k&dblg7$y3l8N^*TIa7g{kL<0K62>Qbx=!ioPZw zyiZs@sCf$tXaz#M9pk;7v1$TrXj{HQvmsP8c^=`_o$3=Gq2x+|k-f}4=5Pj< zN36r|h^59t6q<>*6bfNs3`)7hpycF0+LdhOJ~|`h7UCspeTm2uSRt=%J!FDhGp>1% z3i{&tX>VL?K7W}4vx*tj!b2MdJ67f44&jwc0k^JFrRv3l2M_*L5`gyhEw|ii`3Ly- z^7HeP65Bwpt?lL>yO_OnhxvOC)%ay7>i$Ih5ECzu(oJP};4>jbi3(o^QO1S#rBIqe zP>^SpVScxPZWwEbvAeG;@Mf1laM_80xQR9>T`(HId zVDn6mQT}YEIp=7Qov|>Kw?W`J!MZ*>T_MElO*wIEHPuyeyFA5S6^}FL@u0X~Q0jyj zjww#VPrloh&Zy^}F=QI<#-!)>w2;_2}92oMLm4QIXb}(`O==Enl`QG&Hm})X`2XWLc~$ z$OrloCG&BDV-1y2XRb9dn6>6}ZOYr}NUX`e1@~J*PQ(I9-y(`@4zPSBUR3oVAHgAZ z(G(Vgl#6Pk2@3n#oIeOf5f3{{F3Coy(5DfkS>!%NB{}4fR}m7a5IYJuzv%4~6CDpr zEgz03+0|Sl8i76!rPB;ZXqY+Qcs#)%0{3ZnkH@icCETw!=TUH5-qx+;(N)818Ae?03~S{OP~HhViKgZ^g1FkMC3<*Rc;69^KYoFrh;w;WuU_4M>5`?T zX7i?79#0qZd~L{uiN-r!0{bqXYafDOG6ChMds6j>FU);hPXhe{Y7VX@H|ZsE$C40! z<-n<8w#i!)jH~f~8;B{2aa+Zl2dEs78Q)IK?+b79;>6EdH^lA2L5bDyeJO^ zshp>$Nd*yP6rJegN=8zs+Tvc-J|>>@2EneM^L(jzjX}hBIvTwcS5#D7+`e7A`vwji zcusRGkL_6Q(W=|hw#^C(3~ECBtv<%a67sAX08RHX|NoGfuoPORQ3@h~s51U;!Gf@h zgFs<&sb45>><;#X*64UMmi=5K1AD7FFE!$vY|bH> zuo`xBu;4y(o&9bumzcjmxhoj20fZX9R}P^$?wGlzJW%yp+r~W%RlMH(f1Ej=Amdxj zdz(47i060+2vTe2L&a>3XTL>z!W`E)UD&sC?YcmuQe=0VV-^5&wgI)8Xx35&xviVM z_hs89keC({8&yfF%T%&PvcVV|en)b1`@H<}%T0a>B|H07wQ5!WWy_YGsaCb>G~<<( z{jSI!&6+oRDXE{Ja<3$wF~~gSLUaAg@#elk$bJu7GZsRMgzO^d z+_IuSJ2*}8=YcKnzBAiP|*6nQZ?Mf)tf*a zluDwx31m%%AVj6m%J2k^K`J>3^*s&4DIZAE<8iK87q;qY6iX$%_FB~0tW6KM)wCk= zn0+|#m6u;0ciDge=RCI?H*U198+zTNiA@qldj46~L=$)2jsUmtZsxFmr2HnZKJNz3 zR_mtWq56k-xG;YNsF zp`@V%vd1*8n~8}JVGpax@7Zj|P>LFiB<6VuCB7DUe8+?Xr)~x2ZcBIbt@b~Af0rOtz=A3W7 z{kG+~&h42qXRHSvc;MigHEXUi@72F6Xz}#vGqu7(&r8l(A;H1Mx(lu==Pl^|7FE&cvJdC6g6VeO4!7jnL9A|N0jI6ORD&}b(Tjsu9foxrfTiLy)XSPFWT zlAS_)ZzW#KZoH{@kB`jpDDYB4#-Igp%NsaP4n5WG2eMquy6MWfGZ3;5FbDAnlS@dl zk2GV`5+xdi7k7wQTM+ZI7I?c0#i>USm$??NXFIKiP9V@)qtrC!T1y+CUKha}4FLMy z!+I}dU(5r3J40+!YkvUi@G-7)68Nko$F*X7%UvcUrNg{Q?j##`)ZPmV4{sh76?I;7 z8yXU71qKAF(uCruT`(HDu&y2ey6lD`y%FVf88OjA96J!WS>?$T_bXyA-GUJ_+2gPt zrKBGuS2M}Gmz=V4qQuvv6_1REdx@RvoN9|S6gFlSp0$*ol$DgMANSB6NV*t$d@JD0 zR1B3a72X|CCR%r0FDoRnm!Bwq#U^*dFckhM5x!h{J6 zQ82pq?pW>FmQyvMA@>w-HoIDhEEL4zap<;B(+^1kZU-?c{dTVHkU_RXyto`;K8AmX z6WfwEBe=00fp7(NN3#)zV9hU}>1PI(p`ah7Bd8+63EQ#OS7E)a;h6972DWiu>E0>@ zwte)}sZ%G*%FZ2SC@(7)JGIE)-(UBuYWCZxHnD+*j^E%_&1Dm=;9e!nW@CZZwVed= z?Fi$AFtmnn&tDMmo(2PTJVJ5~o|c5Y3Nx#wp4>g3T~Waerl z^SgnPXFX`2b0^-U1ZfW{sjIo8VjIeZl(2ptGEZ+}v{%|rOPy!AuR4%Xnn6!*kC2yF z=I^GY;C*FNcI+CSyATgBo%Pk9c+E7{)Z0MWJ6WsksN&+%(kFsGY#}#rzuAL1hYlS& zuf2OD_lOl75^To7BLi}wS>IyYDWU!_9VxWW#(SLguQ8niwETuSb`jp81o87JP6dkw z=J#&P5*e}Y>YTu4-f~+&?(eYAwO>T!5>0=aDtLh2=o+J0GlFp6Q%f1D%}gW?H&35& z{-b#5nuAR9+0Br&x&yJVo4~VK4r-!*&*C1GLZK2{3*6`DoQH{7YEEPrMH7=->>k5$ zOHiEefI`U75Q}j>-rXh$Gp!-Fs7lCMujg*tU%(TXO)=sWextp;2jgv>IqvZO1N%=p zB{n7`X3ur^teWf+j3pytw>)ezRivaw{@2a*0`E3BW>)S?qGzcTp9h zDrI$!n#o9FqJ*VqVcjnmbr@L2#*&j|T4*Ld4Z#*mW69|V^k|Q-BXB-KbP_+uqpL6*LVTfY(t@ip6>=Fswi@ z#p8vlkZmL4M&Hq1rW#&GbA+UxHJu!<9vB_1feU+*yBCXc9|@77Csyk!w<#;Jut|7P z%2ku1i&Qb`K~9B}9(cn3SjG}Euh~8bSI>8kIkqF-c&RbC)$^R+z1fR;csvOdmrgh5Jb;%k zc5!C1ldsi+xVvKJ8`NgTT<;;)ST@%cOf9PGLD--&?)p$5ID$30JlTo6{fYj9XR{Np z1rnB*rV?G!AfK~#9zLt!_ApiQQKb{*i$WH<1-a5fH7Lz{2Oed2elr)3G!h2njd+Ot zQLa_#NhZ&*Z(v|x9k*w}` zHfQuW-dA6$L};^#tns-T;Hkm_P>AkD`CQNN?@828>;T4pD+~V?&iM({@nRr`@d&Ti zfH)eXc%-bJBPm&ILG?6}AgF1M-vwcyh?vh2EXYqq&xLK7MQlO%{Ou^DS_H@!dU1Fo z6tVcnv#`}Y_&UldS$K23@j#Z5K<&oUt_O;hfT%}&Ws?_vEHAI0cRX+JM<0E3`drt; ztXZ>8AIm$sr>v~Jq2;UE|Bc5P^D}tNL&y^=;J%iU6V(GtIWWbkxFB-CM?BLH#3@!F zFl7B6q{4bHAi38uDx`TuK9EQLEqg*j{yE|(s*{(2!duVz)r~kE_TqPVkunVG!z3#p zh9+fPj9~nP_4hY#!oJ5d9IwQ!BtH@8PaatyOjUV(-x?t=TX_@)P8RF=QX0sHv&K~+ z-=8i9N=euV%|8G#gyM>8SW~Tt=Vk!QDR=B{6yGCw^%^?~`y8|PPKJktwOGGy-NGH) zx1ZD8o;Y#BGJAdX?AdcBrld?zQDCjNcUf05HXidrs~(RKh}Gua)%jVy-kktCUTSXM;?(HhDx<N-lpZ{knX+=#s^0|t{{K9WEIPW{ zs-3%bU*D-y=irc#;9oqhsHn(#;e{8D8Y|(e;7XO25TEFYP_BXE*+tF16)f&MA$Lf~ zC>e1gWr5~^_lNQpw3v()UJusS8eqHuQ~=paT&WQ~tBPsC-Wm%wfb%Q=NhNb!7GVJ} z-dtFTL$OG+p?C}C@Yae;Pfy=xe%As9W_9x1Hd35-0QVzrsZ&B?;wE5>uF%Z`_ie9>fI&^P9HGdCb zu^u5>6KeBoAt51^H*MY=P_ItiCh-m9e=)^E5XRiObFDYudUIV&^_XdXwyla6&jArN zBnU6K=_QoI`+UC@7|fsh))?oSd)M#!Vc|}~uvseBn)&W&;+?DbdkR>!9`KvG?9PKZ zHh^T(4C082O9Un*Ca%SsIfmEU2w3?f%-BW*^VLd4o`T8-dDJHgk2MW)$pz;7yUlgN zxL+v{^_EhMRi4CkD7*yV+fwu03MJ5+zX!cVo^AUWM%xL{fF+DqFAM=0B=-V2#i5j| z!gRfwwXeUMvB(p7)-{k{Hd9o(73;D+^!PQ!B_$$Xwdm2KN2qc=f9WMd^{JW^h{7G;F6ziMOz~?X*SedH)&cSobi> z&0RbD#h!}9dslo@rK!Y-)%pxF&n@G)tx-5HBqSur`>m%cA7`IO``8?-c<&HGDZ9*C z%B!FZqkx)~+M~R*Li3x$YE%pB`F8VJ7{wJrEhjikO?K7amv>y=kt`6x6r^n=XIOwaF9k(q^^Q+E3FzSPvzi(9m45mKc} zm47-WD=W)-;)y3tu3NwE{u(hcVFYmdffuVbUOt^~7Z5a^O@#wl>zU*hWx_hFk8*nu zX5dBw^Cu{RS{G}pA@uu+ZtfA@Ng;T*7VBj&ALVtF5m(!Y=ko+q=5mVE)&tIK4K(RC zV4PwW-rp@BvuKYIU&+VnOtYML$tx(pZ7A@8Fc&49<^#h>Xb&~_HPM_?n=XqDya3w% zDxjsVD7H(@F)0X!wJxCr;zuiDCRf77QmVlWJi=bUZc?&sVVBhbj*>tSvXivHUFKxqTBA6_w)e?_WepMJYlz+wxU92}A+KU~DMawEzLG zxaf5*;}FXFW;`(&G7^YeP-+Vy8tC~1t+az2qU(MpL1BcM6v+)F!|PfTiN8%piAJ&h zVyW2jCoFWuU^YQ~`O(b75%)RGd5?)Y?OkWiK*X8(&IbCLjpua)0V4%FllgMfER?id zT{LX9EK%A7>!brh=z9#5UU=g+O3Q76xq-EP3#lKv30dg+cPvozWT4>`5Dj^1j}xDg z!KhfYn5qXujI`UnW5?u;n>JqBwoRL$h=|JnG`D;9?6F>W@x}b*%a`B1etqiPir*zC zCx@}m>YMAWMY&I6tvx@%X?ScEl@zT`h z11cA_3?ro*Y+DJO@7TwO&3tIQhJ!vR7A%VVRuslvthvh}rc6)&nTDdEI!~HsdY9j* z%-Ay8MfK+SmKY^AX^@kTs*-3Ue@;G{@8dx|MzXF3C{00)b5&W0FvaKUAf4zWML$Se zq;lq7$cx5Ml~bmf??Uj(GLWI=FhHvi>$klSvd5Dh78bT+&YU^r#z;x{xq=4e<>gjN zN{aRR>#tAt_w&2oD83TwH}d+Al&CU_YD-{X;Fmw8{8W40+O_rb^7AWYXJ=b$R9*5TJM13a1&bxl4N)R3v>ZOD3I#VU7@r}$$gHZ z>JK~2Tj-U^UB|+!OThVBVitn7#;fd*Sww-j^G8vfM-dPa2-TK1thSF=hSs-Qcvw^s<2A|oKaU-^FD4iW)IG> zkXV_7m8wFlB#odo@f>+u0l<}y)8i~10U(942k);AMQHUqNv_`HmIaZk)`ZVPDfRV5 zUS8gmrOTG3O`STmRo0cJekI{2Bg6G%y5fy@hmF+{uSLX%NE$Yl@S7GG3xbeO8R0SxBc%ti zPYK%>nY(bvJ4JZxQXmT0ZzTt(IqXTDE8Q(mbe5&QlR~v3QhY<(j?oBftqa8}9%7!W zlZZbLZ(nT0&gL94e#*@?rPywRId>6IsFdf_J zFY?H<9RJhVd$+7g%(Ny`6B80{WF5B#QVwE& z)Wqn~D{tb&iDP17VkRzFu;9StDN_>m?%i9Zu&~hHZairzus7a%Yxk5XQ=Tw#?6H+A zR~B2pp_l!iym+Thohq4uYH9oVB~%Iu3O#-1bjg|1XEMUW!cteQUR@Dez5=UzB0=nO znmfvBJx1T1SSIHPn|Klw*7_86y^G?T;T)F_3?Yl}L#X_@SnY?2GsFY8$s%t>@!H2x zn)S)z^>G!XLT~9_Cwq=n?z`ucTx*rlq8=x5x zMnuVNX3jlCRTC_yexH=rB&hal@$gc4Rw+$+6n>neKg_fA?Sex>yj_?}N{VwsLqd%0vTpxb&z}O!=D{-& zY^ll;>b9#Y6vdDv8lX5fvk5y=jJ2T=4j&i+E3f-|a=LV$yUDrR!@8NoT6hiRsDEqo zFE#h@J#_pJNhVFiBCbR;%v_4hmH>sN!lWET{?*qo>wa#2pF*HT(>re%)b4r|j#V5; zN>>olFdCfZLuPu3G=lXA-!P1g<9PiV6J37-ot-7<1SPd)pA-SXeg?rv&nRf`3M%*~ z0EuM+sYhb)Nht=oRE+rz`dHyR;V z@-t&l14AzXBP)o#+Dav;M66I8+l)mDRZ(tb&FfrhL|bk?e*z;zsKh6Dlv9W^#=x+( zAos}o^j7pyLbT-=U-z?DgF5+L3dOoL~BWFQ?&c#DHY;dig_V>>J!%5S>d~87;4{0VVZlcMOsB&43%WUDvFJN z;Py1E@O$m!aN>1Jz>e@Z;e%7i$mXOX3}Y=yfk*I`@$;1V?E&|E#^bJCR8rhJBs8>^ zVgbd)B{^pAZU_tr*l#>BkM$dS{YTrl96WfiEGH)?GbcNH z5)VjB#am%46##jyf|mWR?O2SehgNRxb2!(lfhUs<$wZ6sxH`V7eZ^S|(6${Vn-AP2 zC0Uumy|sY^qv<*vVEL*=Y~%SPc>0=iXQHIC@Yv)zt;OnI0(0?07Htp;{shXhKCqUo z?@4&TGk{#?!3sMFeY+D((K=X!9-eouYcpdP#`%-m874XNBAV1c2VrG7pug9D}B!F+2-#I*|=JsYh zOs~QuzIh$7n^KRj3c3W+aTT{U7I8b$5aLl_K?qvSn+ncGnqyW|fT7~^H3A~8W%)W{ z_h9VxYy-@17R!3JoW5CqMcBJl?k(o3A6{W6Jg4I%1AoN$>-~)7%Q@5YeFL#&JVxDg z`m@ynqHIP^0{8j+wtrS=W+rUCsa7W4!HPye_2hz&Q5n zjpiI_ZdDLsYZ>OVK=U4K-pBAL3qYPm4J&U%nB^55F@*S)+jsJ08%t!OMRmPp|(S$P&uJJSjop>W_Cv?W&jOcjzv0w z_})gE{axZ3(UwzaIFNYTpacOVG&p-`H7$riTV6^3L9aAGV0`)JA@ zt#n(#|Jp0rVWVAzr?(Cd!=I$(Z9v2OP^i1e8`}rew46;D2gP_etUOty;xezqt zrenWEX>P%qZ-7yx^G;^{v}c~B$P}nQz}R@nE@F`-IkB&J%4u!m*y!{Mnk?Cgo!o=> ze+*;g9yP?ImA&RLGSMlYb_r{_Hu+oy9B)BD(wbaM8bB<e~#--id2&hRCk_xxORoUd<{V_hC|}f z7~D%XHjq@_fP2)vX41kX5;R5My#lN*GS5`AR{b#E1bvHGA;OHP z=T$Id7ntYC#T(Lnsa?}&X5J(#v^N&<*@mBcF0 zOc#l&$jFcAE^q*t^)NDWJMyg@BYOw1cTIDiMb>}m%kQ^-gSJC6E<(vf6NI;*f={%4 zS?k_RcBa&o4p;6N%DZ3ly0%! z+A!#38Lu)M@+;ttd!gMY;a#Mor219Z;8noHbGT+6rMJS&cd8Xvz&V<*N%jBJWcb%2 zSyg#!PeTL05V)!5(LG>-kG;#|jT*jK2ep>cIW2h3Y=s zScbDdiZi#P;j1FloTJV=NtX;@0Em~u%yz4v6>b7_Pb$2~tx ziJovgnZZ=F*Z};wgLs!L)ypXp)fw;RLdMSRntTkUlng8rLb9+*M=8cxVCF`Z8lotr zbsV@#im^ws(=Nn)4RxVFk8^*5EAPO-5tVu@WR~|~i0ZoSxc955(W$u^3;{{w+yjU; z2H~eM@WRayR;273KwNN(H)7p)`ycLM z8DqP+zS}lr3VDBhJPybI9bHv5Noqf&S1kEUn6!yG4)(m>YAXT(5< z4|2|<@s1~i@Dl6BEl0M6H79w{Knnc7RgwLsJu`R*S>?-tawPCh%0n_1(t2Y7_4iuswjHA? z3{=7Bhrl{wtfX!U4ivhT(mUH|SKgkD+}|9t5%>RfEajR|>J^9{fXDbol4HF!g<7n} zhHuJZOLSUV9DpGuY;#o7PNLWz$MVZ3CeacK@n?`kwlWTv;@w<=BFV>6+X_Rl zAB2`HHclP9+Y&764hX3Tglc6oPHWC(e$^)o>^={Vv<@CrH0RT`{7C%m0=Z%;B$N7h z#3cyEg+PiHDGL{nm-hlBlF101_QW!uMd{a|CCDZ-Z)sEvmyp~E3?!&_7&$k!R6H1h z!Z;ND$0U^ZLug!Melr8M;xo|51MnJ)@H&gldG1PZjtR#*(CZn}HU=_}imQGs51yV| ziq}mCc5X!+X%cIFoV6wYA}C!pwS!6H^Nx#Blzc-l(lR|_JMbyTc40`iCU{UY=EYmV%m@HJhVMa0S> z=Sl<;8DQG$doadiSgt3f;6mcNiaQBD3mPsp8&gvOf z!5e!95|w^8#+-k(pgno&=DVKeZy)nlYxWu{>L}NAy%{^PDi6at7J(!KXz-|cZ%cBz zdG|8E71^kU;&;EGNb3+*ISwa4>qV7>&WMF;t|0?c<+ensc>yT+=P6iw}f;F^Ia@RCcN_c*XkBHo!`z;#sHu1B1qn#U0Up2QHk!1j0qB?Qx|Wv@|Is=lsj6AOqp%!QTK z%UFg_V%_UA<>`C~WxqAn&;%?~ZCWL3w=)a!aynLT;C%851{=X}39yhT#;Wk1iK`*?8iWyDV85vm2vD7=8pP_5;mZl^Vd+kU<#@LxN;u$6c>2l1xl z0UW?9JXepb3o*TX<}?c!NP>117OS_m9A&~jL-3>%ce)7Sr>2Esp6$egP%TUep>mY@ zY^?61{B|iG$w5dtn;FBSkSb(BuQ9?x^QXF&@Bj5|5Uk|XQ6!02y+(x6+@;$zE6ba8-REXF8bfH>E4X$xMdpI7WV+Y>i zAd1_HFeJ+TNf@~EiM#HkhG`Cv*cLa>kJy)xko_pholbNRG>-N24Yf?CU^HpJy=dNpD|#!*K8pM<;Ok`b+4~q4Qp75^@fPS& zs)`NJD#m@un|h;S49$I+>h)X-z-;FS)t+QLk{Na)Pn_k8$xq*0C309WByAv8I+AtL#eicTu8~V|ESD%RZnC zVcmBk^cp86C55G>rR^qQt$Vx(kL6MnU<}vU%d-rk&(Rs^%@-1If><-!M(185FmJFs_pCk zd?#_i`2_w`XeZMOct`?FG~`F|K&J9Hf_2mzWziZoUK$LvURc-?G*7T5B5CcD0WnD4 zL7F-DK=b!Svo2=QxiS9u56oB{CDr063U?86 z5NXc84DVHt_=VILy_sV_<(c#FzHUYl9zfV{gB&r1wKETcZwN-qNeDdkDaW-9&+#EV z_hjZ|9|ex}jJ3@@%{xbLEDEn{8!&JZX)(7$x>9%Nhw<$9vUX?Lj*+$y;hW=4e@RZR zOgS#?X*Ce7L9^TqD4>?08u9GC6+oijDrQSOR)(3X{s<8n;f;yfc92mXTj&RNCm{kE z!5fHEFJKPilN=(2%01mfXhB3Q8H$V4cFA04wdnrlU7qYTYE>NiHMh~Kl#uzoLIi)A zP@&?-S)P`>*W1kZubJ~@8JQv(6lQ++qPc#5*0B`v+KR*?^Y3gm&b1t*LGef_@U`aJ zOU&nD?{=UGrx2cU+XpEZldq?WLCwrHmMS*)ha&qoz0AU`hOo}S(yd7n^Lm7=n>^|* zq6yx=3#?idyH#PK1<=h@NE@=~6vL9+UgGf)ApD5M9l<)egkZS>>EoznrbTusR*jp? z`3;ukhe~ozbUH|HBrey$+{1>1gaj=dm5tKhro@r7!A9cwlws+Ho8QNqw>JNF<E2eySpc1d;^bj|gtXy57TjwTUML;GJBB zx6>O7e-AK_jnK`-fG7t3Q>wr~#wwnq=Muad*F1};>>d=NtYbfv#sW$+ zeInulFz+sEYxdwbA+Wi+f^OGgn0B73g#e&goINKsy~z=Oe(=@ZExmI zebeOO3jz|wU6olR+`F02gVj-7!qG`x^Nzb<)FzZsYrvX602yg84BsXgd{+S-9s-7s zAdfAXzI{dBV#iK`azj|Mn!7)l&lb_$Ar6mBu+$~ynSZLtnEMxVd^Mz%aPDst^)$zW z28liVqmr1-IlD4;gT2btwwEH1e>CGP)J3d9p(=M0W0JBRt;!tc`)J@bi{DFGN?Cgo zq%lC-1EmR4zm}x-fp}v2{xOh|BFH0~H0LC*H$|4Xg`qn#PC8!`6is9LjFpq9{HQti z;}yDvYkgc{K6_HtJAOfl#Ss&JK}u?n;{^(JkP;FpXC8YX%3LF$V)8w4wf=-qWQ_Kr zsz_5R@JQ>a5$<;hPS3XWtl2>1KxM|Y_J1Sk<2S3w5)%@VvEVX+X7VUKQx{J|mWeEk zm2Bt&*k^NzA2cH9!8g1R2}!#g~~CUO;w*E*zRjx5z~w0hU) zf!;DxNlB`1-4eQfuGugL*pM0n-TzX${RYBXE7l@Lm^Q^q4#Wd$2urg)#y|lIuAEI& zj@7>cxTXa{MH^xh-jQ8_mfk{fqF)krvO1|yZ~*3|NHD6tvW^~8pPS#`#s*u&d^SW$ ztpMV*@v!Ri?>4N7Fw0kFOVH~C3;>IGXa_THU!&-hr1}Hpq}n4iBzV@q_>wZp5xpA^ zJqviRC&o-A%h$cTG0!hW?WLVxtC|u_a{jOQLV!xlosm^WSCFBq@Xc%eCTh! zpN1lfBhGt->iV}Mv}6FNTl7*OrG-4lC3tRiVBMB_9D;1{UO=c82Rsid*qM^XvKYy3g@ILi9aIX0sh^FS{S zu*Ta0hwhXYZQiNo_p6lp0^79;9=Vi}ZT4)qxwpftBi;Wezr^TGb~@GH?=>iGJIu(x zJCGk4bj;3{r(}Mwbt#$B#GHGexyA|Bw+s{2ja+7q+b?#s<+Q9xpn&yGjOG4>3vR$z zlibRq_nM}uxjAO?FDctU6xsR1iXW5wo5KK?A}nPINgxa+_ECe$sz!iULC|$PmJ% zi2V&{PDc z&-6)&WGZ<53zm96*qb}ai8_KO+n(!5sQCfA+QjoDWIv!)$!G-M24a9W*}m5G<#^|s z?m&W5A*C+Yzn6QQLEKeiuM~+z=KK;~ z4|yE;R?y^Ys-+2Wq%{IA7-MRd5j66)uZ4BD4~Y9ojEz$iyWV2fonX_()RxRN*U`Ns zKu)Ov3gJhOGbzbtDBrFqP2JaO*5X6NMMHsb!y z$eI8vx#COZ;f(UgRUVeP-A%8fDDAqla~BZTssRj;!6x_sjNI$_@b5q-=xMyJR3-GAU^!@)#5~4W4-IL%_thlulYf{;I zsS9=8+SXlZsZuXpDllkiOQBGTyC+C+NCG4fh}-$U_ngmZrr89-?(e_LcbB=YT#(Gn znKS3S?<4nfKlh^o%}3_%*Ri=`sfV3M4MN${62A95kHh2=EHj8r+=v=W9Q7MH;t^27 z1xb2=U61nGopy1PvJ^93WX;Ifh?e{;B$Vrb|1vO=a&%*HQUPy~?vS2e~NLoS=`hrYf+I~~HxB8yHb8pq>B|7)ZYP5xw zw~@^5Tw|~x<@?l|01*CF}5=d-FY#sV7;GoJ26`jrxds6oo<@r@yTc>plnc zU=a7H2esO8obwDw5LsM{-DKs>*dw_(u#Wtzj~{40Yohs%C(6h!>QIl$B_k{%F!2r2 zG~e@Wb8UiIKWq7(pYz4p5ptS=Y7Ob259j%-K{T>Vu^ zIMrvV^;V{dyfLiIzXP?utO*j)l7aGgK8lZzFMu)q8c?rOSMqpfo99x?EQdICwlU^@ zew5&3&{q(geh7TL6;xrU`Tv!w>q;;h;bUcA@i@_~@qT)&W!OmBu*b}K-EH2ZAXfM4 z;TT6Scp%xVdODTy3yOZk{9BD4$OQJS6oaG$B;rpL&bB7(#b3@kvVRp;bm}K9*-(cV z(H=lHAvTtX8^eh@z6R#WCxfZa;_r!(|DFDqk6}!=!;+MdKUPx4$SkTYobOOiu`Xk%Io4+C zVOp4f*Z2nW+QH`US@g}wuucU2?8x<6Nngle7;mDt@1S<1#odbnc5Uh~KEj7)LSZoF z7^mWJhrk%r>*g~(;3p#Ne!lvk$D>-x1Jnu!*~R1!IeV#%XanbzsC`y}vc8pmE}OtZ zM&)K|b%HwXNBi*yBJv%G1n*-S_Yxe>FfyfN;Kxv|#WE<-&j5FR3`EwSOrsw6G}9`k zG5^ZB3CcbI38sxX&P;Rd_u^23&EHdSP~m8K-p%*^!2kP7b=|zSE_I^%9A8d21jd-0 z)!PY{O_dW`atDq1>5HSUvXrf|MUrT@768Aw(Z&lg#}@O0fD&< z8aB*Oigj)OqM*IM&|2d3j5P9KqASJP#W{`Tn!7(&N^)J-g zIUTn>J5aUbN{1qU&B(ftpF!kE0K>jEh+&-YZ${5Um%A> ze!dH~Q(0{bB3v~> zXH$fm5di@KFYe#BZ+w1XflwYhD5%2W<;$06p3TTgd9-Wa{;J^M;HQi;d!SqQ?l;zq zta(*pV&drh{QS;gVPWfxgFA!~Ekcb$kzrHlqld`AI#OrJU{fbkIA4Sj-VW5};dS$= zm1N^Q2C$LCh{WfE7mLn+I}z|2sMGt%Y-|>SBJ@D>_l+ik>cwdL<4lE(VdRAS`BE@1 zm69&mA9IY+z$^`cxn6>OCI@_9oJt8fCjkSB6*W9? z@Zf-^O`2TNt5>hFQLS5FXB^nYyZ7!LUNIsf$83~%qVy!{nm=)04sp#QaX!5mK&dR@ z4Rk4&Fg9gB*J=xlyj5uIHKy@a_fPQZLX31C^}<~0H{D^FO0j&S8fK||?&IF7E|(eQ z=vdyx^;SSJnVP0+_(j0bl!UT$1~VB1y9O9KpBj;}fVOI8kBNzK*KKvea%EphG z`xC}m?CGaAv5fW$7Ti1hUIbB`a-7|^v#m$BWucfYAx)v8w>OgcC)H#cu|L_~O~*&zu)&B4@A zLty(&MkHDFqFW(HBok4MOD5Eg{kK_JNB5kY!@gEu)G6i;HO`OxmZeOXOP0cCPz9z5~ zu}SmrT!M-#8#WUXi}prUvv(uRK5dYalG3$ay?Ph+>)Y?nmMvReo0FS!QD9I|=LQWL zBqk*#9XZn+*?%M>>(r@Zi;&RJkM6$nt^p%PjBrQq2NI7UVP z4_ziB5!#LB=04)}dJnT1x>H+{nCx??dMomYg>w5F3s(mAT(AKdpv|r_bt%!DGL8Fy zPY?MmoZ&W&tjWtVj^Tq|)lEf_=dpjAwuIR<>0 zg%sC&WB`Khp2V=OA*v7Jnk#BM7l!6UoXB-#g*A+Ws&M4UkwGn6v>5%^V~wpLevxQfs^LE(s9XVqEvI~(hEn$$zC&BVBATOhU7iApdra9G_xE845VdLT z@VfnIrQBb^W$hqP_!`o^MB#`gkHa~Bsz^J|QF+&zQDf~QmtJi*J3<-X9VY@?ofXm}5^Rd;dY1hxr~IK~y%t zB0flCwuaDNXTIM>;BCK9mRz>Gg#lh4Td--qR=@BARWj#H@@ccjHa`|>Vt@jdHF zFsuOLHBE0epVbYyvJ5AtbJ8^SmzW4>oD_cjo9k=|V2 z-^q$(gJQg;5JyT`JH5EyZ@FtP*7?ka1Sc&JI(S{8+qTm#QW_-bo9b>mH8F{4&m=*( ziHttn?A`E`Lx+ZR?9kx?bAN*xH*R8i0*YP4?p?dB@$Zh$ojdoJ2iLFP@Xr5qM%JT8 zk8oqamc0ML2c7%(?{AfyG+UuU1*>)I*4FvwonLvvgb58J!o%P51OyCc%4uDSlshTD z&VfCbijimryd)^Xg@Ou@2>JrU`~#Ve`fzHRoBn>Z(}&W8jT}mZ@;4mRI)9v-UNIko z64mm{s3Qr!Q6HF;sTI)+TOUW{E4r*F+QGfkN{QG7jcKlsR-4AJXa><$QI1&Zb<`5- z0(-1tLb5)0u6f;Yw}Fu3Xf+uh3^QW*`pe?7vsqEw4tV$2n@HL$Ww64O>Qq8 z&Px-rRfoLFQ(TKwv@Ym3mipEgzMdqHr_bTThqHS3?)|{)Z@dv$y?XV3xc^nFR<(u? zA0DuC=gyclYu4-|V3OHiX$7?V&^=ImlmB@bAA~c`?anFGR z2k)Fbd2+LJ&N;`oSN$K_%Noeor%#{CGiS{lP$8&-VDA15iH)S5yjuobga&gB22#u0 z&6*51uhBV-p=O(gtlB%YQHa>G2;EbmBy*#jM))q&|FjN7uu#oXaP(4t!C&s1oYX5g zF+usdj&FIH+K&FIAk8<-=RGo&fU*oH7GQfkefq-4ibZl9T2;#gFF}V79~qXGmbTYq zZR`GL9a)XY$QNFG;f3K{I(I(l>nc^MWYw=PeTSsAR=wa zM!pMY*-Nk^%GiRz`Y_gfBe2_XYF^TKT!W0yaNs3DHqvpNMPxh*N3ZXseyen{-McCJ zR|T>v;JV70d`7*egNf9)RIXb2?f2h%KO`t9sLXq7B0m{BYvaa^E%)x-`+j&>SXW@6 zNjRZpWT5qc@47LicPS0Ma%L}*5yb*?3PS7!V{av_)i2HUs6?&gUB-7*1e(+WRHOMH zb*-qVsLSaQR0j71H3Qwp&qb*>*LO~oGw`vcr zZQ8{1-FM#wm|$jJk!@c@jZ?7QE(i<5Xf_@SsY*^}3c8}xA=n5y^bO$DwPn0gELrU& z8T1&Z$4upi&CFvP>t?K~bH~G6H20zjEhft5^UU$?#?c2Er!t$p7(y$A*s9tKi_B*v zpM=~I2Mj9`%TscK=6wEwD*jLAZ(>%a`t9{vphSe85xw5@k6SI<&laKz-IWm)tRqoWWH4YGkqV(93Q|N1>SuxUHEl4t%Wv7)*$+PY$fKQ` zHEVY2g%=oT)vi@5WbWL#f#Kod&zozT$9?O9k=%<&5K0>wK`y)J2G0)(Rqz_p8}Cx`k=$6QSDw%C$V7YnTVZvDX;3rJ0!- z2V1vl_08Bj?yyc4q_~epjT*_=#T-pbdoD02$PGHBe$kzEF6eG9^&&xxI*)MMfy-yc zI-^f6^}&T6j}VUYX^WX{I|0ZVvnO?5pQWW_Fp4+Xz~yTG{>hbb5~Gl7Q$&FGF5mT2 zu}c{TBl3_a>8j7Rm|6yThqVwxfUNJfg8)UrfSk1)V0tMnMYo#g{#uq36MP)y)XIev zy_-;qRFvv`X3YpHR;x#;%KY(8eN4_uS)fM3EEPMN0BVT&e?Rj%RYABC&HY`nd-v`~ zUw{3LE_LeEDc9aL!AiCH^A{u^IIw@wnc&F&t)jtsd3muTh7Ye?-q#DN7=7V|*0Ezp zNROgw@xCJ>XVcC^%xVKPS6C5d(hnk$r z4D()XFpqh@v3c*0%FI+pF+ZyNh*_ku4%(fXt5uUG&^y@(y>YOupu~6K90hslvxk}E z1d&MuP?u>;KoCLgVG&YITbZ#W!@10MAe&7-Km^N)p z;A;GMNp^zPl$h_;2MNB0?YYua31PsmJaSWaK z-a2+PH7eiO9gJKZ$RCRE#h7fZYj1u8Yt<4wYyK~%sJV0F37)EP{;J_Upgt;U4~49) z7F@HpJ+`g>$ZMroVGPK(ut+TeCrLP+;J7=;%Ill8caE|<^YaWunB@$}TmeBT8zyZ} zKCeEF`ALjG>Pa0WgKVxd*+?{`nxpKYzFfZ@(he6Pfk_bIruiR8TmRTB?)v+IA1tY&M9& zdNd8rz@mf-iJB20yS8xKh^8lE;)aRe9NA8sZpbP z8zj)mN7QTA&T7@N<%sS*del1;9NE8>>=6|m^~F^0)N7)mqRRcAy?gdp!$*#sXrjT_ z?4ly6p-13MlHEm&BUpn|k};AIY!6ji#$1L`)bj6v7CS>vZb)54nN>WHWjYajd-~NX zQ;(|2n2hgzRArB+$ZVuhP`rm>6a=#!#EGi+ZN2|RhQOdq@L@C*WmvwUM&Mtd4FcYJ z+A6Mx$*6q_`QSKgOpEh+l1-n&`Lt(atLXhR${^a9k3m}a1t+hFT_lLw82S@PP_;tE zKZa|iI>8_&2@izcd>q5zj=afj*s$T!apT6FR&aFBJ@*vt-Mhy`&>nr~J`}E3;~ZSN z{Yb9uBfbdU{cLmRTl%&jr!twWWV+J&i&B8>`%k@UhY{l zm!xAkYWhdGSB1bnUqSNle<;wo47OVvrWvdwyR_`$wa}jXx`vGXVjPK2n#p$7YXF3d zSnfkAJ(I^_mu|L-TR~Q1sAIWy`=C=N(Y|mg1dwZK=@`s@X~0OEuer}@5PMp}zD<`i z4+scYwRhj%3toHWwHNyK>s#)7yLIbU>yk?@dADWDmJ`hV^6>p_=;cLZopqqfcku;D z9?xd;ipzbyiyqGarv9O*(^EXYM*YOV7 zeumfYdR)Oeo@4*nUiiPZh;=uY`}@avm2%AD^LAlE+qTL&c5Yr?mBx)4ef;iw@3lCc zy?fVPccm|0y!eteYu5b7o2LW*yK8YZ6BLb5>q>@Vi@B%aM3~xRxm~;orr!lHK4t~FIsqFH@3qmrJI#;(C090TXhBL z=t&PRhiLZz(QybvD^uw6^8Fy_sq+iATxE5SXTMdfo{@r(>_H;0e*8ZVr?=C*emZp| z_qcnAbemDYPhr!`iFtW#IAh%1rs2ax$g?@N9ATX8IKv1au}grLq_&|t-dDCWeOWNs zO8Uz3$^I(l=Hwi(PWR?I8_dqm&e>07sM^zX4D3>Ktrt+&)PT*akDFjJcXVYjXKMp+XQ>Gvb^Q{AO zKT@pX`?ep)au8-@29@|zEuQKn?fE2sKZq#w^LfPa8 z>b$E70Obr8@*U-vuvDTw(6wGUkvIlb-F2zx;cOY#4)9Tgg_#o6>Z-T-Qo zV!N-i?LYQ9?>l7vrV%?Im~|oo)*oxYE*{ZyJ9F#4D*2gyYex3$K68x6DN*=;M)6Pa zHU8sya}RvyRbu`9>GzzRoTS2{!u)^2q>FG@Xq^F%pnvCwg@=VN*s>-5x~S7gVfXFZ zXGKOv)+F6`GlzCKGZoQg#9pPwBcql{0bFuXmz$fohKxcq^HVq9}1MUv{K?}`+xU`8iSL;dC zK|V3(*AZi_jr5a0G-2K+=QRq$DP#7Q`TU2djkQA^|1fO7^JzA%4~tGlNt^i`WT0M$ z9d`|EMm493o*#+vQ$%BIbUQ{wL^MBfBI9soW@a7p z|8m{itjsLy_=yu~l`2+@H3m;)heb%`EcL-*wykXJci@{QkS}bYDXj&u_3nW5QGqOI z8yi)|M#>*wAdI^d_U0m55_E0vX6*gvyjC@nOHfExfRxK?9s#l)O`!6tw-~kxC5!6l z3S66?htRkaD=&k3-YoN;M8A9c3(wav_xw>cLu=hhdByzyZ)6Z!v(n|ZfTY<)ZTXSOjaW1zbqfm%HmvWz}!0tA^_G|PYLhXy?e9Ufnt^ zwr<;I^&c>x++=!G=|kaVu*nyNqMhBdERI>-A>wo`3m4Po08> z=2fd!joGn%ho_*Rpj`D&JyMUPTB)h2@#gjM|8ryylfG^}eB|)$41PPcq07p$-gx7U z{JgxpdjkUkf`PKSlPNSHO3s1h*N9Cxntu=A@EXtvt(uZH>=9|rnd9V` z=eJO#meG>B#Tavp2If8a@eWh5Au!K0IXLs4S?Wt8QLDiurGB)l&&sZ|LHbAH{C>k(2;oyM-O&d0B z*r8?1mgQOxD^{+src9nZH8eEzT}TVb)g%zLV9WQ)gv)xDPPuXB~L;|$dcWJ(0IUR*QXPbHbQop~6bkdh~rSVY9;{9fdm2!->1Xu5tHNUK! z=OS6P7BO0o(b4*+JDQV0zIE=gwxpz_M73|FKFZzD`u%N44a#bUQiogY7g1ItT6QPX`j36TgeY0g zW++(nmuUM9f^9j`uK>G=x{ZvQ#75sF(`jiIpWp@w(*9!odFrx^f@(j{c#0ci-N~}* zwd#lp{~CQ2u=GHFQ0k_a?r6SYR8p3w!iXCJPyzFS?cZvX^_(~Tb&?71^YxYO*#J?s8jZ%o|M78k};S- zhC7E0HJNL!HIZoU^H#EzHo&F5eFn_q(byHWSoo%c`x^=BH_u@B3;ZJGKCu53FulmN zU2fj{CPjMveU+vG`xT(yrXDkZ>-_~8tsJ7H#>B>q^Lu>;q$Ho>iCF_R{GM9`R3_T` z`w$++;iOz8dkgKyHq=8Optcsp`-=#0dQ)T5y1W;dZy->nvYtsE=l)KEJTlNk-c`44 z+y2Sv?A?uk|7=NtvhE1S~Hr%M`7G;^Y_0{ht=~^xR1oKYCrx+);7eZpwGT|JRhE}6H~S&6iBjJ=I374a#NhYuE!(@ALGN>SS|PjL~uJ%#Ow z=2-jwOn~u?Vvu2(Y5sqQRZJnzCS#DZ>d%loHK@KzO-zwmAk&zA3(!RG>TTckiIG7;YISPFN2={BZ8lWlL|aSGQh8Saf@VZhVRkOs(Av8D$^N;7J_U z^^jc#Py|ordg%4r$*%XR88*flZIc8+NX};mMR7%?MP9!M+ZZvI(yw#)jsWI*&4Qyv zL(*Trab4tecEvcf?kUj5|1{bp-VqJn&a?&HQ#G$HLKycw&bfl9+hk&buRer4q)g!w zQKvapp)!8jGkOBIrjk|5h>Oavd2R`0u9bjZvls@Mh&s+53|j)(>l(7K?@^!-DWR?H ztl2Ky+Yr^R!o$O-%$hZ`a)%BbW9rwhf6~4C^wUo-Dk?0ze*gacg&1ngKX6%CSRHK0biQvywn({Se z^*`&#w6JT}sx@Q!j2VqGGBVnkboNh_-t4Sw>yuADv7UVLZ$AYGhg>*s-me-%;9=I& zF>w3emQA?ge&KbGxQ(=dvzdBolpA zfrz=@3DFK@JQRnd_f1GZA*96pJuX8-Mkd&JEO6I;Y2j%|qU8`*v^J-iYj}*lA2sG{ zzEzT|JfigwL_OoH0Gx%t?Dcweja#;9)8^-H6+`PBNqfL(cHz+F)@O-8%Pc=$|(WJ$jdk^WBHiPd13sg~W#?jIcDp z8Tfh7?5!++=+Yd!9re&djGsCL`mjoK8IzKd63so_uyEnR3tF~p8B(`y-9LSB0JDKfHV#L=T^S&4~>o3nGW zKL`sAn{GBj5jRdSTLjT}Rq7Oqcm`1D7c8+EHrSnPj&U^lD*F&q@nslW!+;x_0JUf# zOr)u@AJE@@C~&LU`2(}b*2Sv%(zc~=QI%uMKu8W~9i)-B$rgRa7sd8M4741sw9@iV zvN#2W$RQrHil^AhNC|8I7-J%<5lvJ%jm$`j_wRYh8qH$8hm1nTsx{C^eOP=C!kQF? zy_v_hm2t>vyiFsn43Fw|JBj4`Q4s!~=I&;EZXgm>;baeqM8Gm~z6Qze-MZDz$;-RD zZk;+8Hf-21G9VzpvuDqq!%4|W(?Wtn#;sVfB8Br+9pf+b2C7!G3wSXLL#O&!ILw3f_q`%%-Kplj>@o~~WH*3Zw+ zzqwYeS{EAIT(79ews-H|m2%|BVUdj9S-W=Ke(MZ-c&s!0VJ^5Jlvglr$H)-sGZ|M4 zRsBB|F|6H)<}!d?1c_yk(OiKMm`jwI1&i-KpsVYEf2vX>m!WuvzN0m4=7*SJ<|CG9 z!I_0J#&#maJ)Ezc$6YjCOM~rksQc4O6Z7<2a8+$bqG~GemkjJaWjTJ=0Lnl$ze4QG zS1{sNU}S0n2}wLwsv>eEVk+A7*9Bs*-k=`$E`dM_MnBdrR-W+S^mSZO-v7dQ6-9jO zfrg&99ho2n0d>jd@-c)Wvb=hl_xC{v5gW;v1A%sfxE30SD){3fj4yG&S6W>px;iaeR>XL8KXN?t0?8L^Yi z^$|oG=dY1yo^Og8&KtnX3%w4hL-$UN)9X1;t-b3|l+n5TP0~~4%*5o7AA?z`^C&d$ z{kA;UhfH(~aBn)jj~?oLS!Bv9y(h6BC2M5H$u+SZMzo-3i8Q!lY#JbKx2-%`=KqyP zz?pu69tS2k4p|`*2eb_1If86sGlpvkQKU`XOOfdgdX1_9wWKpnT!qhcEoep`qyb5N z2BT^fS&$;_+kvu{K{U{eswJ^b7FFQq#DXwvZ;~lKML$^~hU;XHdwj)vk7oczTaef$ zG}YXPHs|%`^G=xa{?NSUXWKE(4In-Q0Ldj_Z1tKPGP-=P6IJ?@D4>O_C1A3zp6B$Z z$;iz>2}2lq42`9gAUP;-xRw4Jw-2ZS&uPQeWu$~v&J7$%Ei8w7R+96bK_o2$^#!s;AJ9Cj`>F_6&2JykGo^bjy0o%z zH6Cl~_m6((JB%9KqYwZDcZ+awH$;N69{u@O2KjBA!>i6AeQU;|cA97Y5M@4FVz)1I zj$)5K>l%8R)mIbDe8Sq-I+np-Lsnft5R*>EE#-`bTtnSl&8_k<6YD+dZClt&qgX#n z*#|PJm03sq|H*CK7Rj^b1R`mSJd#R{0;D@xcb&-w)gb&cgdf*&j-+j(Kl^DnWd%Lj zQPWddpb*3F8ucm!h@bPGcW`2IsI~o^SQu-2xp`jpLfO>c%lZ9OyMBiKq6~ROd7PLO zW6b?lApR+Ey#hIro_16EP@toXX~k(cvGzWtAKPwAu>Gc=6O)5go6gMtCMR~rXJqEW zSE87kOOZOoDy9g}B@^k#!rq5LYlLyzf)adVraIRGCTk5WB1))X6$M^s{{0vOcmOCXi%en?M2d=R7}ZgZ#yOHkjbO8>AIj$xONxLZEc+0S=n9NT z*QpHhGtbMggm9jUMg`GSrVbWp`!UvV1ga&;z(*qnyO!)hLBM@P#G08j&vxoy&3W#5 zGEQyAkDy>r<-6vRamm=P0Dh8DaeKQmfNG(os0{pi{n3nZF*48vRn3%%lw@bJ$@AUMRMG$O;TNdyby;^L~Bs9EgA7f@AcL8d7P zG?ZQ|Ig%|vY%=ci$X;($t;d|lRj5tuG$$(7o%$jhz>xfqENDN37p?hYO#bcwYM>hD zwFE=KWO~cURF9)BqV-V+2IHes{d%&>5v&OQz6j`e1NE!PH0*1S$qCFSkW`;%AL@}} zu-+(k9ld9x*l%N5Ga_>QVxEg8c-c!(CJ1pn1S_e%NQM4Ef5XjqmHTZcBhFPo#okbW zx2V9mbvtE_wSdI;0y_som}x+!(GZoJiUcz@nVd3k$!z^fAXX1j zO%Q?1&IE*(%kw}9-fiS<$R1So{1tm<2Lu)ETm7hxvjE6@68BF84>_kQz`k+@Ux^iJ z-gg~!#7PjBn&ZTBKoX=&II+aKlS3C9c~`6>{;S`gGry;+lpz~(s(!IJXYbw$1G7It zOuU-~s=v+rbc}ZT4V4M0)kB&1FJ5PGs4_>9k6w&Fi4y)P&Y_w4{z7mxEOd=I?quB? zm*BxD7(vTJ%;&stI`{3YBl~~&h;k;kicy#cEq*J;Et>wSP8hU#h@6h0hERmzDIx=_ zP1MvF<182`Ud@VXY_*&|piig=-3{?UkdiVru_2{IEjC$-Ss2+6Eb5zuGts;wQyr%V$v{D`i$4$Ix%%+#@PbV}cGcc;U9#z2DRZrRj zgKG$pzOpGbsP?Aap#spA#zjm&6+??j0S}QyWde07`_QCS8}@Sg>Y+#W+r?4F+``P2WGm zX4QTf#X6~Bjvb2e|B36Q8kJ_!tu;S2sF~<{Dew`?uC-s2?S-HQ31aM-=Q_Z~6O(ZS zMtPnKeVOOwv=!LdIGa=m94YhwikPGGWi*z6a19xc z9G+BXE<&ep7kjP(jzo?5tIL@wDA>D+b0{DKX$xE|=UZ7BE-;@Uxz`Dt7Lu9O0pgZ2 zOCi@kn#^ZCXofQJH+i3e6rl)HxQ7Zz-*IPh`Jp^o-(Fg8RId~*J`X3S%JIgZ$~yq_3DyuTUPkaz&e?wbYPtzmZYdN87$jF{zb0$;E@$c&r zY}EmHSrPmZ^BI*;f>?`D)cu{rwGb>Roxv&QdT06>C}lK*$l8?Qs_A*PM$oGb#Bx}Y zPm=9r;5g6Y?fNcbF#Jz*ZI+_Aq97#2yicP=7Msse2HDtEh0(x6bH1a@-|G?(Xnm;l z!{+&8=J~GF|7v=jH7aIZC~IdI^X@#rcSmSVNHRgvFJxIC5ZF{AMFfMX5Kr6!rn1P(;+)9SqG+qv_CQbZTK^M6BQA%g+Ivt0 zNM}gnQ5?8fhhi>$h9ZJ8qoG9M`aVBlEFYx^?fy-Q5poLq{03TnM3yL{lSAE52JyT& z2e&ViRYgrQ2^g&adc2}-)$Zg#PtYX&7of18AXkXspt)Ug$g{a0%2EfTWG=@pIkI}T zqb;cKoIy5u0;i?SOj%a0_aAlhlo@EuM>m@A*Ky9lMDJ>K$mM#Ar8yM`A%;8?k*55VC1VEPG^Y2?uOGXW?QP_RH`DU!)X!`t=@r0pM zIozk->l|AF*a^nsXpihd!b<^+R9|XvO_foohpxHp>^YYdQv`XWc{%s+Kmx}mWMgUv z*h*dTN3~wyymnJQ5R+CxlY*~z$N-m;u{8$)&~??Aqvvs~Q^@2LtgSJB?+T255UAY$ z`pLm7%NChRM6I{|)})?O!}^9&)@!pkMaV28~_N8iMLHI3VyefK2i*b(MqKcq6ebjbf zgJp=;3jR{DS@X!ABl>S_70=m{>i#+yg(KJiGuVJDU}Mz)4hbMb+zO=D90Q~RxyU55 zcut?SkS5S+4rWQgAN{#m5?awN|LJ-vYw z8Ul265o>Nc8h~x+tFwXV4g#0;pyoBqE>_Av1VpJ!EuZ_no0^~khBqNwXg$A!%6lis zJd!BN@Vmc*Q8w3SZKEEl%;iJiJHeRmLr_w7DgwYSWc$}qgImD+g>bB4?dAeM>e?xuEB#4Vv5xHAjja3X)QA<7 zgaLc6;<_l1(Tu@ar)kSX(z?@j>Z)7I3m;N5lpT?n_@-05egr}O`=!l9I}0uTC!Clw z`Sm>@iB#%6x}no;hfVc4eN+*^V3|aHJutfWQR7mk@hPeQ<-ih(v>*038(D?mC7RHS z!0V4h(^~B6`}x9!27o#Rfhg)1Wq&b)==MX{xD%r_oa|AN-vZU)q8-84zQBGeZhvk* zGdn6eS`JMcR8XH7lwS*$h;kspXdtczFuX1XHcMbs`EQU8>YL*qNMNM8`M-@r>1`Dc zom7;aW!`s)ZhqByG|uE0&D=G}e0BiUokuhq4kY^&|6c>tHv%%vI*eZxvfpg#X^Oa$ z%{i_t19H-LITwP&cCL42ehzY8H*-G@Vh|OCJVYOmU^!*C%ZbKrM<}=o=eU+y-WR%7 z=JRS22sOpQb!3Ff@_3*-wNe0Uijw_uf-|)_o8vwWv>Hq>RRjY}lYo~Z`Q?%|#Dq&R z$K7E5-WUU@AVq2+KbyZVH-C5AF?4_9Q7+LM5W7~BendrMx|9q8iV6JN;^LL>rcVipQ zha|JXRmm{V3l->%{aN9%R!<|Ns={?v^1l5Pua(?X+Zab!xCewHL6wJ2;=tNK1luj` z$OM#3&N{L);1TUi-n@@u_yJ(2%_u<&Ub&vANpxEcMeM@HUP$ETn+aw)(9}@itDR(C z>!=YZ(~*SDVNrysVYnkC0^J&k7>H(Z?LXjv<{aBOT^v6i!nG|H&BR zRDuOpa9GA=KE#1EY7*|6QsiF8od2XU9NFW*k(+>?Wau|?pJW~1BAZBpNf-?DqzqK> zjslv|z=(2E8cnhR_Ud|SK0c?6jM&xOPpN2pA#F^u%|QeK>E_>;aHvznHj8nj%evyc zbbiS=MmevYNF0e3b`#7`8IW~ugERMcWwi5I3JxwqZYovxoi(z|{7vgPi8clqeAPjk z*bYRS$WY8(<~XUEq+mM%&1PWYNn|K1bf3-flFYxy$^NPXt2d&iSOJ7!E>K|x_jNXz z**U1a2fZvEwE?`_jijg0PuLe!nw*JETiY}M%c4r z*9!VqZMZV9VQ2P^!~{Nwc4~y-?A@u{x2CLN?fY@)g{GV9oapBuYNH_Xxu892cLQ0o zLM1f9XC6WAMt9->l1_4RGYL39KOIMbs>WkX9N&A2j7kCP7$#RM16$}{Un}E1efb_= zo=jQhEVTHagB8WPlYGxNz#fX86)AoXbXW*xuNs;b%TFGsr|CPguv)-_0n{2Ug8kGP z_(lYWBt>naz%$lGuboU2=8e>UY9NDjtsir53k7DuD>7!v0&9C6_SI0F(oCF3e~-sg z#kTD^7@QYMle(dgtu^Nw2f<*u922#uiPVt<=R70m0A=)nz?gBIQ<_!W_^E5t!JOAL zdZ3yyH*JN+s#BZm=c|)>JP**%v=!mrLI@NoM8YRnEPas~It+=SE;Xp;sDZR+a&8aC zi!}0CJP#^D9ar0XPuYrXy7fShN$4IgI}+o z9FL^b)&j@g?9)uN?MT}(_R1WkyphLTtvXz%X=JE^9yRmpHZsb1GTYxE@9ZV>)%osb zKPV`ff`nKmYd}upa`XFF8Z%SI{(T-|#zxCoOW_12>IaikI6{4S7;O<2l2{rZDrp}o^6%a>y=EC_CWiR zRD1faeCix9hVS;4L*b*uG2|eX^}gmUqwh{4)vO_9oq668Z2~8AdY~d(|Jxdy|7*w| z&|`(`r$Xuoht)TS=Em>YpuVV*T9q0%Z73C@EvIgH2Sw)w zM9dNsPBQ0sF428orbK^?V^tJ71|i>bArH*PppB$H=F8S>XJq|R;H2X?-eIK_yw9hW zbA%}BD6GmuWLNVbCOK0@rQbpt2*hy9!MjQucX7YIGuNUO z*JdOEjjmNi>RS(x0an9#iz6X}DwU06x(8gB^U*+*qZp6FIYM^&4-Yk_(o8>wX~m1p zaYrC&Bnh&gxh`5mT_jbdbwV?^X!;6@p2V4jk`3M9BTm@%6$CHu@?E+@jOa|(tSq%H zYkviG&sAJgAr`8cjitsW6k`X+YeKD4*Yz4&BDCKWG-e|e*9#rMlKZzg*Y+^bziiA; zO!5AK8sVKD$BF(75l6^^nx@-wf21|}9wT+;po3VC8uog!Q8|M81U!>*w5qi=g_O|= z7*%yt)fwMHC1WK{Ouca*x2GlAlEK03iyLLg9DplUKi;6VCcn*$e zFOisvu~!3wVDe1rKchaD*66M}(v=ZIzCJX_%e{)%y}OC%jeG&>U* z@i;ZB0-RiZkuGefzEcweYomGD%47@5f~D~Ox1b6YlraV5=jU&Xii%Rbsi85#Vw)YH zKd=CpQFWo)$$oZ{S=vPCHlzzVp*=v2BAX;h3(TX#CWc;YecjjBq?;1fJHU5hVI%p#l5XU!0{ydn;Xa; zKXi-pWCC|_zm#c;3hoZ2yqwH)rq%;B+sECxbEv&^#sI6YaTsfI%x z5BVYh?b2|rw=W=~#pD1}1MVS%7Hc$51ekz;fOFE*)9*}9PA&=z3ao4PZi>17zqf4J z@*cByT@6eH1{1(>g9@w(G*)yt9=FyCOkdrOS;@ynzxrglBqm5wTBfM1jS{fqyw&a;pIpd;(qvuB0O%*?*6Tep6tTeohV zd-d#TMMl=NjvYH{EnT+ETDEMdb>v9u{K}Op|85q0I?>`9in<991>zxYC>vPEh=?Vy zp;E#1m0>KWz9#r^JM1i_^PAkJQ(($fFuA_BoXo7hZ{vGB70o%kSyJ#<(mg$gI)>n}WV6WM<8Ol?Hf$veP|Ze~fy@18E%{;Q^>8#Fndg%j zw>}HlrWz5f;G0|w{#+u%&p3Xz<%|`18bR4zWPLKMkK*7IT>Qf4?15wzrtYAD1FdGwnpwv1SvwLFt$Fi)wKi|wloSyj?hOhG(sv4hA=;KYRycyj zLm?LApkvpc^KVY}cs2JfjPG+jHPaywM0DJSkPJ=`^^Z2!^#gNF>fjuGvS;QxEhupv zo3ciN*du%SuG?MsP)h7j{GWB3Y0GhcyFr|}LHEY25itqxX8q(-LlsN6en~Y7Aj+4h znF#=M00s`jjG zC|FSW@#Dw))TmKoP>&uxtgc)Y zm`>*;vd!hJn>nB!YEr-2_IQ5u*!BS*s^J7C%gCy<4tJxyx{aw7strx&+T1Cq)nr>4 z=6A`fDYGh&USTQDMh;XWyela!2yN&=W|RbtT?84SAxBQbi75aI_WJ28vZs6EWb>z< zW^*!YM6hZbuQSB;?Bh%!dzejdRr~hszk2Jfw;B%}I@D^|sF778vW8W^K?9A5um%no zV69!duHOCw`}T#0g&(tul^qmCYJtko)S{+x2ughwitdV}cT&XFzoTFx$p}toBRmBx zC)nl5=;&x2UmGhz%rXk}wGo+3@E?`V;!MaAcpr?)#PCr77!ZF@%WiZcqd>(7p)vH%8tAD?Ko`kIl zwYF{FzO{0t$~h)PJOq^eIqEOhQ^P(?aJmIlWCw8O5=sb3kd2yA+nRx+eTr*P58_k~ zl53%;ee@&P+3Q@kgo7o53Dr#HZ06!*t|16j;CF)iueGdc-`h{a;ixB7J!0SUIRVIP zT?c&XlQcWcGD{d)n1ZdZ&$_EK$dPsI*sm-Q3uFSzDdN0UDiCGSXtn5#;Sy%P z7e^%r{5r7T0ho|e&1;55J5om5FgSxs8d3ASJe#tx7jbBSZgqcDlAJsa;;h^K%P}3cDs9OzQa3OD_!=Hf)&ja{rj{ z>u)h_VysrJTGf~}YgTATXy_sHH$hw?Tigr%e;u`|i8L|8{4Q$zosu+@@T~d$LGyWA z{D*alO=tct*lv*&H&DCK`zmSO5DXosX;?&@z0~{WLp*pMVnIuSJNG=g!2XCRkBGl*Ra% z#{L!7<9_1))%wf=G0V2dbO4+*& z-L{M<=Q>_VaQH_+DCizC$%1k^uwZjfZnho9>aT(Tqn#lRC#R zY~4Hm>x{%RlI&5XO6Aw@zyE$KI5_y^Cl(N3jlKQ$+Qx~QY{zZ@4yp)v4n^=P7>8qQ z!b0%>)ns395N)b%wh^XWQyiZ*kRYrDEXE$xPqeXrfDNZwMQODUL6qN`#isUv$|z_b zgS3$YOr#CAi^;{>h=O%Gq8?CkBZP2Fop%C*F}vW1f;@i8B50=hsN59(Jut8Qi6hAr z`NcwW{*$y$J}!B_$%LB`5%R>6E# zr0_c#Mi7p_6;0l9co#6S{B`D$tz@mJwy7*e&A*q?1YVIjbxZl&Hld-R{l<v(OBgZwIY0U-fM?s=umA=n32f^yCVQl&sq^v!m z3soQ#t>XH&0P2=4Q2*BtjNkd9lv9%$&=l%pYP?r4lH#`)<+wFL`iF8kvA8&`xtnY! zP}pwHMY3mF{K-rKUv#?mG0s`X57K_|viEX?{_Ym7M*^)V zqW-(0%@{|>RJ}-%^rvl)j*8Mb{QzWHPmIeLC)=yd=$VB?>j7k7i^ytzCrgV#sb1$@ z+ZeZ`(9p0Uk3IHSR9TsJ$w$pvwE`FZ_FHN|VBjj_K1Yg0MlVxsM4=aAq!NLZ@`&nx z1do+vw(b8KY(_P)9P2dJ^y=6cjK*J7(5(P9`7wQ6eL z`O5%_Dh(k<#&4IRZ1estjJxShJ?Uz}$byzR=Ec+@b6{eMcrcqjG`+vKgon+44{&b_ z^jwq!AOSbIcM!AZ~%2A}Dx^x#qggTS}G# znEIT`dY8o0`glLBL-X0v!)#n$2v2o1kE7SQoNQ8ofxCB8;uB6^;!v{(Jr3+YUQ;UE zX8p5|GmPxfu3fvAKKtymhr4v?QttPdjbM!$HR{c+Tese4ZuGM(^4gF&j?w=k$8Z@c z1Wnk);TXXJ45G%Q$OygxQDC}MAIt*2kU3GB33NoWi4>Ir9ag{z$c(6RBR~by!_}+1N*boRqgFa00W$udG2%vm@1EtOI31s&nit z<361WGN6B7p%p|uV@1B6E3Y@LjCCRU`%<(QOCGa7S(ISz3e>n>p;zp7vYf*NV^Uxd zqiqW7;&!oDP1bO)xy};Vo=?BoPOBKUtb|dcdJ-s!h-nF6S<(DpuOAfBt{4i zqVp=!74^Fab$a)C|BGzHEK?SiO6}oylq)Q|#Er3w|Jwu>-exz8c8_U0QMPIW0i0hJ zVz(ZKd8R;d*F(SSIBTIn_aM^}S}`cRO&{F0SXYWS7yd5YA`+!m%5n6R5yXJ&n`Y3nEvD1-Fbr zo{fPytJ0Y6ia;O4;ng#N$^1iy54U;crI*I^?A5E>_jbqj?be7Bk14xVHGL_ z?@CWkKdtweNZ-mY$lqZX`Dpk{=&{LQsALf}vfYef$t0qbv3(cihPNpGKa4@U&McVc zDZp!k-Qoo&H=9ER;6yJG7Fmrpzj{}Op~@~JzQo0@W8>m#o5d}H$Zc*fQYlflg<^OV z#zs9R-?KThIOk<2>sK-7A_z}YYp3`fR}pA`^Vu)hPF+do`kT}{cuzQ4nP|oNyhntJ z%0A=a@x&XmnF%F*0ubyzU_BXyb<`aHsvaTpJ&)4Ppv-AMnWZwahDAk1i}UmIv(3L@ zr>dd25A#|pCnqOYyQVA~y_tScu-K39*$$aRj((QcPfp0ZMowl&X{sImup@O%Wru+f zVAR9ZfhJ(ByPZ?ZHhRkb1tostU$^6)D0VUz&3P#M6hrj|vU2q_ zenDHx9jp^&F>fJ^te&$4tjz`Z*8Ti+VCd#fwZP=%=B_f%Y|QEG-J{2jSrvi;5BO(3 zD2S-nP?@tJe67`?wlhoZn0bxH_pApJ)iwXrJoi_jC;C3-yS`%n?E;GMi0j0dB0a}- zVnD?rU5M#=TNzGFfz3r`O?+h5MA6AICZ9x=ZHp`<3Ar)>}n{P8Gj8+wCU0Wr$ZM#Dzz0_(03H4z!*4B(3tlQ$`w z5%VsA!nl4Gy2W0peAtdW(|kXuNSTh5J04X-GmwQcu)EF1sp?axcGMN#FUyIk7;QUP zdK(;>GKiO<_C89MRNZ-L>@_Cp3oGq7bn$01Gs!{`T+q{xUgx>l)c;zTb9++4t#XVE zkQ`wZXAe?A$o6T^*|uthLkaz5F!~@kJivBn+rDYLzUbYy2LSW6rY3O+_)m4J`o?+n zPfku=lAM%O?t7b@lx(G>q%1M-?MqLVpuQ{UX>wJ_R{$-pFb1a`trv4~rXn-QAb;i( z5?B)t64ZR}mjS7ExLi(5*Cy7f$7mfLwjCu28Fa4 zq zpy{`>Zs`9Qw5UhFetlQXp8aE&@bK_czIM-^J=U$a-g>ZN#fVP|3ybP7E~7Ht{JnuE zHsib`Q?(4Jq!5Q8TwLQ%PIw(^?DafXM4d-7qFjMc!3El>?r3;L(HYbTzAafZ@i?!k zXP00;@q8c#wii8assku1T<l~2}mH|#(a?k{9BODOeVDVs~uQ|F=#u%g7VLdc|E zp~f|Ls-ps-=3PbmM>)pL$V+K#i6AY_=R=<&PCC5 z8qlkGDds_eUWn ziAD4Qv*j)^uYHl%RAN-mI_{BJcoS%>_xPHQ9Ymll8JLg_S4CzYj_V*AnhmHkw+jpm zIFOf@KYZM{ah;nqX>!VYo0XMi4Ie&y-GT)RI{DR=+WL(T65RTwaU^3*K&Adr1*FY! zbPA$evEFpcK?BAjARg#LT0EZdQ@vhS5k)oc`OMe5j;Ypi{x!^XnNf-(385zZcFDP3 z%+XWO*2{J>LZLvC7u)x**1~{8@2A#!R-NPj;p5-lM`p6Cbq5X{xT06jp1~DPLc!0; z$+2F3>7|r)>(`Gl(V&XXU73fpkBmzTG?9kcW^C}wa8g^T3(SC~zcAWS8NY}g6G2$H zW-)DMVaqAXh~#n%ksC6pU3{KUf;}YV^Qh=(y+_ferY=j-{HTh}=KlkLyrjG_Jvt^P z1;etaw1&t8XR`DnbG)lKCpGY@kLqHvyv$D}^V|`!A7i4UhXVuoG$i9oG<#~|Yz)oa zjLV2pb2plC51U`4s9j**CuXLcy!y-pmvl0(lW`3}UaL2Cs6Nz%l+o#0$Z!KB;>A;(9ogO0gq9yTh2(4 zXFU!?Cnb-YFwX5znit%w{xkJf?csSjY8C9Sor($qMoUellg;a{V1mFG1Pm(v|AT^i zv@@ky23$Q?4K!BA{7wBrJz|{6;cZbgUqREW*nRJmHpq}k#`)A?W|-If0+aO`^KWhQ zlPwi@)I@Ynf&t~67MEncncugX*DDiWWE{XkGJU~}YJ_j5hImF2RRVI?j~en1P#YTs zOsjhFM#cl33!JMmg9cY_WByn>YJT0QO~&uovE$>k)YK7u`}M0B6clt)C-&TP&t+}g zxbYH`ar>Y}CL4F5B(Rwvs4~ck0zqZWg=&zu9IE{|Amq8mk#%MCj`p=`)W_YqUU3f0 z7(p;0_T@J?ydkBjXdvzN5P_mUgxpLM*|`Ur^sMzFo1%7!#s7-qVM>D5&0tNW(3&{w zdj5|)GA(T5r1JOe-`~Gy&z^y$^^@i1=31}6_IlxrnKS3N zvl5uSn?8=AzJEQQ!x+RWWNbrhXQ9hM{T=6{=yb8vHpqxnY%QPO&$zXd{0PG^1MC zuO25tO}C2Ws44)JDmZXS5D}pvq5Cs4GQVE2V#WE*n>VjpmNQ$nY?<}UGf%I}&dR>J zR;^l1fPf?!R*6VjZ#;rCb2GjukE6Ai&pC=6dMANPXWpZU1%hTpX^-c74hDJ*2yh%2sv4|BcO;4!P1jI65)8Bh>U%Gu*kwe8y)npdxY~tg zajWjN)$2E!-p|lo&F9UhZr6;Vg-Y9GY=1WI+h<-^54h=5Zwct}6w%xDiYOWFA^2qw zq?L6<{@Q?RbWG|fYRFD2&z`;N)U8v;@&tISq@*Nk$&w{0 z(`QVdSgB&A=Z!-<8t1^7jcA13Ox;RBOCT`Z?qB(=73Mf1GgWmVK64#zWb*Xeezk6`aglR2l(Hw}OjBSf$IxO>#{|D$o9}hZ?{zu{ zl_AFevrIxcZ*%;?!1HfTJ=@s)-|5Ko=+>=UrHqV>bHc;JTZaUPgy-ewFPhEyBn9n@sk79fAioth zV|^T3A_e}*r7X@^Y6{sHHo+S!T}NV^at)KqT?B!kVM+MnGz^}iP8p6$#*heRT z(7OdSz6eC546+)9@WU8RsiQpR_F;AG)G@lSu&}GSpEV?Kn30)zBq$(Y_1bmowz%1k zgrEq$7uPJ)_IM6X^?GOj6Zcl@_iE};kq$@WkLd}n zsB;vx!b01TpPEw2T9m=ob#KOT_Cb({LAfG{nSN8qB%c9(-;SfajQL&FA<#r{?U&)y z6bx3v$yCMhh;A+?Xm#z{wMtf2R`;;5ux6p5p%J;cxmj7+S=%Z`R5S_siWC0zWXmB< zRbldXQ-Z)MWb(Z=TP)TQ;STi~B#-BFv+i#IA<_MOg?sRX`S)1@JoRy<0_nPYL&`bL zyrpD5=DET2;^pJOwBA;hBx#{CFWCL#(wL6ryvG&Um#b}OU}w=;SMy)&$jY%GWISF5 z8a%?rRgEkeH3b$XyUU zD*3^g+i{kvEhzGn8p0}fyhn+1?m#pt!=Q=6`~QjWtyy1<$v$54mOhNL5;MVSWBBf* z;X4{5R7AE^1?Vf6W6Rk0wjBsZP@IS#f>3i|Xvt|v!b!x6XJCeDUYq`vGgE)mH^5Z- zS%bri;Chcc4V^kMLiL$C_6dfTHiosh8yO>!cmzplUX|)Pa^z3h&J^hh`fT&vUNh$| zXlX3);!T{Z>XHk&UheaP-Kuj6+ql=e$WRW^V>Z(jkS%e|J*a!=-%X_v3Cao*GZ{ ztTLu6=?_vi@{J4#5qvE+`Yw8++=n7|MX7)DYp@Ie-ujr~iK;WD*-pmS*gU`2pV6ki zACWPbP^%{A>&(ACJ;JHw*!*!0Rew0}m5h%f?MKZqKJljzlWjEwj!D6}%&?v7^sc{w z6`aDT8J}W+d2SI9%@km+M4+V!z&^?frZQ1jwD#RxGcgAh>7K{zw+QqY&j)hTb$7`! z<#J@UlYO`>zau^<&*NFGsmB=IV6q2?iRSSvFwgA;8e2kuv!00T8XVvq)IwujC&ok9 zKmyF)`CV@r@!PH9fs;#^j@^)Zo8k9bNu=G#{4mu}+My;dI91%v58}VlsMDV6rHJJFA@cSQ+ppvc{vpos&6-PZ_E@mcKdP`TL zN-u^t>i=W!JK&=z^Y>@c69OcZgpx?4nS>TVp?Mz$uD#K!JK3lB;I%_<)OyFEj6Z3uuE4Ay+0(!gjgtJj2Ja3TnS4itZHO9bLJ zSM2CK2oUN3T}&5;3HJx!Mw$3dcqZe)h%c_uOZ)(hIf!`+-0Kb;oOl%&g2OaOycfKC zXlhv_ezt*~Tl}odAh(?OJ(GY5c(X{p4l+#R8_Jv&tmo;H%Fc~E zOGkERM(zXm_=z`MbK-pvpg<88GJlC{g|hYyjOUAGwbUS!dAmOJFp;BtmwAkEFvd%2 zJ=|_8Uxc#2cUi9U#_k9FUi){PiaNc4VNHMpJ{Nz3GR1r0?SmU|p!f+9*RLYI*B4qz z1Uear*LDcydPi(*EY^Q-h6`>yo9c!AmARXl+B%5;t_K)JT)(yWuWzghOo1?rr?G`O z2V!n6(2+!I0wuc#NJjuWVpRm>rMMQai4F(wkkOrBC&5A*g9p|U=LCxWUd~r8y}piA z5P=NMALV%qqUVkEMK123_>L`JdSkfO12nX-S7B%XL=wcDH&}Y$J?~)`^6sq3gHnSL z84gf}c%FwD9-l#vEdq6Cx_t!C6-dL~TwfTwcQL|(v-*m|5PCP9y{nnOLpOxldML4B zl3G|j)f=P68h^0RB0LdV{r~~wkjY+QC<+{O=pvoW5aU61x(%WLolOpIBQpob@CLo3(O)B)k1<^?$?d*T!_ODN{ZbtXvnrP~Kw2QGV z0p-Q04t`(F@TTU>-c2V#(`L`ckrJ|Zgep`^kL2Dlv9LLWax zh|iME?DI}==?(IRI^6I&nU!1e7|2Dq=ZxefhhMg?kKgcr%2Uo>EC~5g62G9?7=nDo z6>v_S6G(YNH}-^%SPxdh8?A)r3%piUV@Q>B?NN)CKCLqEJl3Vs+7W!vv-z7T@GUGz<`16DIC;ca#Y@J@9phl%z*vlZ0Rbb zvA6eXOj#2nw^aS5)g#P10zJ?VEY|X>akTA%*@Ta23MnZe z6amKo*R`*?6r=q4A61IO9koMb7MeU({5`zdYIRTt33nj=7HWsr)l+5I&zDJ(k`$~; zA;=eWbPSa0ylD+i8DiiCR`-Xv#>wNaV84XD#mfP6?HLqkS$@yG%Ba}b&=NL@GrXFT z97^}y!SK^cqt;O`n?1rou0X6PVD;sfOMXHkG7RzAv~2urjB~vqwj4sKFfXA8Jb}yX z3E{plaOIvIUt2klgKFJXsL?YjQ*b_w*30 z=fEHDCcVrfH>D5IAx7z@Zu)Z24PE)EPiA~@kPUTPKW0RPeok&u06p4vd|!dt_c|nUa-Y<_1wyGj#gJ6&$~EWh!i1o( zg6Uj2B?tzbQf2MU|Fr>R&kNO28M=k55o7=1>AnwWdKEQ#Iyl6pjM9tGGlqs13P$JM zV|TCuy<3*%Pq-*-lFijvZCSU#C@vfix*?GdoK*Y+8ErbhsL>kobk?i!lY^UUWpu3R z;%ZDp1LA|ty_Uiel1)SNK~NsxUeQ((^KfLaBDeBWKUGk3^bJQk4f3|9J8te*hiFm4 z5G88v_b_uj@n;WexGmZX8{idI;CI^Pys$0nV3Fe(4b0|t}~ zKV+lkDF{D1AdcnGM*u8UxAa;Ek>MW}`{9QzCZgX;nUAwAtj8NLCR^yzmGzVYqW93K zy5dv(NE(V+7IIB`K+jvPtkc@R`@-}m<7;B`jjg5U7i1Ui4HX*2C++7^j~2)cfKxML?Q z8rk=uyinN4h5=5SPb699f`ZYOPrAOCpG`-s$xdx<^a9fLQs(dp3$C2KEFd{t6*KvC zG>84)(1Akm4L$K;)uvNYC>(mz{p|^PmE{0D^`2OKB0R)LS7w3Y#}*!U9H2LoyI`;Y zRH8<5c6>Y`9v&k6oSa%^CCRT~d&ceuALA96X!b$37~E~Hh)@mV;uY~cXqviU!x2~m zH-l3Gfn{ZS6i~PPUL)IH_H)?jQ~377X~GNv0m16tCE!Vi;k|3&@ zf3T6=gRFbb*x~nDohF@VLrQ%uRU(r>>$iiN)6wYx)?prPwU9BZKi{)U(vt<_ETJ+g z>@gh!fg~f1eBcW(KBc>G594?lK!#V}*3wzru@cj2F`e3%p=vowkMiCL1P#i<$K9gO zHfK7;sLp5iAQ1n3p$f4^?N-BO>o|bFNq$6AI325_|2szt!=lhf`f}ycS|D z0ryhe>I^jYbiY9BQ0v8-@zm(xks|oR{-JV|W&fFv=(9y)mu^Uo!?g_(|1H%~G4 zKtOLqkr@52R`gZUoh4OTobPl+A6cWWNxZ%Z-M@$&@%KIDEexREFm~e>vYJpI*ud|& zXyl)B=w=ngZCf1zQeNdHHrMKVNH#G}D;YLk5CKdwtx}jsgw<&Ozwbt*(jJ_gaDg^_ zUWq=_xWs<>BG=IH+qe*@0*fbDk>i6C4$r9Il&qb=(%whbm?3AM7AMJi>@ zRHCU^-eg(3`Wmv$m&&`Xb(keOaJo&@b%Rv(q=!WwYc7OL`j~`zdPlWD(&qzE3Jzd| z3pMuzD^2TR-b~<3T;3JcIz(#*Y5EH54QFc&&eRWBNHajfuAhH+Mv~x1Fi|o{3rw@h z!1tuH2j?mBw+YmE9J&y~s2+(MpWm z=UordY$U`9M~D}-RW`2vYg$_!ba-CP(6XT6yZe2CBVT@yq4 zS}St+eoT{DD;w9*rf_ud3}=N@8^b?+;a5~otMCKeM8q7o688LA-V;4`tI+oRbzJcb4f3m?WiOq_R^&G zqkuX4frF4V<772u#$Hpr2(AVZbvmVV$G+(hD=*9i*0T;nX%ys?cFZ%|y6bS*6y>uH z*8OAeARM&HdjHeSe8xl&_^cxfJ79EFgRPmBh>t$2U~^OxmRCp*p=)B}Cclo`kSe#u zbAnq%)f87e=|sLw%BL^&*jT8ES>|zOQk+rFzLf;v(UyN+kX(ZRg@-l!@%CM)df}x7KLM9Hc!2UeJSa6`7Zpabr?{nL4&I>$5 z*J;%~2O@b$a3p_Y4H`^pkf;v5QPZ?@gY~H|59%2iN=-S$JMNQd=Ub8$62?k3=vLP2 zsi}TX!x|YJ&^geliR|>aT_Uvr7Z2}&6n&9xZ_C$6<#R7Xs+?gJA#g6xg&k)Fi zPZ6dMN2Eg*ziB5vR@J5-8U1`&#=+tRAeSRo(H*h|-k>O4`c8SV-XuGf4H!(^#sFG%O^*GdCwk<3 zeVeBC0g}pv4vVQ-sKZLLmQ*q9nS%0Y(8|CY5|DlXA0V@H{- zhk2YhH+t_tbR(+>55sTlV>p>~7S+XhQQ!4Rxz^kd!?l&@ zMHYu;9kGsBGxeaF{k8IQBrWJE*rY?a)^ITms;*{T2*j88(#160%alUDtbw8K4C2=~g-E{<~^UT601 zuA$1I-mLyn^e_O$s8}H*{4B zyg98=sAMU~=d0?;J`$H(onDQ~<-yO-&xsNZkphQDrw^?f+d?)Z!FTr7n40df3|voTh3O2w@D8F{%q=3cJ|v(wYsV1>Z;6mGSf>41mat=uvDyMdA2OT zF>?m8%JgA54O0ApdSF1iJ9s7W92RYXm+?f=B)r`VT(`BbMi&{=`(Y~`)BtG>5QMxU zrp_C>e3-3V0r>SMYOonq!B-CMaXmw$ud}M>nj|=DP`()cgzYx;6VJ?)Z*>jXKRn?< z<7WO_(NSa@qqR!(&_zsWOu14Km;LO$K7GEnIfUZM?MaJ=8{MMdFUVJITYwc+d+A`2}i}a1ZiP zs3%H=EUgU>)9tR*8ZRd%CKe7l|1E5=+ZJ-(?(!)j;BPXQY>39En7SBRTU(=<3r9z? zE~{ZZ%2kFnKsH=p2ou#+5Zh<%@5>2$Y0n|G6H@9+&2Vc3=E&JDAXUw}5tk5p##sZB zSnivKWW5i65!P)lq+D+i`mu^9$HmPEfk5_srAq1oKEvnDvYTygA8(Bvy6uJ2W>bmE z%F1&Y+;&3!%gfEm#D#CSAS3sget;_!mIGgip|Dm4My=B?ZivjcpP;RtR4-J+)pdNr zr`XYA2$Wp1in~`=C@gEHnhy{ffrH4Y3h?Mp`IQ`hhsrI}LEzwnJV+{H^bTS6-%zFq zE9C=1;;{%MEzZ4L#`|71gOGHRqMN3x9%YrEZ)QHh{ZXl>ZOc++#8J+{!9nG8sWQQ? z^G`DFvYuNO_0r7KPZQEJRpUYT_MWok z*XBUyq&a_uk^Iq0i7d^4m0c{45;|kwq*YHV>Bv^=dQvza|%0%_4dG3 zL*Hw%S}KO~?jToV<6JzIrgf*=eeg%K16+ zJPABTS)0n>W|0DM1Va}P9L_6#2dF|lNA<0`Lr7!+I2b0eRK&Oo<{|8%!2;;Htqi@| zpfV;Qv*Od-X#wghMN-2stCW(XaCO6p;gL*e^lqg+IwFDa=r|VQu_N7~Ev>07jcg4Z zs5c2WO9wljd9)7qy?U>KZ3-W6rF`=DXy)N7{~b9}V;(Yv}8VwA7p;#i|QE|_&kbOOD~t((c8xRMzvkgpQHElw4|g)`3gHW zLE8h7UwNW13}ae#dBi5ASdD?eXOLh|=K%ZgJj7$R89Ym!eZ>6@H)$fVk7verW#+S*!RkA-G^n%l+h5ujX_oI6hvq4(zFp-It+PV*McV#+eMW)X%%}pZG}_MAU*&uE3XM#@Pewb zU~?HRsfF*MWvEzltwT@G^*u`{A}+$5z*}^3jt~px5HZ2;8)16-G)rAL9gwge=08*f z0PjDrAH|$qEgdzEAcnxpFs%$0qHmC^Pv1Ze&gEMPu2uY^(UN@d71cp=8aXlOgi-fK z0+gTC_hp>~ADh#7irYyGJ`}FqXDZ^K<4Im9Df3oZf{(eohCB9+KJ@L`KZ{(r-)g87 zrH+RmJ4pFu2PGZT(ol6P3b~J&S#6EWXwy+J>shXNT!C#K{iFoqro3WgR)i&besHqn zxO_U;1MO_`%tm2#{=9WYLCxO0H=^18LZB3IZ0A>Wv3)h%H=z-4i)i_POL0jk_Qu#k zL|;6?m8mE_;=F6T;Tj=qr6xtAa%5!WDv!PJVY2RB2$A4eG>z~px!}vRxo~7mmq8m( zJL`zO#Ll&jEDK9iD?5JSj>`9UbW(P>e#3*t0iXN{*iGoe8v^^SfXuA2ON8F#{9{A; zYwRVuPa~IS&;PA)qC)`IKGRVI9DN-gexD&sx1XSXS$;P&eHW`6IV;cF3OtGIPeXAhX(Avx&U0_ z8W9QKhCX|QkQ9v{6EvCHeGA@fLbf}-=?}%2_C8EAABrO68Y_RR@m#bz`N)17?o->{ zZALM4V-U*{x$W2uxF`&bwm(PH`MJR{Q{iQiRy~KWF<{MV0kQJn*dzvvYz=q(Ob>nP zBj!OWJO2d?w;_QU)Bv*|pZ@~*)ovrQO@|6>Hj`fLekH`*ZWo(ewfR=Ni34!WwfEzK z3_nc(x=D=Xuu)me>(#GUy#_;j_mt#(2W=o9Rp$M2AXq<0LJp7K&w0LlxpleAj+Yp0 zV&b#KXXNV2;=&dlhl>u6Q|AY+fIC0rjQS=czeY|-h*HfPv$dez5-cz98~pDjsXr31 z260_Y6N4RmtGp(Qk1$Xb1Io~97PV7U?Cg8b?FpA%1(MUGdY#+T(+bE)Nb!eLSze{4 zk+_O7m1$xQO-_dG7=Uh^2I7D^QMU7_l@=aiWN__A$*kbu@L=ya*tiq5AE8;Ap49-- z-etJsmY}Njbs^g4+7DyB>>zFl1M8?(jhVA3_P^2}}T5dW?LP4_$Iy_zHS#(1mO7%dvUx?=K-;-rSRKxAb6QRIJOj6=-r_MZ1>Ht*= zIBtJr)6q*rxk|eeNfBO!2e*AgV!i#)NB#tNPO<-v5$zjXW*@jP>@v)N>SR@kG(^suV6* z)lCJkM1Hb0(=uOx9;c(Bn5BRLi|g*6tF4RgH>CEEb5jp>Jw3hE^6D-=kAsnTy=q&C zV#9t_vtUMic3wQ+HcL60@U_p?^P0ms*dSWxMk#dc25DtiUbj}rUl87Njn$A^>N}&p zi8%%s4;j^oEx7Zx*j~Vm42pc`^c1DMjiD3QIa=OHne{7j z@CHj9=foPP@t$!m$?$6#b%EkHsHld6 zSd;W~b?kW*#p6Upi(9JSK?fy9)o2pIULQpC0tE}tt6_OyMd1tQTrSUM;F$L{AdI=}1HuD#W_ z(&Od2Vo;KWNKaM3ulAIOxtOP{oL2Ny`VG9lk!v729vFUBKkf`C0!tOb*G{tOUKvO! z6%B^WP_$}`h!PI+y%uAVXzhEuE&S2Q;bC}6aSx+jnFta7_NF` zY>LoN$);jCXSLm}dZEMPCV9%KOe+((0Mdc?;uoOGjhSgOgdxo3M7{?G(WR}){{kQ=-Akp73lA1W=+5O}MUdRgsqtMtfy>=L&ybi-)ZWB3x@T5lb; z!{BiJgZxQ6ywC0#SpLX=cqe_`YVI)&kiDZOGX^=)$_CHzQo~U@(hJwko~UU(;iV)e zll}*)4g(;g|N9GxhZR)Q(vpfKxU;nU?J1{2gfNap2m*HmbYoSz_oO@)1qI4)&{_TW zZYWF;7cdLhMofvTPiyLu=t*P#|xK( zvq=|LxW%10c&n%CI*<8B*AH(Yf~G=UaYts;=mQ%<2PomriEqN=_`Uc)jG=j#ruI-} z(mu-qntq6f&-7=qi?X6(F7DKM2yI4%?z#m0YHSt`lmX040S(I3_6~=!JnVT}A(s`8 zX%e4R*QQ)*vTjcNc$Sd^wN~Ds1j%O>$fW1M@a5CNyn?nT!}0s&$Gcv3R_Be-Zj!Fd zJAX7ZNu#WkV!t-*4m2)l@HG{jTVmafQ(!i2_{jI*(Jn-ewn#C5RurpJ!oDd?@L}{X zR3x8sc>s^{15)wt(BJ$!RO10J_m|V}%Z1V`x_?a{E#<8KyB+w<=^?|! z#H6}t{XKIgcD4&2OP)%Kvv%e^`ssavNecIZ5;i-a1Hyb>s4;yTD=mVz39bA<)>hJ)VC&z7owhKIjE(52fQ+^mPmn?&0GP1Hg5V zB17xaV!6jC8i!xeM_fgQzi%=`;cfV7eHNEFelO?E>j>~3=A|2Mmz|PLHk*V=>FLNz ziP|T<{p}S-CNQU+p|dc->ttq+)ln5BLAPPr8CKps969E0vqqy5uILU~Xt7?mD(=W1 z2Z5qRNQjv^J9}zaYgji!rZ{3IU3Yrfj0XVZ0r`f&XK73mCl$%=DEv|P-Z342a9mvk*yDT5 zOb>9RRicS%xyjI{8df#K)k%naU4rk!1_;wdr!)psm8BI^<*6 zEF@|OwI(sJUC9}^^NjGbGoFdCT>5 zLXs?N=Lor2S5J=_X}s&Xe%egn3lR|_ShPakL6zebt{SQc2P6%ypXdfz&GL%s0;3e6 z##@@M9A|dPH*o5a@#jn%v5ks5W3azdABxvcO-*!8ep_N&H10+Z5o+G-l%KMj42ERq;v-hUB_7MGnb z7wtjqrz`GJpMZ?4IgV+8gf4y-yW_tL3;h++1D+vQXT`Jp?fzq5j_`jla1gLTn;%+h zwE{r>)Qw?Y5t_>mzZta8h?6B<4<$a&s@9yG?YYlT#G$8`7yXq^ZSK+K%kTeHwY6z! zwbO(XtfGv*h_+oSs`uGe+ zHq_WLP~rKVccW}$#f&OrA+38u18@sF4HzW~MWTU5`MW=wrg^Q^uOJTJmYZiB_UI)~ zQl%81r&kb}n$SK|qht)9cLXpo$2-LGCx#=V5ETOZh+1Ay@dvAsqbjQ(Jmc2?kwg^) zxo2pUBr|C>xZ7>E-61x8_W2q_!^w=A{~qqo*Lkjf8~z z34>uxlOMgrNtPdsJikmei5Q>+9IegV$q6f^2bjwNAAB0!n`{YO{6FOxX5rINiodDf zi3-f&Ys-)gsXHynO>2Sfm*|FJx%JNm*NkMl{H?{B-YipCGs#z5YaGN8cXl}V*cy~m z2kU!h=;&x@=YZ)S(;LdFsx*^NheVeD62G2?h&Zjc-JRapSOJ`X1;pt}t6BcPU5z>o z4K~Xc{lj0N+3%btS4@uVs1JoW_QBNrh*13hr?HXsL?OVj{VyUSLz~m?ec7EYxCe#z z^Q5k|JzY8%9~A!?6clLw*&-#4FwZYsa>rq7Xo&@g)tL2+`G$5D7Bg4@{(imBqCX5E zmBPOb_0|J)p`><;%Aw>Ak)t6vUgmDj0Oq2(P}6ekv86 zJdZXB%w%2MTUiKq0>pNxSRw<@c())!QgK967O>C1D9*yT)&@Y3p^PxkrXOg1@---l z2q5%t>W63K`m=1W|Rj1_5DOJhy8n@yDm z7NakFXTJ5GcUG0}C^BXp6`rqQYG>*u9*q^r@K6qqoZada6pwyficuQV)Cc4uls5l1 zY~823`E)qv8z4m^Q{f_J=+sZk9HGi1toVtV9G+&dEB^^*gyI+`GkvGc*Ql$EuL=W4 z$*x4>CL3^5%pf9(Y(r%7(?hzSz6)4!3fE+RSN!vHOHTjJhY2{X{hnX zQFVv?N-&_P!9ibD1f-2v+rg~B0M*8Ady4 z#|QY3#Cb|rUVklCKeVBsEF<Wq+YeCjPK7qH!Uo7u4kjB?@LvNPcOBK?NAIr#w;9o#e-kBE8qdxgg?w*MJnv zzb*@I=P>h~IOqJYW-$a`CV6n0d~2@)Kj=EnVftMR$#3W4I-(fK1s(z_JY8O}Ri){_ z#~TTA8ryNYZ&bGjeGpy1o?h{-ANTNoKTQ_rBzH(&tLcEnOv2{J>=S5DbA>(OaO(Qx zuM}(TtrN-(Qe}()F*E?|qtJK~C>Xm%CbfAVg7V^o7n1oYg*~HJGiPlBEFt(BtXKmq zIrx?C>bqiCIK#gcFx1$8?_Zh31&KT|eEe`|x+cg!F>NeVUrS@MB=_FoJsj8TYuB`f z&3n)43a9Qygc;~O9tb7L1%O=P+!qo@?yyU-YcgrZmmnJWKYZ4c`y zs39Bb)}Hvl0smh?pnKr%k$TvJ+)@H<0w*r%qn=$4pN$@Jp&s_A^)8Yt1p#XZXQjJO zb-&o~v4qZcvJM9MvsGA6Ii)|6{jE(C@@JHQmI&&XzWFz4GD7ii7{S()vx;b975-!{ zfv;sx!`hk+I%6OybxH^IuuH$G@gtF6U(CO>+T;o}$5UZrVmVj)hEiB_w(EW;{W&vc z8nmI&tnR&!eX|0%Ax0siEsN$^#X-xe89$rJ#<(tA!>P1xEJl$SXh})DWSH zo+2Sn;ba>u?=KYlEVFOd^pC{Sp{qH4v$dJ#J(H(_`M!;82(Qk)B(P%B6!SYDO#Z#L z>%S=5Z;IfKafdqAWkO$3d>9dq$uBoTUe%l6(|5!muIO(5)0oGJhgtuYbjaW!w!9+q zmDO7PPc|Ng?T4$*+(OTE-GB%Ccc76dg%fgTd&pdPmpyz1%E0#QYt4^l(v&YsVR5U> zEcdGHA4n{_g$T)v_Df4myn+KL1Q&2C#tKvy4hN6#1LkPd;whqb4Ac1EsH}Z3E}EaR z|5=<_2nL^#*!{&}A1%CI<8)Q%j!^VEb7{~{8z;4StV*W7g_nXwkQKIb9Nl}#p)p-k z@-$e<3A2ET;))#O)Y@3a+t3HER4uwCke`u$!tp&AYgc$HW(%>?R#vh`)51)=NIS_j zp0cD0;QSG+vY+bOGb9&GW)|qNHFR9IQ%Q_b3-pLroY|VoeKVN$kH}Q3#!dB z)LbCRqiU#+^mji;_cVz|y%}PA^@?OL4E;4?a5Tfm<76v~KLm4p$PQtFmWS4|t$zH4 z&DIR{Ptk1}SOdk#_|5hD+mn3F9hCqQcqFs!pc~MA2_{GC^YOh^>p7@hzsQS;dWZnp zqINFvyc6_fRBn*{ap57lii6C_iYRnNyK)Z^L}Nv>x&>TZjucT+e-!JUllyS@-|?6m zk1ApeMtfT$LN+iV#E14uQI+lA95r+7ZBabbB6-|cL0rhS53S2N)PLQ(DU6^7pW^?w zEf)Wc7Xb^>mLGptX{J=cm9V1s)4EPsQRO7U2ULBjev@1tBdu{f2vD5AE6BJEc$iCA z+O<-Esf`)K4<#@pa*r;Wz)?~5Ph!8s6)!?W_$OME;6A_Fgnn}@``(G=s-bsIuYv$X zg(r2?N8y@Q6&MBx!HSBGFl`Q9&F7qOxfzY%M3l0G-2JHnLw~~=xJk&TeO?9*z)~6G zbw;ng#;}-jnFnppou0wD4CK^!lKzF{|TgLs&^>y zaYLrkp>Wh`1I#QHj4@BFckrFapk`#kPY~x$k3W>lAA2#m zu_(wsStr2f-wOg$I_=U9)J_OKj~+FIjC>>%DBpCy<9|)wZL-p8tyx1kqdTJS!*A;I z+089zM1@06eYuejbqpG0=-NjRM}wxUcAlBYFxl%I5iy~%p7aO7mNCFRz*yf~EM9omRcd1}O#dPQPuxSWGNFcNBNB~nSD|!DqT&(eilEM0e zRDT|=nCd&$v0@_>k>60Vj0BAV-w`|WZzCc1-(KhM{O|QT1$f)qQbDMff{uhsxUJvZ zIXbbq&RTjI&v@jyekcM2=Nsr1}nz#Dajhl2YRgA_oCL1^s%+ z6bBgjWiwh>xTKTB3v-Z~k_>OWzBJg<@7G!N6FjhkF9wV~kpluLVdf!$63XwY;*Dq8 z*S_&H7zP&h4Hcd<4nqP2ohg+Kb18}=BqcBlU@|A{qRa_Rof z%28Out;RPo%q3mH?p5B^9uf}?o-(@j`dt_psud>%b?O_$fZx@EE;{8l^53wJzikAt zF7)5)XR83j%GV{am101$f#R42pRCa|^t2aGakfMKkhIVN6TIu{32gukm5yF>>~ZT$ zYKG6YXrE<<>ICf=OAOYc+93MJ43y9%kmx6-Jj5`NjOh-@ixRb;DsNm2FY`$rC z_}kUvD3!5VRhhNi>LqjrzlA^lFfW5zHE5a-%9{3p`SU?_+PAa&S@JLObYl}#F69s? zZd#GE2$O9_`t7m%hnRuh7tRm z^UAGhRB3nGK}h(kA}T9}OO1=`>)6w%#i15`HGUj5GN|Ni?0n+=vfqcdUB2g>m-Gdw zLmvEv&MX~R63`yd5pMiAgb|>_uL$AX;QBj}M4{z>V$=K{<5HdW8@<{k_xv`v_k52a zz@V5qi<)5>a@CTf3hJ!MG1H=V8TyJC=rLLyw}dWUr1O@dr>1+& zGL&-vK0-rb?lR(#9GsyYU{n8u(n}^b&6FyWhvwuse%gBV}8FwKH}L zBrxRSa;N5gnNss3|GN?n+y%iyj`{a; z@Uu_AmEJ{3l$i=rS67!zNltmVySuhj)z;RYYjrvjfrf@wKYvG0o?91Z_VTChA%5XaT=E4v^b_^p#h8>A<`<4bC1Jo;RAw7MFR zNBbK+vXGPrK@3-He3o{SEgZ&|`cxm(Bhnka!GDlzPD;GG>`OdN@k+`C&oqtgJXKZI zYIAdQmb<&VXl(Ol5Ix^ti<_B4j-<6Ufh7;K1dIlZ2PAB2e+jZRA~rG$H0w;c`nr8X7brRs--4Ma4J;Q&ZD(NJGPzYPmXMs5ZXcc)6^IF7n=kK5t7{n&ZFH|PgeW1sVM zB1*WOi<)F6;V;PO+u>vf%;nT1{D_1ab*q$B(OQL!ZhdKecopQGI9#F4K~J>!BH#$z z>}qS-xFPu4k@!ngVJo=R(b8Rg( zHCO2a0|OCVJ}=La^`{I|j-M0&YmD$5H6zA{n;S6zrZu7giZa|Xo3qVlv9tfGXyWsH zOS<0bloDI=BW>*@PL&|mU0Z0Yj%B_dR&PL*Ixj3HB=K5JrQOS78)_ANDtymik!uFA5CBaT zri{&1Z&0X>+op^9<+a<^*QckKoLi6Ej0|3cH>a>k5Wg$ZpZnai?HE#6jOA`j@i zqw$L6ZOrJ@n}0GxFFp37xdZu}kL|~fZvOo%Jj(X#vN3nPf5Eg}$3-!136QfZ(Qak6 z&g70@q@c)azUo`*eB6ulolNI)dg|IAj+Mm_yq(#am>{tW4Gpm~dPG8`3=1n`?+<|I zfiq;)D8XZkLSSLq)H>wTe5g4_bgGIM4ph|_IegK99j1tLRgb@Qi>&DxzW53X`=n6q zy{YSYB&}aQ?S_&SN+-}Vg@=V{Fm`Z3eFN_OrT5im>gZf-y9CU7{ASh5b+2`Bq`^5? zv#Hd|TH;RTHNf{=mwtfM*QI2aFQEfmg1OmDkY*$%XN`x4oc}JIygzJtRf~ba{^OS* z28M)BEsJpCC!|yehmf#MnZc|X!Zk%C{>@}0jw~dX@YCRPa@~1yax&MCA>2VFAn>~V z$scYtaS=AFU)B0bAJ1GN31Fv=V|d&ah$LxOf+xcr3qMO(5FoY5 zxI5iJBXE_K-0X6Q*#8NSc)J_~Ncvh@o&@osy4oo$BU2z*Y_eT{z#i1R)iGgOUnNmtE#=ml&eTl2 zisP3McOjl-`>$Ym`D7&z))zv;<9?-jJq=$GP(Nd1?l8l;F_?pG9?-(*LeIoNv|8eJ z$){`mc(p6^Iilj?Az%_Wi@uSHPg1|N+^*8i5}I#QW!U}p?3`qpV;G@)TCUuXb*4;D z+wJAZkHb<$L9})H_xWN&cW|;h+K>B1Ncv&z@&o6$xLV@RZ1Ha$%|Z{f?XATQ@AByk zwNe2A0fz4g_Mz*ObX!EkSb>?u2CE~B7EF47Ux_acr!wq=%Xw3DbhgiKE`-Y6Tk%fo z{W>&_?H=lE+M0yI0&lrs&02}h2Q;hs^cFX<>X&$`vD1K#?Xe`~L_rBPa7D&N!)jA$ z97nd+ty7z9_B-H@`*Z#u*x8z(-1{xmYrV4n{`-%Sh2`@6v&pPQvFGGIFg&d9^=LnP z?(#G-TOdgz{F(JsVi`Rz!+f^ z{U3GxbIeeS+D4V5_m$5LHHyW|XV>Lc7N0BPal+a9Fx{UL1+bFVBxL*NQ(DvE>8EO1 z#Oc=?XluP(rENZ$%{9d!4pDM%xk^$fk-PcZsqgb-x_GhKuCJSwu4T-$*edMpA;E#9P&nZl& z(|oa9M0u^pjhX30DjVhkAP5=ET^K@MBp@tzt zd@HfH)4NotxgQl(Kh&5S7suKro5IWzMZ{gD?(N;dq9HUkK3;TAux@?ClG^R_skdkO z9|q0uQ&ZE)W}#?gB5pd^{j2-DNjrFUj*^`cW`x^v``u?Qoy$7r{W9{yhX5P@HuKRZ zhf7<|?thBUrEEb@0sh0aQ=@j5)4yK`3F(uPlVwiUn-+Nvr#3UQv)^+*DZkS?ot}+c znxA)P90G|?2(Om9ni{&@R>z;Lg_YBiqPmo|I%GRomb>;DS{2m1Ij@5vh8 zk7WLs&GSUve0!SPhQ8j=eVA-5rN=dNweB$<&T&IuZ;U-^ooml)Jz4yu@MnVf32S8e z+Su~?oH@7Hyl1jVHJOX#YNVV6#oE+IiiUg2h;S z_NiAusDe)@`^VlS>0R!=YPOkJ;0hdV;v z$#iL_(LyLPSn=BHDSRDP!&t-X$tKoV0{?!O7uKUuUD4D(A_oM3CC%=eWBkw6HGj}v4(Z>wC^Tx z?-WT*Bb@oD_{lXWF^P(69QXQI!?`j$*9p4U^fGrce>6Eb(d3+Zd%bh&-1>Mp5YLOB zU9|A#^5S8J*Ngf3QeITAJYr137GYehTz+<$mrCqWS|<3ex421@X@QP4DABR}?p&Qx z%jIVuNAP-0d4zGE^*?69D@M10^>dqKIP{)gAIp6)gRjrv+>X^56}Uzp z9>&Kw-($Ua7R^YR$7|oszfI=e3FE!#pKGjc4YdO^jz3`rA)mz0kK=te6-8xS-!PN) z*9!(;-R`@x&x;Pc$AJA2b~XZLx-v)!fhM!eZ~leu^9=Jn3? zkwiIaHZ+-eo$mQuo$F%V8Cb@DYv(YD>o|$?n_SQ9owMh5qI7a>JjJjf!=#gA^eNQ1 z`jKYP+(wH^|M`iM_c^j86Tzo{-C?*_{e75yPYmxxJM@ZleuO$xbXJVnPm;;pr5S{m zw$9$ZZnn3@74{MuZ zc%LTh6~i1%uEXo~nZvP?`y88oza*OoPyIgCM}f3`H?{%$?pz;=oI1Cja%8&_vOYXU#p6xV%(iPi3IZI>G6d!A0nczV4)b68x5XPK^xrt~pUYIEs@ zY46L`eP@04-5-6pTkFOgXZ+myHIW6Fzz5&J2bf`UASUZViW>|MnrjlmT&4>>TBBiO zgTd%AGji(dg*bTla!uAOS10T=OK`41sG6<&QftY)9;b5-wYM>m7 zxo2qKoy~L9$HRG;(nO*MXY|}QRFU;D`M0YaQ$r9hh~?f*g{6&0O{}-;sI}iRD6udT zmp#T(WWUc(f?<=y=r)o!uWvLQu*O0+J<4^}C%>ne2(HPxJy7iBy8ltu_ED4PugmMF zYYw%%$c4IV#h3_o?H-d1k%7~>@6OiH@_Y#f~w?-LB4Pdg7beq$Y;=XIOhIJe%u zo}}AwDN^I10AqCPG(kEwr!`l%|K^$eeVXC(Inp1eAa|}oh$I-!VO?H7U2~YATW5!h z{W*d1WWyQUcV}Zv;WMU4CnNZ@h}0C_9OOzT1Gy$h=4e7A5J)6xJuUr|FcDe&k5z`GRD_y%gy-N|JPD z3&Bt4@U|e@xVCzzYnpT_7{k-+lMU;WraJ@^CHF~WvwfK2Vh^QpQyY`k8iYH{L`dcs z?roxr{oEA7HQp3N8~3wu4yV=Q^}5WVr}Ly=`)P*jYH<0<27%}b1X0(0*AzyW$-ESq zJb##UGQ547VQ#~8>zd5Jrj&YqqUQ~)bcSNt|dvQ*18!N zK1s6ZaokzPNey^CMly%`H^#yCbX|w!9`c=3hkbTFjxY~rC(Mhpb-Ly-!NYYEB=@M| z)3xu;l{HK9V*V1mSl5XLV<)D8*E?^{?YTrXqahlLBr9C_M;bBG3AndqpqzgriNemJ zENl2Umps&S>fD}7ifppfv}%H^(KutQNr=Q6=g-hsITEa?IIk3$b#AR;4Qp7#8rIN{ b|1ZD*czDVF8@q2I00000NkvXXu0mjfm_KK4 literal 0 HcmV?d00001 -- 2.34.1