Skip to content

Instantly share code, notes, and snippets.

Show Gist options
  • Save petermchale/b2544c4f9876ffa7291b9198577688c1 to your computer and use it in GitHub Desktop.
Save petermchale/b2544c4f9876ffa7291b9198577688c1 to your computer and use it in GitHub Desktop.
Using a decision tree to predict polymorphism at tandem repeat regions of the human genome
Display the source blob
Display the rendered blob
Raw
{
"cells": [
{
"cell_type": "markdown",
"metadata": {},
"source": [
"## Source \n",
"\n",
"```\n",
"/scratch/ucgd/lustre-work/quinlan/u6018199/chaisson_2019/analysis/finding_tandem-repeats_enriched_in_pacbio-calls\n",
"```\n",
"\n",
"## Decision tree to predict variation at tandem repeats \n",
"\n",
"The number of copies of a repeat unit in a tandem repeat can vary among individuals. The most likely scenario is that a single copy is removed/inserted, but changes involving more than one copy are possible too (Fig 5 of https://academic.oup.com/nar/article/42/14/8884/1288911 and Fig 1 of https://www.ncbi.nlm.nih.gov/pmc/articles/PMC1482962/). It has also been suggested that the greater the number of copies of the repeat unit, the greater the mutation rate (https://www.ncbi.nlm.nih.gov/pmc/articles/PMC1482962/). \n",
"\n",
"Using this prior biological knowledge, I trained a decision tree to predict whether a tandem repeat harbored a **100-105bp deletion** based upon features of the tandem repeat such as period (length of the repeat unit), number of copies (of the repeat unit), degree of similarity among the repeat units, and length of the tandem repeat (copies * period). The labels (\"contains event\" and \"does not contain event\") were assigned to the training examples based upon pacbio calls in a single individual (HG00514). See `get-data.sh` in this directory.\n",
"\n"
]
},
{
"cell_type": "code",
"execution_count": 1,
"metadata": {},
"outputs": [],
"source": [
"import pandas as pd\n",
"import numpy as np\n",
"from sklearn.model_selection import train_test_split\n",
"from sklearn.tree import DecisionTreeClassifier\n",
"from sklearn.metrics import confusion_matrix, roc_curve, auc\n",
"from dtreeviz.trees import dtreeviz \n",
"import matplotlib.pyplot as plt\n",
"import qgrid # also see http://beakerx.com/"
]
},
{
"cell_type": "code",
"execution_count": 2,
"metadata": {},
"outputs": [],
"source": [
"population = \"CHS\"\n",
"sample = \"HG00514\"\n",
"svtype = \"DEL\" \n",
"absolute_SV_length_lower = 100 \n",
"absolute_SV_length_upper = 105 \n",
"\n",
"negative_csv = '{}.negative_training_examples.csv'.format(sample) # '{}.negative_training_examples.small.csv'.format(sample) \n",
"positive_csv = '{}.{}.gt{}.lt{}.positive_training_examples.csv'.format(\n",
" sample, svtype, absolute_SV_length_lower, absolute_SV_length_upper\n",
")\n",
"\n",
"file_to_class = {negative_csv: 0, positive_csv: 1} \n",
"\n",
"class_names = ['\"does not contain pacbio call\"', '\"contains pacbio call\"']\n",
"\n",
"balance_classes = False \n",
"\n",
"# AI parameters and features\n",
"max_tree_depth = 4\n",
"AI_features = [\n",
"# 'start_normalized', \n",
"# 'length'\n",
"# 'period', \n",
"# 'copy_number', \n",
" 'log10_length',\n",
" 'log10_period', \n",
"# 'log10_copy_number', \n",
" 'percentage_match', \n",
" 'percentage_indel', \n",
"# 'percent_A_in_repeat_unit', \n",
"# 'percent_C_in_repeat_unit', \n",
"# 'percent_G_in_repeat_unit', \n",
"# 'percent_T_in_repeat_unit',\n",
"# 'entropy'\n",
"]\n",
"\n"
]
},
{
"cell_type": "code",
"execution_count": 3,
"metadata": {},
"outputs": [
{
"name": "stdout",
"output_type": "stream",
"text": [
"***** performance on train set ******\n",
"auc: 0.9794894773358003\n",
" prob. thresh. tn fp fn tp\n",
"0 0.1 166 22 1 183\n",
"1 0.2 166 22 1 183\n",
"2 0.3 166 22 1 183\n",
"3 0.4 166 22 1 183\n",
"4 0.5 166 22 1 183\n",
"5 0.6 178 10 16 168\n",
"6 0.7 178 10 16 168\n",
"7 0.8 178 10 16 168\n",
"8 0.9 184 4 51 133\n",
"\n",
"(tn, fp, fn, tp) = (166, 22, 1, 183)\n",
"\n",
"size of original set: 372\n",
"number of positives in original set: 184\n",
"fraction of positives in original set: 0.4946\n",
"\n",
"size of reduced set: 205\n",
"number of positives in reduced set: 183\n",
"fraction of positives in reduced set: 0.8927\n",
"\n",
"***** performance on dev set ******\n",
"auc: 0.9107551487414187\n",
" prob. thresh. tn fp fn tp\n",
"0 0.1 16 3 2 21\n",
"1 0.2 16 3 2 21\n",
"2 0.3 16 3 2 21\n",
"3 0.4 16 3 2 21\n",
"4 0.5 16 3 2 21\n",
"5 0.6 16 3 7 16\n",
"6 0.7 16 3 7 16\n",
"7 0.8 16 3 7 16\n",
"8 0.9 17 2 9 14\n",
"\n",
"(tn, fp, fn, tp) = (16, 3, 2, 21)\n",
"\n",
"size of original set: 42\n",
"number of positives in original set: 23\n",
"fraction of positives in original set: 0.5476\n",
"\n",
"size of reduced set: 24\n",
"number of positives in reduced set: 21\n",
"fraction of positives in reduced set: 0.875\n",
"\n",
"***** performance on test set ******\n",
"auc: 0.95358080917803\n",
" prob. thresh. tn fp fn tp\n",
"0 0.1 767610 112162 0 23\n",
"1 0.2 767610 112162 0 23\n",
"2 0.3 767610 112162 0 23\n",
"3 0.4 767610 112162 0 23\n",
"4 0.5 767610 112162 0 23\n",
"5 0.6 809145 70627 2 21\n",
"6 0.7 809145 70627 2 21\n",
"7 0.8 809145 70627 2 21\n",
"8 0.9 835048 44724 8 15\n",
"\n",
"(tn, fp, fn, tp) = (767610, 112162, 0, 23)\n",
"\n",
"size of original set: 879795\n",
"number of positives in original set: 23\n",
"fraction of positives in original set: 2.614e-05\n",
"\n",
"size of reduced set: 112185\n",
"number of positives in reduced set: 23\n",
"fraction of positives in reduced set: 0.000205\n",
"\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"/uufs/chpc.utah.edu/common/HIPAA/u6018199/.conda/envs/chaisson_2019/lib/python3.7/site-packages/sklearn/utils/validation.py:71: FutureWarning: Pass classes=[0 1], y=[0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 0 1 0 1 1 0 1 0 1 0 0 0 1 1 1 1 0 1 0\n",
" 1 0 0 0 0 1 0 1 1 0 1 0 1 0 0 0 1 1 0 0 0 1 1 0 0 0 1 1 0 0 0 1 1 1 0 0 0\n",
" 1 1 0 1 0 0 1 1 1 1 1 0 0 1 1 1 0 0 1 1 0 1 0 0 0 0 1 1 0 0 0 1 1 0 1 1 0\n",
" 1 1 1 1 0 1 1 1 0 1 1 0 1 0 0 0 1 1 1 1 0 0 1 0 0 0 1 0 0 0 1 0 1 1 1 1 1\n",
" 1 1 1 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 1 0 0 1 1 1 1 0 0 1 1 1 0 1 1 0 0 0\n",
" 1 1 0 1 0 0 0 0 1 1 0 1 1 1 0 1 1 0 0 0 1 0 0 1 0 1 0 1 1 1 0 1 0 1 0 0 1\n",
" 0 0 0 1 1 0 1 0 0 0 0 0 0 0 0 0 1 1 0 1 0 1 1 0 0 1 1 1 1 0 0 1 1 0 1 0 1\n",
" 1 0 1 0 1 1 1 1 0 0 0 1 0 1 1 0 0 0 0 0 1 1 0 1 1 0 0 1 0 1 0 1 1 1 0 0 0\n",
" 1 0 1 0 1 1 1 0 0 0 1 1 0 1 1 1 0 1 0 1 1 0 1 0 0 1 0 0 1 0 0 0 1 0 0 0 1\n",
" 1 1 1 1 1 0 0 1 0 1 0 1 1 0 0 0 1 0 0 1 0 1 0 0 0 0 0 0 0 0 0 1 0 0 0 0 1\n",
" 0 1] as keyword args. From version 0.25 passing these as positional arguments will result in an error\n",
" FutureWarning)\n"
]
}
],
"source": [
"def concatenate(positive_tuple, negative_tuple): \n",
" Xp, yp, dfp = positive_tuple\n",
" Xn, yn, dfn = negative_tuple\n",
" X = np.concatenate((Xp, Xn), axis=0)\n",
" y = np.concatenate((yp, yn), axis=0)\n",
" df = pd.concat([dfp, dfn], axis=0)\n",
" return X, y, df\n",
"\n",
"def truncate(tuple_, size=100): \n",
" X, y, df = tuple_\n",
" X = X[:size,:]\n",
" y = y[:size,:]\n",
" df = df.head(size)\n",
" return X, y, df\n",
" \n",
"def create_dataframe_of_AI_predictions(AI): \n",
" positive_tuple = create_X_y_df(positive_csv)\n",
" _, _, dfp = positive_tuple\n",
" number_positive_examples = len(dfp)\n",
" \n",
" if balance_classes: \n",
" negative_tuple = truncate(create_X_y_df(negative_csv), size=number_positive_examples)\n",
" else: \n",
" negative_tuple = create_X_y_df(negative_csv)\n",
" \n",
" X, _, df = concatenate(positive_tuple, negative_tuple)\n",
" df['AI_prediction'] = AI.predict(X) \n",
" \n",
" return df\n",
" \n",
"def create_X_df(csv_file): \n",
" df = pd.read_csv(csv_file, header=0)\n",
" df['log10_period'] = np.log10(df['period']) \n",
" df['log10_length'] = np.log10(df['length']) \n",
" df['log10_copy_number'] = np.log10(df['copy_number']) \n",
" df['copy_number'] = df['copy_number'].round(decimals=1)\n",
" df['entropy'] = df['entropy'].round(decimals=2)\n",
" df['locus'] = df['chromosome'] + ':' + df['start'].map(str) + '-' + df['end'].map(str)\n",
" df['IGV'] = df['locus'].map(lambda locus: '<a target=\"_blank\" href=\"http://0.0.0.0:5000/?locus={0}\">link</a>'.format(locus))\n",
" \n",
" X = np.array(df[AI_features])\n",
"\n",
" return X, df \n",
"\n",
"def create_X_y_df(csv_file): \n",
" X, df = create_X_df(csv_file) \n",
" \n",
" y = file_to_class[csv_file]*np.ones((len(df),1), dtype=int)\n",
" df['observation'] = y \n",
"\n",
" return X, y, df\n",
" \n",
"def split_positive_class(size): \n",
" X, y, _ = create_X_y_df(positive_csv) \n",
" return train_test_split(X, y, train_size=size, shuffle=True) \n",
" \n",
"def split_negative_class(size): \n",
" X, y, _ = create_X_y_df(negative_csv) \n",
" return train_test_split(X, y, train_size=size, shuffle=True) \n",
"\n",
"def compute_enrichment(tn, fp, fn, tp): \n",
" print('size of original set:', tn+fp+fn+tp)\n",
" print('number of positives in original set:', fn+tp)\n",
" print('fraction of positives in original set: {0:.4}'.format((fn+tp)/float(tn+fp+fn+tp)))\n",
" print('')\n",
" \n",
" print('size of reduced set:', fp+tp)\n",
" print('number of positives in reduced set:', tp)\n",
" print('fraction of positives in reduced set: {0:.4}'.format(tp/float(fp+tp)))\n",
" print('')\n",
" \n",
"def AI_performance(AI, X, y, set_name): \n",
" print('***** performance on {} ******'.format(set_name))\n",
" fpr, tpr, thresholds = roc_curve(y, AI.predict_proba(X)[:,1])\n",
" print('auc:', auc(fpr, tpr))\n",
"\n",
" probability_thresholds = np.arange(0.1,1,0.1)\n",
" data = []\n",
" for probability_threshold in probability_thresholds: \n",
" y_predict = AI.predict_proba(X)[:, 1] > probability_threshold\n",
" tn, fp, fn, tp = confusion_matrix(y, y_predict).ravel()\n",
" data.append([probability_threshold, tn, fp, fn, tp])\n",
" df = pd.DataFrame(data, columns = [\"prob. thresh.\", \"tn\", \"fp\", \"fn\", \"tp\"])\n",
" print(df)\n",
" print('')\n",
"\n",
" tn, fp, fn, tp = confusion_matrix(y, AI.predict(X)).ravel()\n",
" print('(tn, fp, fn, tp) =', (tn, fp, fn, tp))\n",
" print('')\n",
" \n",
" compute_enrichment(tn, fp, fn, tp) \n",
" \n",
"def train_dev_test_visualize_AI():\n",
" X_positive_train_dev, X_positive_test, y_positive_train_dev, y_positive_test = split_positive_class(size=0.9)\n",
" X_negative_train_dev, X_negative_test, y_negative_train_dev, y_negative_test = split_negative_class(size=X_positive_train_dev.shape[0])\n",
"\n",
" X_train_dev = np.concatenate((X_positive_train_dev, X_negative_train_dev), axis=0)\n",
" y_train_dev = np.concatenate((y_positive_train_dev, y_negative_train_dev), axis=0)\n",
" \n",
" X_train, X_dev, y_train, y_dev = train_test_split(X_train_dev, y_train_dev, train_size=0.9, shuffle=True) \n",
"\n",
" X_test = np.concatenate((X_positive_test, X_negative_test), axis=0)\n",
" y_test = np.concatenate((y_positive_test, y_negative_test), axis=0)\n",
"\n",
" AI = DecisionTreeClassifier(max_depth=max_tree_depth)\n",
" AI = AI.fit(X_train, y_train)\n",
" \n",
" AI_performance(AI, X_train, y_train, \"train set\")\n",
" AI_performance(AI, X_dev, y_dev, \"dev set\") \n",
" AI_performance(AI, X_test, y_test, \"test set\")\n",
"\n",
" df = create_dataframe_of_AI_predictions(AI)\n",
" \n",
" # https://github.com/parrt/dtreeviz\n",
" decision_tree_visualization = dtreeviz(\n",
" AI, \n",
" X_train,\n",
" y_train[:,0],\n",
" target_name='tandem-repeat classes',\n",
" feature_names=AI_features, \n",
" class_names=class_names\n",
" ) \n",
" \n",
" return decision_tree_visualization, df, AI\n",
" \n",
"decision_tree_visualization_, df_, trained_AI = train_dev_test_visualize_AI()"
]
},
{
"cell_type": "markdown",
"metadata": {},
"source": [
"The performace statistics above show that when given a set of tandem repeats, the classifier outputs a subset that is an order of magnitude smaller, yet contains almost all of the tandem repeats that harbor SVs of the given size. \n"
]
},
{
"cell_type": "markdown",
"metadata": {},
"source": [
"## Interpreting the decision tree"
]
},
{
"cell_type": "code",
"execution_count": 4,
"metadata": {},
"outputs": [
{
"data": {
"image/svg+xml": [
"<svg xmlns=\"http://www.w3.org/2000/svg\" xmlns:xlink=\"http://www.w3.org/1999/xlink\" height=\"666.0\" viewBox=\"0.0 0.0 1113.0 666.0\" width=\"1113.0\">\n",
"<g class=\"graph\" id=\"graph0\" transform=\"scale(1.0 1.0) rotate(0) translate(4 662)\">\n",
"<title>G</title>\n",
"<polygon fill=\"white\" points=\"-4,5 -4,-662 1110,-662 1110,5 -4,5\" stroke=\"white\" />\n",
"<g class=\"cluster\" id=\"clust10\"><title>cluster_legend</title>\n",
"</g>\n",
"\n",
"<g class=\"node\" id=\"node1\"><title>node3</title>\n",
"<svg height=\"62px\" preserveAspectRatio=\"xMinYMin meet\" version=\"1.1\" viewBox=\"0 0 196.23 61.36435\" width=\"197px\" x=\"144.5\" y=\"-335.5\">\n",
" <defs>\n",
" <style type=\"text/css\">\n",
"*{stroke-linecap:butt;stroke-linejoin:round;}\n",
" </style>\n",
" </defs>\n",
" <g id=\"figure_1\">\n",
" <g id=\"patch_1\">\n",
" <path d=\"M 0 61.36435 L 196.23 61.36435 L 196.23 0 L 0 0 z \" style=\"fill:#ffffff;\" />\n",
" </g>\n",
" <g id=\"axes_1\">\n",
" <g id=\"patch_2\">\n",
" <path d=\"M 12.09 31.471225 L 196.23 31.471225 L 196.23 1.617782 L 12.09 1.617782 z \" style=\"fill:#ffffff;\" />\n",
" </g>\n",
" <g id=\"patch_3\">\n",
" <path clip-path=\"url(#p407c345937)\" d=\"M 17.370843 31.471225 L 26.170775 31.471225 L 26.170775 31.471225 L 17.370843 31.471225 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_4\">\n",
" <path clip-path=\"url(#p407c345937)\" d=\"M 26.170775 31.471225 L 34.970706 31.471225 L 34.970706 31.471225 L 26.170775 31.471225 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_5\">\n",
" <path clip-path=\"url(#p407c345937)\" d=\"M 34.970706 31.471225 L 43.770637 31.471225 L 43.770637 31.471225 L 34.970706 31.471225 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_6\">\n",
" <path clip-path=\"url(#p407c345937)\" d=\"M 43.770637 31.471225 L 52.570569 31.471225 L 52.570569 6.198469 L 43.770637 6.198469 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_7\">\n",
" <path clip-path=\"url(#p407c345937)\" d=\"M 52.570569 31.471225 L 61.3705 31.471225 L 61.3705 31.471225 L 52.570569 31.471225 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_8\">\n",
" <path clip-path=\"url(#p407c345937)\" d=\"M 61.3705 31.471225 L 70.170431 31.471225 L 70.170431 31.471225 L 61.3705 31.471225 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_9\">\n",
" <path clip-path=\"url(#p407c345937)\" d=\"M 70.170431 31.471225 L 78.970362 31.471225 L 78.970362 31.471225 L 70.170431 31.471225 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_10\">\n",
" <path clip-path=\"url(#p407c345937)\" d=\"M 78.970362 31.471225 L 87.770294 31.471225 L 87.770294 31.471225 L 78.970362 31.471225 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_11\">\n",
" <path clip-path=\"url(#p407c345937)\" d=\"M 87.770294 31.471225 L 96.570225 31.471225 L 96.570225 31.471225 L 87.770294 31.471225 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_12\">\n",
" <path clip-path=\"url(#p407c345937)\" d=\"M 96.570225 31.471225 L 105.370156 31.471225 L 105.370156 31.471225 L 96.570225 31.471225 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_13\">\n",
" <path clip-path=\"url(#p407c345937)\" d=\"M 105.370156 31.471225 L 114.170088 31.471225 L 114.170088 31.471225 L 105.370156 31.471225 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_14\">\n",
" <path clip-path=\"url(#p407c345937)\" d=\"M 114.170088 31.471225 L 122.970019 31.471225 L 122.970019 31.471225 L 114.170088 31.471225 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_15\">\n",
" <path clip-path=\"url(#p407c345937)\" d=\"M 122.970019 31.471225 L 131.76995 31.471225 L 131.76995 31.471225 L 122.970019 31.471225 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_16\">\n",
" <path clip-path=\"url(#p407c345937)\" d=\"M 131.76995 31.471225 L 140.569882 31.471225 L 140.569882 31.471225 L 131.76995 31.471225 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_17\">\n",
" <path clip-path=\"url(#p407c345937)\" d=\"M 140.569882 31.471225 L 149.369813 31.471225 L 149.369813 31.471225 L 140.569882 31.471225 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_18\">\n",
" <path clip-path=\"url(#p407c345937)\" d=\"M 149.369813 31.471225 L 158.169744 31.471225 L 158.169744 31.471225 L 149.369813 31.471225 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_19\">\n",
" <path clip-path=\"url(#p407c345937)\" d=\"M 158.169744 31.471225 L 166.969676 31.471225 L 166.969676 31.471225 L 158.169744 31.471225 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_20\">\n",
" <path clip-path=\"url(#p407c345937)\" d=\"M 166.969676 31.471225 L 175.769607 31.471225 L 175.769607 31.471225 L 166.969676 31.471225 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_21\">\n",
" <path clip-path=\"url(#p407c345937)\" d=\"M 175.769607 31.471225 L 184.569538 31.471225 L 184.569538 31.471225 L 175.769607 31.471225 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_22\">\n",
" <path clip-path=\"url(#p407c345937)\" d=\"M 17.370843 31.471225 L 26.170775 31.471225 L 26.170775 31.471225 L 17.370843 31.471225 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_23\">\n",
" <path clip-path=\"url(#p407c345937)\" d=\"M 26.170775 31.471225 L 34.970706 31.471225 L 34.970706 31.471225 L 26.170775 31.471225 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_24\">\n",
" <path clip-path=\"url(#p407c345937)\" d=\"M 34.970706 31.471225 L 43.770637 31.471225 L 43.770637 31.471225 L 34.970706 31.471225 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_25\">\n",
" <path clip-path=\"url(#p407c345937)\" d=\"M 43.770637 6.198469 L 52.570569 6.198469 L 52.570569 3.039375 L 43.770637 3.039375 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_26\">\n",
" <path clip-path=\"url(#p407c345937)\" d=\"M 52.570569 31.471225 L 61.3705 31.471225 L 61.3705 31.471225 L 52.570569 31.471225 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_27\">\n",
" <path clip-path=\"url(#p407c345937)\" d=\"M 61.3705 31.471225 L 70.170431 31.471225 L 70.170431 31.471225 L 61.3705 31.471225 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_28\">\n",
" <path clip-path=\"url(#p407c345937)\" d=\"M 70.170431 31.471225 L 78.970362 31.471225 L 78.970362 31.471225 L 70.170431 31.471225 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_29\">\n",
" <path clip-path=\"url(#p407c345937)\" d=\"M 78.970362 31.471225 L 87.770294 31.471225 L 87.770294 31.471225 L 78.970362 31.471225 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_30\">\n",
" <path clip-path=\"url(#p407c345937)\" d=\"M 87.770294 31.471225 L 96.570225 31.471225 L 96.570225 31.471225 L 87.770294 31.471225 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_31\">\n",
" <path clip-path=\"url(#p407c345937)\" d=\"M 96.570225 31.471225 L 105.370156 31.471225 L 105.370156 31.471225 L 96.570225 31.471225 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_32\">\n",
" <path clip-path=\"url(#p407c345937)\" d=\"M 105.370156 31.471225 L 114.170088 31.471225 L 114.170088 31.471225 L 105.370156 31.471225 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_33\">\n",
" <path clip-path=\"url(#p407c345937)\" d=\"M 114.170088 31.471225 L 122.970019 31.471225 L 122.970019 31.471225 L 114.170088 31.471225 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_34\">\n",
" <path clip-path=\"url(#p407c345937)\" d=\"M 122.970019 31.471225 L 131.76995 31.471225 L 131.76995 31.471225 L 122.970019 31.471225 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_35\">\n",
" <path clip-path=\"url(#p407c345937)\" d=\"M 131.76995 31.471225 L 140.569882 31.471225 L 140.569882 31.471225 L 131.76995 31.471225 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_36\">\n",
" <path clip-path=\"url(#p407c345937)\" d=\"M 140.569882 31.471225 L 149.369813 31.471225 L 149.369813 31.471225 L 140.569882 31.471225 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_37\">\n",
" <path clip-path=\"url(#p407c345937)\" d=\"M 149.369813 31.471225 L 158.169744 31.471225 L 158.169744 31.471225 L 149.369813 31.471225 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_38\">\n",
" <path clip-path=\"url(#p407c345937)\" d=\"M 158.169744 31.471225 L 166.969676 31.471225 L 166.969676 31.471225 L 158.169744 31.471225 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_39\">\n",
" <path clip-path=\"url(#p407c345937)\" d=\"M 166.969676 31.471225 L 175.769607 31.471225 L 175.769607 31.471225 L 166.969676 31.471225 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_40\">\n",
" <path clip-path=\"url(#p407c345937)\" d=\"M 175.769607 31.471225 L 184.569538 31.471225 L 184.569538 31.471225 L 175.769607 31.471225 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_41\">\n",
" <path d=\"M 46.700588 32.286625 L 43.386068 39.625225 L 50.015108 39.625225 z \" style=\"fill:#444443;\" />\n",
" </g>\n",
" <g id=\"matplotlib.axis_1\">\n",
" <g id=\"xtick_1\">\n",
" <g id=\"line2d_1\">\n",
" <defs>\n",
" <path d=\"M 0 0 L 0 3.5 \" id=\"m5085f3755b\" style=\"stroke:#000000;stroke-width:0.3;\" />\n",
" </defs>\n",
" <g>\n",
" <use style=\"stroke:#000000;stroke-width:0.3;\" x=\"17.370843\" y=\"31.471225\" xlink:href=\"#m5085f3755b\" />\n",
" </g>\n",
" </g>\n",
" <g id=\"text_1\">\n",
" \n",
" <defs>\n",
" <path d=\"M 12.40625 8.296875 L 28.515625 8.296875 L 28.515625 63.921875 L 10.984375 60.40625 L 10.984375 69.390625 L 28.421875 72.90625 L 38.28125 72.90625 L 38.28125 8.296875 L 54.390625 8.296875 L 54.390625 0 L 12.40625 0 z \" id=\"DejaVuSans-49\" />\n",
" <path d=\"M 10.6875 12.40625 L 21 12.40625 L 21 0 L 10.6875 0 z \" id=\"DejaVuSans-46\" />\n",
" <path d=\"M 40.578125 39.3125 Q 47.65625 37.796875 51.625 33 Q 55.609375 28.21875 55.609375 21.1875 Q 55.609375 10.40625 48.1875 4.484375 Q 40.765625 -1.421875 27.09375 -1.421875 Q 22.515625 -1.421875 17.65625 -0.515625 Q 12.796875 0.390625 7.625 2.203125 L 7.625 11.71875 Q 11.71875 9.328125 16.59375 8.109375 Q 21.484375 6.890625 26.8125 6.890625 Q 36.078125 6.890625 40.9375 10.546875 Q 45.796875 14.203125 45.796875 21.1875 Q 45.796875 27.640625 41.28125 31.265625 Q 36.765625 34.90625 28.71875 34.90625 L 20.21875 34.90625 L 20.21875 43.015625 L 29.109375 43.015625 Q 36.375 43.015625 40.234375 45.921875 Q 44.09375 48.828125 44.09375 54.296875 Q 44.09375 59.90625 40.109375 62.90625 Q 36.140625 65.921875 28.71875 65.921875 Q 24.65625 65.921875 20.015625 65.03125 Q 15.375 64.15625 9.8125 62.3125 L 9.8125 71.09375 Q 15.4375 72.65625 20.34375 73.4375 Q 25.25 74.21875 29.59375 74.21875 Q 40.828125 74.21875 47.359375 69.109375 Q 53.90625 64.015625 53.90625 55.328125 Q 53.90625 49.265625 50.4375 45.09375 Q 46.96875 40.921875 40.578125 39.3125 z \" id=\"DejaVuSans-51\" />\n",
" <path d=\"M 10.984375 1.515625 L 10.984375 10.5 Q 14.703125 8.734375 18.5 7.8125 Q 22.3125 6.890625 25.984375 6.890625 Q 35.75 6.890625 40.890625 13.453125 Q 46.046875 20.015625 46.78125 33.40625 Q 43.953125 29.203125 39.59375 26.953125 Q 35.25 24.703125 29.984375 24.703125 Q 19.046875 24.703125 12.671875 31.3125 Q 6.296875 37.9375 6.296875 49.421875 Q 6.296875 60.640625 12.9375 67.421875 Q 19.578125 74.21875 30.609375 74.21875 Q 43.265625 74.21875 49.921875 64.515625 Q 56.59375 54.828125 56.59375 36.375 Q 56.59375 19.140625 48.40625 8.859375 Q 40.234375 -1.421875 26.421875 -1.421875 Q 22.703125 -1.421875 18.890625 -0.6875 Q 15.09375 0.046875 10.984375 1.515625 z M 30.609375 32.421875 Q 37.25 32.421875 41.125 36.953125 Q 45.015625 41.5 45.015625 49.421875 Q 45.015625 57.28125 41.125 61.84375 Q 37.25 66.40625 30.609375 66.40625 Q 23.96875 66.40625 20.09375 61.84375 Q 16.21875 57.28125 16.21875 49.421875 Q 16.21875 41.5 20.09375 36.953125 Q 23.96875 32.421875 30.609375 32.421875 z \" id=\"DejaVuSans-57\" />\n",
" <path d=\"M 31.78125 34.625 Q 24.75 34.625 20.71875 30.859375 Q 16.703125 27.09375 16.703125 20.515625 Q 16.703125 13.921875 20.71875 10.15625 Q 24.75 6.390625 31.78125 6.390625 Q 38.8125 6.390625 42.859375 10.171875 Q 46.921875 13.96875 46.921875 20.515625 Q 46.921875 27.09375 42.890625 30.859375 Q 38.875 34.625 31.78125 34.625 z M 21.921875 38.8125 Q 15.578125 40.375 12.03125 44.71875 Q 8.5 49.078125 8.5 55.328125 Q 8.5 64.0625 14.71875 69.140625 Q 20.953125 74.21875 31.78125 74.21875 Q 42.671875 74.21875 48.875 69.140625 Q 55.078125 64.0625 55.078125 55.328125 Q 55.078125 49.078125 51.53125 44.71875 Q 48 40.375 41.703125 38.8125 Q 48.828125 37.15625 52.796875 32.3125 Q 56.78125 27.484375 56.78125 20.515625 Q 56.78125 9.90625 50.3125 4.234375 Q 43.84375 -1.421875 31.78125 -1.421875 Q 19.734375 -1.421875 13.25 4.234375 Q 6.78125 9.90625 6.78125 20.515625 Q 6.78125 27.484375 10.78125 32.3125 Q 14.796875 37.15625 21.921875 38.8125 z M 18.3125 54.390625 Q 18.3125 48.734375 21.84375 45.5625 Q 25.390625 42.390625 31.78125 42.390625 Q 38.140625 42.390625 41.71875 45.5625 Q 45.3125 48.734375 45.3125 54.390625 Q 45.3125 60.0625 41.71875 63.234375 Q 38.140625 66.40625 31.78125 66.40625 Q 25.390625 66.40625 21.84375 63.234375 Q 18.3125 60.0625 18.3125 54.390625 z \" id=\"DejaVuSans-56\" />\n",
" </defs>\n",
" <g style=\"fill:#444443;\" transform=\"translate(5.919593 44.549975)scale(0.08 -0.08)\">\n",
" <use xlink:href=\"#DejaVuSans-49\" />\n",
" <use x=\"63.623047\" xlink:href=\"#DejaVuSans-46\" />\n",
" <use x=\"95.410156\" xlink:href=\"#DejaVuSans-51\" />\n",
" <use x=\"159.033203\" xlink:href=\"#DejaVuSans-57\" />\n",
" <use x=\"222.65625\" xlink:href=\"#DejaVuSans-56\" />\n",
" </g>\n",
" </g>\n",
" </g>\n",
" <g id=\"xtick_2\">\n",
" <g id=\"line2d_2\">\n",
" <g>\n",
" <use style=\"stroke:#000000;stroke-width:0.3;\" x=\"184.569538\" y=\"31.471225\" xlink:href=\"#m5085f3755b\" />\n",
" </g>\n",
" </g>\n",
" <g id=\"text_2\">\n",
" \n",
" <defs>\n",
" <path d=\"M 37.796875 64.3125 L 12.890625 25.390625 L 37.796875 25.390625 z M 35.203125 72.90625 L 47.609375 72.90625 L 47.609375 25.390625 L 58.015625 25.390625 L 58.015625 17.1875 L 47.609375 17.1875 L 47.609375 0 L 37.796875 0 L 37.796875 17.1875 L 4.890625 17.1875 L 4.890625 26.703125 z \" id=\"DejaVuSans-52\" />\n",
" </defs>\n",
" <g style=\"fill:#444443;\" transform=\"translate(173.118288 44.549975)scale(0.08 -0.08)\">\n",
" <use xlink:href=\"#DejaVuSans-52\" />\n",
" <use x=\"63.623047\" xlink:href=\"#DejaVuSans-46\" />\n",
" <use x=\"95.410156\" xlink:href=\"#DejaVuSans-57\" />\n",
" <use x=\"159.033203\" xlink:href=\"#DejaVuSans-51\" />\n",
" <use x=\"222.65625\" xlink:href=\"#DejaVuSans-57\" />\n",
" </g>\n",
" </g>\n",
" </g>\n",
" <g id=\"text_3\">\n",
" \n",
" <defs>\n",
" <path d=\"M 6.390625 0 L 6.390625 71.578125 L 15.1875 71.578125 L 15.1875 0 z \" id=\"ArialMT-108\" />\n",
" <path d=\"M 3.328125 25.921875 Q 3.328125 40.328125 11.328125 47.265625 Q 18.015625 53.03125 27.640625 53.03125 Q 38.328125 53.03125 45.109375 46.015625 Q 51.90625 39.015625 51.90625 26.65625 Q 51.90625 16.65625 48.90625 10.90625 Q 45.90625 5.171875 40.15625 2 Q 34.421875 -1.171875 27.640625 -1.171875 Q 16.75 -1.171875 10.03125 5.8125 Q 3.328125 12.796875 3.328125 25.921875 z M 12.359375 25.921875 Q 12.359375 15.96875 16.703125 11.015625 Q 21.046875 6.0625 27.640625 6.0625 Q 34.1875 6.0625 38.53125 11.03125 Q 42.875 16.015625 42.875 26.21875 Q 42.875 35.84375 38.5 40.796875 Q 34.125 45.75 27.640625 45.75 Q 21.046875 45.75 16.703125 40.8125 Q 12.359375 35.890625 12.359375 25.921875 z \" id=\"ArialMT-111\" />\n",
" <path d=\"M 4.984375 -4.296875 L 13.53125 -5.5625 Q 14.0625 -9.515625 16.5 -11.328125 Q 19.78125 -13.765625 25.4375 -13.765625 Q 31.546875 -13.765625 34.859375 -11.328125 Q 38.1875 -8.890625 39.359375 -4.5 Q 40.046875 -1.8125 39.984375 6.78125 Q 34.234375 0 25.640625 0 Q 14.9375 0 9.078125 7.71875 Q 3.21875 15.4375 3.21875 26.21875 Q 3.21875 33.640625 5.90625 39.90625 Q 8.59375 46.1875 13.6875 49.609375 Q 18.796875 53.03125 25.6875 53.03125 Q 34.859375 53.03125 40.828125 45.609375 L 40.828125 51.859375 L 48.921875 51.859375 L 48.921875 7.03125 Q 48.921875 -5.078125 46.453125 -10.125 Q 44 -15.1875 38.640625 -18.109375 Q 33.296875 -21.046875 25.484375 -21.046875 Q 16.21875 -21.046875 10.5 -16.875 Q 4.78125 -12.703125 4.984375 -4.296875 z M 12.25 26.859375 Q 12.25 16.65625 16.296875 11.96875 Q 20.359375 7.28125 26.46875 7.28125 Q 32.515625 7.28125 36.609375 11.9375 Q 40.71875 16.609375 40.71875 26.5625 Q 40.71875 36.078125 36.5 40.90625 Q 32.28125 45.75 26.3125 45.75 Q 20.453125 45.75 16.34375 40.984375 Q 12.25 36.234375 12.25 26.859375 z \" id=\"ArialMT-103\" />\n",
" <path d=\"M 37.25 0 L 28.46875 0 L 28.46875 56 Q 25.296875 52.984375 20.140625 49.953125 Q 14.984375 46.921875 10.890625 45.40625 L 10.890625 53.90625 Q 18.265625 57.375 23.78125 62.296875 Q 29.296875 67.234375 31.59375 71.875 L 37.25 71.875 z \" id=\"ArialMT-49\" />\n",
" <path d=\"M 4.15625 35.296875 Q 4.15625 48 6.765625 55.734375 Q 9.375 63.484375 14.515625 67.671875 Q 19.671875 71.875 27.484375 71.875 Q 33.25 71.875 37.59375 69.546875 Q 41.9375 67.234375 44.765625 62.859375 Q 47.609375 58.5 49.21875 52.21875 Q 50.828125 45.953125 50.828125 35.296875 Q 50.828125 22.703125 48.234375 14.96875 Q 45.65625 7.234375 40.5 3 Q 35.359375 -1.21875 27.484375 -1.21875 Q 17.140625 -1.21875 11.234375 6.203125 Q 4.15625 15.140625 4.15625 35.296875 z M 13.1875 35.296875 Q 13.1875 17.671875 17.3125 11.828125 Q 21.4375 6 27.484375 6 Q 33.546875 6 37.671875 11.859375 Q 41.796875 17.71875 41.796875 35.296875 Q 41.796875 52.984375 37.671875 58.78125 Q 33.546875 64.59375 27.390625 64.59375 Q 21.34375 64.59375 17.71875 59.46875 Q 13.1875 52.9375 13.1875 35.296875 z \" id=\"ArialMT-48\" />\n",
" <path d=\"M -1.515625 -19.875 L -1.515625 -13.53125 L 56.734375 -13.53125 L 56.734375 -19.875 z \" id=\"ArialMT-95\" />\n",
" <path d=\"M 42.09375 16.703125 L 51.171875 15.578125 Q 49.03125 7.625 43.21875 3.21875 Q 37.40625 -1.171875 28.375 -1.171875 Q 17 -1.171875 10.328125 5.828125 Q 3.65625 12.84375 3.65625 25.484375 Q 3.65625 38.578125 10.390625 45.796875 Q 17.140625 53.03125 27.875 53.03125 Q 38.28125 53.03125 44.875 45.953125 Q 51.46875 38.875 51.46875 26.03125 Q 51.46875 25.25 51.421875 23.6875 L 12.75 23.6875 Q 13.234375 15.140625 17.578125 10.59375 Q 21.921875 6.0625 28.421875 6.0625 Q 33.25 6.0625 36.671875 8.59375 Q 40.09375 11.140625 42.09375 16.703125 z M 13.234375 30.90625 L 42.1875 30.90625 Q 41.609375 37.453125 38.875 40.71875 Q 34.671875 45.796875 27.984375 45.796875 Q 21.921875 45.796875 17.796875 41.75 Q 13.671875 37.703125 13.234375 30.90625 z \" id=\"ArialMT-101\" />\n",
" <path d=\"M 6.59375 0 L 6.59375 51.859375 L 14.5 51.859375 L 14.5 44.484375 Q 20.21875 53.03125 31 53.03125 Q 35.6875 53.03125 39.625 51.34375 Q 43.5625 49.65625 45.515625 46.921875 Q 47.46875 44.1875 48.25 40.4375 Q 48.734375 37.984375 48.734375 31.890625 L 48.734375 0 L 39.9375 0 L 39.9375 31.546875 Q 39.9375 36.921875 38.90625 39.578125 Q 37.890625 42.234375 35.28125 43.8125 Q 32.671875 45.40625 29.15625 45.40625 Q 23.53125 45.40625 19.453125 41.84375 Q 15.375 38.28125 15.375 28.328125 L 15.375 0 z \" id=\"ArialMT-110\" />\n",
" <path d=\"M 25.78125 7.859375 L 27.046875 0.09375 Q 23.34375 -0.6875 20.40625 -0.6875 Q 15.625 -0.6875 12.984375 0.828125 Q 10.359375 2.34375 9.28125 4.8125 Q 8.203125 7.28125 8.203125 15.1875 L 8.203125 45.015625 L 1.765625 45.015625 L 1.765625 51.859375 L 8.203125 51.859375 L 8.203125 64.703125 L 16.9375 69.96875 L 16.9375 51.859375 L 25.78125 51.859375 L 25.78125 45.015625 L 16.9375 45.015625 L 16.9375 14.703125 Q 16.9375 10.9375 17.40625 9.859375 Q 17.875 8.796875 18.921875 8.15625 Q 19.96875 7.515625 21.921875 7.515625 Q 23.390625 7.515625 25.78125 7.859375 z \" id=\"ArialMT-116\" />\n",
" <path d=\"M 6.59375 0 L 6.59375 71.578125 L 15.375 71.578125 L 15.375 45.90625 Q 21.53125 53.03125 30.90625 53.03125 Q 36.671875 53.03125 40.921875 50.75 Q 45.171875 48.484375 47 44.484375 Q 48.828125 40.484375 48.828125 32.859375 L 48.828125 0 L 40.046875 0 L 40.046875 32.859375 Q 40.046875 39.453125 37.1875 42.453125 Q 34.328125 45.453125 29.109375 45.453125 Q 25.203125 45.453125 21.75 43.421875 Q 18.3125 41.40625 16.84375 37.9375 Q 15.375 34.46875 15.375 28.375 L 15.375 0 z \" id=\"ArialMT-104\" />\n",
" </defs>\n",
" <g style=\"fill:#444443;\" transform=\"translate(69.797813 58.838725)scale(0.12 -0.12)\">\n",
" <use xlink:href=\"#ArialMT-108\" />\n",
" <use x=\"22.216797\" xlink:href=\"#ArialMT-111\" />\n",
" <use x=\"77.832031\" xlink:href=\"#ArialMT-103\" />\n",
" <use x=\"133.447266\" xlink:href=\"#ArialMT-49\" />\n",
" <use x=\"189.0625\" xlink:href=\"#ArialMT-48\" />\n",
" <use x=\"244.677734\" xlink:href=\"#ArialMT-95\" />\n",
" <use x=\"300.292969\" xlink:href=\"#ArialMT-108\" />\n",
" <use x=\"322.509766\" xlink:href=\"#ArialMT-101\" />\n",
" <use x=\"378.125\" xlink:href=\"#ArialMT-110\" />\n",
" <use x=\"433.740234\" xlink:href=\"#ArialMT-103\" />\n",
" <use x=\"489.355469\" xlink:href=\"#ArialMT-116\" />\n",
" <use x=\"517.138672\" xlink:href=\"#ArialMT-104\" />\n",
" </g>\n",
" </g>\n",
" </g>\n",
" <g id=\"matplotlib.axis_2\">\n",
" <g id=\"ytick_1\">\n",
" <g id=\"line2d_3\">\n",
" <defs>\n",
" <path d=\"M 0 0 L -3.5 0 \" id=\"ma372f95179\" style=\"stroke:#000000;stroke-width:0.3;\" />\n",
" </defs>\n",
" <g>\n",
" <use style=\"stroke:#000000;stroke-width:0.3;\" x=\"12.09\" y=\"31.471225\" xlink:href=\"#ma372f95179\" />\n",
" </g>\n",
" </g>\n",
" <g id=\"text_4\">\n",
" \n",
" <defs>\n",
" <path d=\"M 31.78125 66.40625 Q 24.171875 66.40625 20.328125 58.90625 Q 16.5 51.421875 16.5 36.375 Q 16.5 21.390625 20.328125 13.890625 Q 24.171875 6.390625 31.78125 6.390625 Q 39.453125 6.390625 43.28125 13.890625 Q 47.125 21.390625 47.125 36.375 Q 47.125 51.421875 43.28125 58.90625 Q 39.453125 66.40625 31.78125 66.40625 z M 31.78125 74.21875 Q 44.046875 74.21875 50.515625 64.515625 Q 56.984375 54.828125 56.984375 36.375 Q 56.984375 17.96875 50.515625 8.265625 Q 44.046875 -1.421875 31.78125 -1.421875 Q 19.53125 -1.421875 13.0625 8.265625 Q 6.59375 17.96875 6.59375 36.375 Q 6.59375 54.828125 13.0625 64.515625 Q 19.53125 74.21875 31.78125 74.21875 z \" id=\"DejaVuSans-48\" />\n",
" </defs>\n",
" <g style=\"fill:#444443;\" transform=\"translate(0 34.5106)scale(0.08 -0.08)\">\n",
" <use xlink:href=\"#DejaVuSans-48\" />\n",
" </g>\n",
" </g>\n",
" </g>\n",
" <g id=\"ytick_2\">\n",
" <g id=\"line2d_4\">\n",
" <g>\n",
" <use style=\"stroke:#000000;stroke-width:0.3;\" x=\"12.09\" y=\"3.039375\" xlink:href=\"#ma372f95179\" />\n",
" </g>\n",
" </g>\n",
" <g id=\"text_5\">\n",
" \n",
" <g style=\"fill:#444443;\" transform=\"translate(0 6.07875)scale(0.08 -0.08)\">\n",
" <use xlink:href=\"#DejaVuSans-57\" />\n",
" </g>\n",
" </g>\n",
" </g>\n",
" </g>\n",
" <g id=\"patch_42\">\n",
" <path d=\"M 12.09 31.471225 L 12.09 1.617782 \" style=\"fill:none;stroke:#000000;stroke-linecap:square;stroke-linejoin:miter;stroke-width:0.3;\" />\n",
" </g>\n",
" <g id=\"patch_43\">\n",
" <path d=\"M 12.09 31.471225 L 196.23 31.471225 \" style=\"fill:none;stroke:#000000;stroke-linecap:square;stroke-linejoin:miter;stroke-width:0.3;\" />\n",
" </g>\n",
" <g id=\"text_6\">\n",
" \n",
" <defs>\n",
" <path d=\"M 50.34375 8.453125 L 50.34375 0 L 3.03125 0 Q 2.9375 3.171875 4.046875 6.109375 Q 5.859375 10.9375 9.828125 15.625 Q 13.8125 20.3125 21.34375 26.46875 Q 33.015625 36.03125 37.109375 41.625 Q 41.21875 47.21875 41.21875 52.203125 Q 41.21875 57.421875 37.46875 61 Q 33.734375 64.59375 27.734375 64.59375 Q 21.390625 64.59375 17.578125 60.78125 Q 13.765625 56.984375 13.71875 50.25 L 4.6875 51.171875 Q 5.609375 61.28125 11.65625 66.578125 Q 17.71875 71.875 27.9375 71.875 Q 38.234375 71.875 44.234375 66.15625 Q 50.25 60.453125 50.25 52 Q 50.25 47.703125 48.484375 43.546875 Q 46.734375 39.40625 42.65625 34.8125 Q 38.578125 30.21875 29.109375 22.21875 Q 21.1875 15.578125 18.9375 13.203125 Q 16.703125 10.84375 15.234375 8.453125 z \" id=\"ArialMT-50\" />\n",
" <path d=\"M 9.078125 0 L 9.078125 10.015625 L 19.09375 10.015625 L 19.09375 0 z \" id=\"ArialMT-46\" />\n",
" </defs>\n",
" <g style=\"fill:#444443;\" transform=\"translate(38.916213 47.779225)scale(0.08 -0.08)\">\n",
" <use xlink:href=\"#ArialMT-50\" />\n",
" <use x=\"55.615234\" xlink:href=\"#ArialMT-46\" />\n",
" <use x=\"83.398438\" xlink:href=\"#ArialMT-48\" />\n",
" <use x=\"139.013672\" xlink:href=\"#ArialMT-50\" />\n",
" </g>\n",
" </g>\n",
" </g>\n",
" </g>\n",
" <defs>\n",
" <clipPath id=\"p407c345937\">\n",
" <rect height=\"29.853443\" width=\"184.14\" x=\"12.09\" y=\"1.617782\" />\n",
" </clipPath>\n",
" </defs>\n",
"</svg></g>\n",
"\n",
"<g class=\"node\" id=\"node10\"><title>leaf4</title>\n",
"<polygon fill=\"none\" points=\"166,-199 72,-199 72,-161 166,-161 166,-199\" stroke=\"#444443\" stroke-width=\"0\" />\n",
"<svg height=\"29px\" preserveAspectRatio=\"xMinYMin meet\" version=\"1.1\" viewBox=\"0 0 84.933281 28.428689\" width=\"85px\" x=\"76.5\" y=\"-194.5\">\n",
" <defs>\n",
" <style type=\"text/css\">\n",
"*{stroke-linecap:butt;stroke-linejoin:round;}\n",
" </style>\n",
" </defs>\n",
" <g id=\"figure_1\">\n",
" <g id=\"patch_1\">\n",
" <path d=\"M 0 28.428689 L 84.933281 28.428689 L 84.933281 0 L 0 0 z \" style=\"fill:#ffffff;\" />\n",
" </g>\n",
" <g id=\"axes_1\">\n",
" <g id=\"patch_2\">\n",
" <path d=\"M 47.600641 5.134 C 47.600641 4.459809 47.46784 3.792174 47.209838 3.169303 C 46.951837 2.546432 46.573652 1.980439 46.096927 1.503714 C 45.620202 1.026989 45.054208 0.648804 44.431337 0.390802 C 43.808466 0.132801 43.140831 0 42.466641 0 C 41.79245 0 41.124815 0.132801 40.501944 0.390802 C 39.879073 0.648804 39.313079 1.026989 38.836354 1.503714 C 38.35963 1.980439 37.981445 2.546432 37.723443 3.169303 C 37.465441 3.792174 37.332641 4.459809 37.332641 5.134 C 37.332641 5.808191 37.465441 6.475826 37.723443 7.098697 C 37.981445 7.721568 38.35963 8.287561 38.836354 8.764286 C 39.313079 9.241011 39.879073 9.619196 40.501944 9.877198 C 41.124815 10.135199 41.79245 10.268 42.466641 10.268 C 43.140831 10.268 43.808466 10.135199 44.431337 9.877198 C 45.054208 9.619196 45.620202 9.241011 46.096927 8.764286 C 46.573652 8.287561 46.951837 7.721568 47.209838 7.098697 C 47.46784 6.475826 47.600641 5.808191 47.600641 5.134 M 42.466641 5.134 M 47.600641 5.134 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"text_1\">\n",
" \n",
" <defs>\n",
" <path d=\"M 6.59375 0 L 6.59375 51.859375 L 14.5 51.859375 L 14.5 44.484375 Q 20.21875 53.03125 31 53.03125 Q 35.6875 53.03125 39.625 51.34375 Q 43.5625 49.65625 45.515625 46.921875 Q 47.46875 44.1875 48.25 40.4375 Q 48.734375 37.984375 48.734375 31.890625 L 48.734375 0 L 39.9375 0 L 39.9375 31.546875 Q 39.9375 36.921875 38.90625 39.578125 Q 37.890625 42.234375 35.28125 43.8125 Q 32.671875 45.40625 29.15625 45.40625 Q 23.53125 45.40625 19.453125 41.84375 Q 15.375 38.28125 15.375 28.328125 L 15.375 0 z \" id=\"ArialMT-110\" />\n",
" <path d=\"M 52.828125 42.09375 L 5.5625 42.09375 L 5.5625 50.296875 L 52.828125 50.296875 z M 52.828125 20.359375 L 5.5625 20.359375 L 5.5625 28.5625 L 52.828125 28.5625 z \" id=\"ArialMT-61\" />\n",
" <path d=\"M 37.25 0 L 28.46875 0 L 28.46875 56 Q 25.296875 52.984375 20.140625 49.953125 Q 14.984375 46.921875 10.890625 45.40625 L 10.890625 53.90625 Q 18.265625 57.375 23.78125 62.296875 Q 29.296875 67.234375 31.59375 71.875 L 37.25 71.875 z \" id=\"ArialMT-49\" />\n",
" </defs>\n",
" <g style=\"fill:#444443;\" transform=\"translate(34.833516 17.120751)scale(0.09 -0.09)\">\n",
" <use xlink:href=\"#ArialMT-110\" />\n",
" <use x=\"55.615234\" xlink:href=\"#ArialMT-61\" />\n",
" <use x=\"114.013672\" xlink:href=\"#ArialMT-49\" />\n",
" </g>\n",
" \n",
" <defs>\n",
" <path d=\"M 7.03125 46.234375 L 4.59375 59.859375 L 4.59375 71.578125 L 14.59375 71.578125 L 14.59375 59.859375 L 12.40625 46.234375 z M 23.1875 46.234375 L 20.796875 59.859375 L 20.796875 71.578125 L 30.8125 71.578125 L 30.8125 59.859375 L 28.46875 46.234375 z \" id=\"ArialMT-34\" />\n",
" <path d=\"M 40.4375 19 L 49.078125 17.875 Q 47.65625 8.9375 41.8125 3.875 Q 35.984375 -1.171875 27.484375 -1.171875 Q 16.84375 -1.171875 10.375 5.78125 Q 3.90625 12.75 3.90625 25.734375 Q 3.90625 34.125 6.6875 40.421875 Q 9.46875 46.734375 15.15625 49.875 Q 20.84375 53.03125 27.546875 53.03125 Q 35.984375 53.03125 41.359375 48.75 Q 46.734375 44.484375 48.25 36.625 L 39.703125 35.296875 Q 38.484375 40.53125 35.375 43.15625 Q 32.28125 45.796875 27.875 45.796875 Q 21.234375 45.796875 17.078125 41.03125 Q 12.9375 36.28125 12.9375 25.984375 Q 12.9375 15.53125 16.9375 10.796875 Q 20.953125 6.0625 27.390625 6.0625 Q 32.5625 6.0625 36.03125 9.234375 Q 39.5 12.40625 40.4375 19 z \" id=\"ArialMT-99\" />\n",
" <path d=\"M 3.328125 25.921875 Q 3.328125 40.328125 11.328125 47.265625 Q 18.015625 53.03125 27.640625 53.03125 Q 38.328125 53.03125 45.109375 46.015625 Q 51.90625 39.015625 51.90625 26.65625 Q 51.90625 16.65625 48.90625 10.90625 Q 45.90625 5.171875 40.15625 2 Q 34.421875 -1.171875 27.640625 -1.171875 Q 16.75 -1.171875 10.03125 5.8125 Q 3.328125 12.796875 3.328125 25.921875 z M 12.359375 25.921875 Q 12.359375 15.96875 16.703125 11.015625 Q 21.046875 6.0625 27.640625 6.0625 Q 34.1875 6.0625 38.53125 11.03125 Q 42.875 16.015625 42.875 26.21875 Q 42.875 35.84375 38.5 40.796875 Q 34.125 45.75 27.640625 45.75 Q 21.046875 45.75 16.703125 40.8125 Q 12.359375 35.890625 12.359375 25.921875 z \" id=\"ArialMT-111\" />\n",
" <path d=\"M 25.78125 7.859375 L 27.046875 0.09375 Q 23.34375 -0.6875 20.40625 -0.6875 Q 15.625 -0.6875 12.984375 0.828125 Q 10.359375 2.34375 9.28125 4.8125 Q 8.203125 7.28125 8.203125 15.1875 L 8.203125 45.015625 L 1.765625 45.015625 L 1.765625 51.859375 L 8.203125 51.859375 L 8.203125 64.703125 L 16.9375 69.96875 L 16.9375 51.859375 L 25.78125 51.859375 L 25.78125 45.015625 L 16.9375 45.015625 L 16.9375 14.703125 Q 16.9375 10.9375 17.40625 9.859375 Q 17.875 8.796875 18.921875 8.15625 Q 19.96875 7.515625 21.921875 7.515625 Q 23.390625 7.515625 25.78125 7.859375 z \" id=\"ArialMT-116\" />\n",
" <path d=\"M 40.4375 6.390625 Q 35.546875 2.25 31.03125 0.53125 Q 26.515625 -1.171875 21.34375 -1.171875 Q 12.796875 -1.171875 8.203125 3 Q 3.609375 7.171875 3.609375 13.671875 Q 3.609375 17.484375 5.34375 20.625 Q 7.078125 23.78125 9.890625 25.6875 Q 12.703125 27.59375 16.21875 28.5625 Q 18.796875 29.25 24.03125 29.890625 Q 34.671875 31.15625 39.703125 32.90625 Q 39.75 34.71875 39.75 35.203125 Q 39.75 40.578125 37.25 42.78125 Q 33.890625 45.75 27.25 45.75 Q 21.046875 45.75 18.09375 43.578125 Q 15.140625 41.40625 13.71875 35.890625 L 5.125 37.0625 Q 6.296875 42.578125 8.984375 45.96875 Q 11.671875 49.359375 16.75 51.1875 Q 21.828125 53.03125 28.515625 53.03125 Q 35.15625 53.03125 39.296875 51.46875 Q 43.453125 49.90625 45.40625 47.53125 Q 47.359375 45.171875 48.140625 41.546875 Q 48.578125 39.3125 48.578125 33.453125 L 48.578125 21.734375 Q 48.578125 9.46875 49.140625 6.21875 Q 49.703125 2.984375 51.375 0 L 42.1875 0 Q 40.828125 2.734375 40.4375 6.390625 z M 39.703125 26.03125 Q 34.90625 24.078125 25.34375 22.703125 Q 19.921875 21.921875 17.671875 20.9375 Q 15.4375 19.96875 14.203125 18.09375 Q 12.984375 16.21875 12.984375 13.921875 Q 12.984375 10.40625 15.640625 8.0625 Q 18.3125 5.71875 23.4375 5.71875 Q 28.515625 5.71875 32.46875 7.9375 Q 36.421875 10.15625 38.28125 14.015625 Q 39.703125 17 39.703125 22.796875 z \" id=\"ArialMT-97\" />\n",
" <path d=\"M 6.640625 61.46875 L 6.640625 71.578125 L 15.4375 71.578125 L 15.4375 61.46875 z M 6.640625 0 L 6.640625 51.859375 L 15.4375 51.859375 L 15.4375 0 z \" id=\"ArialMT-105\" />\n",
" <path d=\"M 3.078125 15.484375 L 11.765625 16.84375 Q 12.5 11.625 15.84375 8.84375 Q 19.1875 6.0625 25.203125 6.0625 Q 31.25 6.0625 34.171875 8.515625 Q 37.109375 10.984375 37.109375 14.3125 Q 37.109375 17.28125 34.515625 19 Q 32.71875 20.171875 25.53125 21.96875 Q 15.875 24.421875 12.140625 26.203125 Q 8.40625 27.984375 6.46875 31.125 Q 4.546875 34.28125 4.546875 38.09375 Q 4.546875 41.546875 6.125 44.5 Q 7.71875 47.46875 10.453125 49.421875 Q 12.5 50.921875 16.03125 51.96875 Q 19.578125 53.03125 23.640625 53.03125 Q 29.734375 53.03125 34.34375 51.265625 Q 38.96875 49.515625 41.15625 46.5 Q 43.359375 43.5 44.1875 38.484375 L 35.59375 37.3125 Q 35.015625 41.3125 32.203125 43.546875 Q 29.390625 45.796875 24.265625 45.796875 Q 18.21875 45.796875 15.625 43.796875 Q 13.03125 41.796875 13.03125 39.109375 Q 13.03125 37.40625 14.109375 36.03125 Q 15.1875 34.625 17.484375 33.6875 Q 18.796875 33.203125 25.25 31.453125 Q 34.578125 28.953125 38.25 27.359375 Q 41.9375 25.78125 44.03125 22.75 Q 46.140625 19.734375 46.140625 15.234375 Q 46.140625 10.84375 43.578125 6.953125 Q 41.015625 3.078125 36.171875 0.953125 Q 31.34375 -1.171875 25.25 -1.171875 Q 15.140625 -1.171875 9.84375 3.03125 Q 4.546875 7.234375 3.078125 15.484375 z \" id=\"ArialMT-115\" />\n",
" <path id=\"ArialMT-32\" />\n",
" <path d=\"M 6.59375 -19.875 L 6.59375 51.859375 L 14.59375 51.859375 L 14.59375 45.125 Q 17.4375 49.078125 21 51.046875 Q 24.5625 53.03125 29.640625 53.03125 Q 36.28125 53.03125 41.359375 49.609375 Q 46.4375 46.1875 49.015625 39.953125 Q 51.609375 33.734375 51.609375 26.3125 Q 51.609375 18.359375 48.75 11.984375 Q 45.90625 5.609375 40.453125 2.21875 Q 35.015625 -1.171875 29 -1.171875 Q 24.609375 -1.171875 21.109375 0.6875 Q 17.625 2.546875 15.375 5.375 L 15.375 -19.875 z M 14.546875 25.640625 Q 14.546875 15.625 18.59375 10.84375 Q 22.65625 6.0625 28.421875 6.0625 Q 34.28125 6.0625 38.453125 11.015625 Q 42.625 15.96875 42.625 26.375 Q 42.625 36.28125 38.546875 41.203125 Q 34.46875 46.140625 28.8125 46.140625 Q 23.1875 46.140625 18.859375 40.890625 Q 14.546875 35.640625 14.546875 25.640625 z \" id=\"ArialMT-112\" />\n",
" <path d=\"M 14.703125 0 L 6.546875 0 L 6.546875 71.578125 L 15.328125 71.578125 L 15.328125 46.046875 Q 20.90625 53.03125 29.546875 53.03125 Q 34.328125 53.03125 38.59375 51.09375 Q 42.875 49.171875 45.625 45.671875 Q 48.390625 42.1875 49.953125 37.25 Q 51.515625 32.328125 51.515625 26.703125 Q 51.515625 13.375 44.921875 6.09375 Q 38.328125 -1.171875 29.109375 -1.171875 Q 19.921875 -1.171875 14.703125 6.5 z M 14.59375 26.3125 Q 14.59375 17 17.140625 12.84375 Q 21.296875 6.0625 28.375 6.0625 Q 34.125 6.0625 38.328125 11.0625 Q 42.53125 16.0625 42.53125 25.984375 Q 42.53125 36.140625 38.5 40.96875 Q 34.46875 45.796875 28.765625 45.796875 Q 23 45.796875 18.796875 40.796875 Q 14.59375 35.796875 14.59375 26.3125 z \" id=\"ArialMT-98\" />\n",
" <path d=\"M 6.390625 0 L 6.390625 71.578125 L 15.1875 71.578125 L 15.1875 0 z \" id=\"ArialMT-108\" />\n",
" </defs>\n",
" <g style=\"fill:#444443;\" transform=\"translate(-0 26.639939)scale(0.09 -0.09)\">\n",
" <use xlink:href=\"#ArialMT-34\" />\n",
" <use x=\"35.498047\" xlink:href=\"#ArialMT-99\" />\n",
" <use x=\"85.498047\" xlink:href=\"#ArialMT-111\" />\n",
" <use x=\"141.113281\" xlink:href=\"#ArialMT-110\" />\n",
" <use x=\"196.728516\" xlink:href=\"#ArialMT-116\" />\n",
" <use x=\"224.511719\" xlink:href=\"#ArialMT-97\" />\n",
" <use x=\"280.126953\" xlink:href=\"#ArialMT-105\" />\n",
" <use x=\"302.34375\" xlink:href=\"#ArialMT-110\" />\n",
" <use x=\"357.958984\" xlink:href=\"#ArialMT-115\" />\n",
" <use x=\"407.958984\" xlink:href=\"#ArialMT-32\" />\n",
" <use x=\"435.742188\" xlink:href=\"#ArialMT-112\" />\n",
" <use x=\"491.357422\" xlink:href=\"#ArialMT-97\" />\n",
" <use x=\"546.972656\" xlink:href=\"#ArialMT-99\" />\n",
" <use x=\"596.972656\" xlink:href=\"#ArialMT-98\" />\n",
" <use x=\"652.587891\" xlink:href=\"#ArialMT-105\" />\n",
" <use x=\"674.804688\" xlink:href=\"#ArialMT-111\" />\n",
" <use x=\"730.419922\" xlink:href=\"#ArialMT-32\" />\n",
" <use x=\"758.203125\" xlink:href=\"#ArialMT-99\" />\n",
" <use x=\"808.203125\" xlink:href=\"#ArialMT-97\" />\n",
" <use x=\"863.818359\" xlink:href=\"#ArialMT-108\" />\n",
" <use x=\"886.035156\" xlink:href=\"#ArialMT-108\" />\n",
" <use x=\"908.251953\" xlink:href=\"#ArialMT-34\" />\n",
" </g>\n",
" </g>\n",
" </g>\n",
" </g>\n",
"</svg></g>\n",
"\n",
"<g class=\"edge\" id=\"edge1\"><title>node3-&gt;leaf4</title>\n",
"<path d=\"M208.129,-269.41C186.325,-247.782 158.944,-220.622 140.324,-202.152\" fill=\"none\" stroke=\"#444443\" stroke-width=\"0.3\" />\n",
"<polygon fill=\"#444443\" points=\"141.009,-200.86 137.183,-199.037 139.037,-202.848 141.009,-200.86\" stroke=\"#444443\" />\n",
"</g>\n",
"\n",
"<g class=\"node\" id=\"node11\"><title>leaf5</title>\n",
"<polygon fill=\"none\" points=\"306.25,-203.5 179.75,-203.5 179.75,-156.5 306.25,-156.5 306.25,-203.5\" stroke=\"#444443\" stroke-width=\"0\" />\n",
"<svg height=\"38px\" preserveAspectRatio=\"xMinYMin meet\" version=\"1.1\" viewBox=\"0 0 117.458438 37.222929\" width=\"118px\" x=\"184.5\" y=\"-198.5\">\n",
" <defs>\n",
" <style type=\"text/css\">\n",
"*{stroke-linecap:butt;stroke-linejoin:round;}\n",
" </style>\n",
" </defs>\n",
" <g id=\"figure_1\">\n",
" <g id=\"patch_1\">\n",
" <path d=\"M -0 37.222929 L 117.458438 37.222929 L 117.458438 0 L -0 0 z \" style=\"fill:#ffffff;\" />\n",
" </g>\n",
" <g id=\"axes_1\">\n",
" <g id=\"patch_2\">\n",
" <path d=\"M 68.091219 9.362 C 68.091219 8.132593 67.849052 6.915141 67.378579 5.779318 C 66.908105 4.643494 66.218474 3.611388 65.349152 2.742066 C 64.479831 1.872745 63.447725 1.183113 62.311901 0.71264 C 61.176077 0.242166 59.958625 0 58.729219 0 C 57.499812 0 56.28236 0.242166 55.146536 0.71264 C 54.010713 1.183113 52.978607 1.872745 52.109285 2.742066 C 51.239963 3.611388 50.550332 4.643494 50.079859 5.779318 C 49.609385 6.915141 49.367219 8.132593 49.367219 9.362 C 49.367219 10.591407 49.609385 11.808859 50.079859 12.944682 C 50.550332 14.080506 51.239963 15.112612 52.109285 15.981934 C 52.978607 16.851255 54.010713 17.540887 55.146536 18.01136 C 56.28236 18.481834 57.499812 18.724 58.729219 18.724 C 59.958625 18.724 61.176077 18.481834 62.311901 18.01136 C 63.447725 17.540887 64.479831 16.851255 65.349152 15.981934 C 66.218474 15.112612 66.908105 14.080506 67.378579 12.944682 C 67.849052 11.808859 68.091219 10.591407 68.091219 9.362 M 58.729219 9.362 M 68.091219 9.362 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"text_1\">\n",
" \n",
" <defs>\n",
" <path d=\"M 6.59375 0 L 6.59375 51.859375 L 14.5 51.859375 L 14.5 44.484375 Q 20.21875 53.03125 31 53.03125 Q 35.6875 53.03125 39.625 51.34375 Q 43.5625 49.65625 45.515625 46.921875 Q 47.46875 44.1875 48.25 40.4375 Q 48.734375 37.984375 48.734375 31.890625 L 48.734375 0 L 39.9375 0 L 39.9375 31.546875 Q 39.9375 36.921875 38.90625 39.578125 Q 37.890625 42.234375 35.28125 43.8125 Q 32.671875 45.40625 29.15625 45.40625 Q 23.53125 45.40625 19.453125 41.84375 Q 15.375 38.28125 15.375 28.328125 L 15.375 0 z \" id=\"ArialMT-110\" />\n",
" <path d=\"M 52.828125 42.09375 L 5.5625 42.09375 L 5.5625 50.296875 L 52.828125 50.296875 z M 52.828125 20.359375 L 5.5625 20.359375 L 5.5625 28.5625 L 52.828125 28.5625 z \" id=\"ArialMT-61\" />\n",
" <path d=\"M 17.671875 38.8125 Q 12.203125 40.828125 9.5625 44.53125 Q 6.9375 48.25 6.9375 53.421875 Q 6.9375 61.234375 12.546875 66.546875 Q 18.171875 71.875 27.484375 71.875 Q 36.859375 71.875 42.578125 66.421875 Q 48.296875 60.984375 48.296875 53.171875 Q 48.296875 48.1875 45.671875 44.5 Q 43.0625 40.828125 37.75 38.8125 Q 44.34375 36.671875 47.78125 31.875 Q 51.21875 27.09375 51.21875 20.453125 Q 51.21875 11.28125 44.71875 5.03125 Q 38.234375 -1.21875 27.640625 -1.21875 Q 17.046875 -1.21875 10.546875 5.046875 Q 4.046875 11.328125 4.046875 20.703125 Q 4.046875 27.6875 7.59375 32.390625 Q 11.140625 37.109375 17.671875 38.8125 z M 15.921875 53.71875 Q 15.921875 48.640625 19.1875 45.40625 Q 22.46875 42.1875 27.6875 42.1875 Q 32.765625 42.1875 36.015625 45.375 Q 39.265625 48.578125 39.265625 53.21875 Q 39.265625 58.0625 35.90625 61.359375 Q 32.5625 64.65625 27.59375 64.65625 Q 22.5625 64.65625 19.234375 61.421875 Q 15.921875 58.203125 15.921875 53.71875 z M 13.09375 20.65625 Q 13.09375 16.890625 14.875 13.375 Q 16.65625 9.859375 20.171875 7.921875 Q 23.6875 6 27.734375 6 Q 34.03125 6 38.125 10.046875 Q 42.234375 14.109375 42.234375 20.359375 Q 42.234375 26.703125 38.015625 30.859375 Q 33.796875 35.015625 27.4375 35.015625 Q 21.234375 35.015625 17.15625 30.90625 Q 13.09375 26.8125 13.09375 20.65625 z \" id=\"ArialMT-56\" />\n",
" </defs>\n",
" <g style=\"fill:#444443;\" transform=\"translate(51.096094 25.914991)scale(0.09 -0.09)\">\n",
" <use xlink:href=\"#ArialMT-110\" />\n",
" <use x=\"55.615234\" xlink:href=\"#ArialMT-61\" />\n",
" <use x=\"114.013672\" xlink:href=\"#ArialMT-56\" />\n",
" </g>\n",
" \n",
" <defs>\n",
" <path d=\"M 7.03125 46.234375 L 4.59375 59.859375 L 4.59375 71.578125 L 14.59375 71.578125 L 14.59375 59.859375 L 12.40625 46.234375 z M 23.1875 46.234375 L 20.796875 59.859375 L 20.796875 71.578125 L 30.8125 71.578125 L 30.8125 59.859375 L 28.46875 46.234375 z \" id=\"ArialMT-34\" />\n",
" <path d=\"M 40.234375 0 L 40.234375 6.546875 Q 35.296875 -1.171875 25.734375 -1.171875 Q 19.53125 -1.171875 14.328125 2.25 Q 9.125 5.671875 6.265625 11.796875 Q 3.421875 17.921875 3.421875 25.875 Q 3.421875 33.640625 6 39.96875 Q 8.59375 46.296875 13.765625 49.65625 Q 18.953125 53.03125 25.34375 53.03125 Q 30.03125 53.03125 33.6875 51.046875 Q 37.359375 49.078125 39.65625 45.90625 L 39.65625 71.578125 L 48.390625 71.578125 L 48.390625 0 z M 12.453125 25.875 Q 12.453125 15.921875 16.640625 10.984375 Q 20.84375 6.0625 26.5625 6.0625 Q 32.328125 6.0625 36.34375 10.765625 Q 40.375 15.484375 40.375 25.140625 Q 40.375 35.796875 36.265625 40.765625 Q 32.171875 45.75 26.171875 45.75 Q 20.3125 45.75 16.375 40.96875 Q 12.453125 36.1875 12.453125 25.875 z \" id=\"ArialMT-100\" />\n",
" <path d=\"M 3.328125 25.921875 Q 3.328125 40.328125 11.328125 47.265625 Q 18.015625 53.03125 27.640625 53.03125 Q 38.328125 53.03125 45.109375 46.015625 Q 51.90625 39.015625 51.90625 26.65625 Q 51.90625 16.65625 48.90625 10.90625 Q 45.90625 5.171875 40.15625 2 Q 34.421875 -1.171875 27.640625 -1.171875 Q 16.75 -1.171875 10.03125 5.8125 Q 3.328125 12.796875 3.328125 25.921875 z M 12.359375 25.921875 Q 12.359375 15.96875 16.703125 11.015625 Q 21.046875 6.0625 27.640625 6.0625 Q 34.1875 6.0625 38.53125 11.03125 Q 42.875 16.015625 42.875 26.21875 Q 42.875 35.84375 38.5 40.796875 Q 34.125 45.75 27.640625 45.75 Q 21.046875 45.75 16.703125 40.8125 Q 12.359375 35.890625 12.359375 25.921875 z \" id=\"ArialMT-111\" />\n",
" <path d=\"M 42.09375 16.703125 L 51.171875 15.578125 Q 49.03125 7.625 43.21875 3.21875 Q 37.40625 -1.171875 28.375 -1.171875 Q 17 -1.171875 10.328125 5.828125 Q 3.65625 12.84375 3.65625 25.484375 Q 3.65625 38.578125 10.390625 45.796875 Q 17.140625 53.03125 27.875 53.03125 Q 38.28125 53.03125 44.875 45.953125 Q 51.46875 38.875 51.46875 26.03125 Q 51.46875 25.25 51.421875 23.6875 L 12.75 23.6875 Q 13.234375 15.140625 17.578125 10.59375 Q 21.921875 6.0625 28.421875 6.0625 Q 33.25 6.0625 36.671875 8.59375 Q 40.09375 11.140625 42.09375 16.703125 z M 13.234375 30.90625 L 42.1875 30.90625 Q 41.609375 37.453125 38.875 40.71875 Q 34.671875 45.796875 27.984375 45.796875 Q 21.921875 45.796875 17.796875 41.75 Q 13.671875 37.703125 13.234375 30.90625 z \" id=\"ArialMT-101\" />\n",
" <path d=\"M 3.078125 15.484375 L 11.765625 16.84375 Q 12.5 11.625 15.84375 8.84375 Q 19.1875 6.0625 25.203125 6.0625 Q 31.25 6.0625 34.171875 8.515625 Q 37.109375 10.984375 37.109375 14.3125 Q 37.109375 17.28125 34.515625 19 Q 32.71875 20.171875 25.53125 21.96875 Q 15.875 24.421875 12.140625 26.203125 Q 8.40625 27.984375 6.46875 31.125 Q 4.546875 34.28125 4.546875 38.09375 Q 4.546875 41.546875 6.125 44.5 Q 7.71875 47.46875 10.453125 49.421875 Q 12.5 50.921875 16.03125 51.96875 Q 19.578125 53.03125 23.640625 53.03125 Q 29.734375 53.03125 34.34375 51.265625 Q 38.96875 49.515625 41.15625 46.5 Q 43.359375 43.5 44.1875 38.484375 L 35.59375 37.3125 Q 35.015625 41.3125 32.203125 43.546875 Q 29.390625 45.796875 24.265625 45.796875 Q 18.21875 45.796875 15.625 43.796875 Q 13.03125 41.796875 13.03125 39.109375 Q 13.03125 37.40625 14.109375 36.03125 Q 15.1875 34.625 17.484375 33.6875 Q 18.796875 33.203125 25.25 31.453125 Q 34.578125 28.953125 38.25 27.359375 Q 41.9375 25.78125 44.03125 22.75 Q 46.140625 19.734375 46.140625 15.234375 Q 46.140625 10.84375 43.578125 6.953125 Q 41.015625 3.078125 36.171875 0.953125 Q 31.34375 -1.171875 25.25 -1.171875 Q 15.140625 -1.171875 9.84375 3.03125 Q 4.546875 7.234375 3.078125 15.484375 z \" id=\"ArialMT-115\" />\n",
" <path id=\"ArialMT-32\" />\n",
" <path d=\"M 25.78125 7.859375 L 27.046875 0.09375 Q 23.34375 -0.6875 20.40625 -0.6875 Q 15.625 -0.6875 12.984375 0.828125 Q 10.359375 2.34375 9.28125 4.8125 Q 8.203125 7.28125 8.203125 15.1875 L 8.203125 45.015625 L 1.765625 45.015625 L 1.765625 51.859375 L 8.203125 51.859375 L 8.203125 64.703125 L 16.9375 69.96875 L 16.9375 51.859375 L 25.78125 51.859375 L 25.78125 45.015625 L 16.9375 45.015625 L 16.9375 14.703125 Q 16.9375 10.9375 17.40625 9.859375 Q 17.875 8.796875 18.921875 8.15625 Q 19.96875 7.515625 21.921875 7.515625 Q 23.390625 7.515625 25.78125 7.859375 z \" id=\"ArialMT-116\" />\n",
" <path d=\"M 40.4375 19 L 49.078125 17.875 Q 47.65625 8.9375 41.8125 3.875 Q 35.984375 -1.171875 27.484375 -1.171875 Q 16.84375 -1.171875 10.375 5.78125 Q 3.90625 12.75 3.90625 25.734375 Q 3.90625 34.125 6.6875 40.421875 Q 9.46875 46.734375 15.15625 49.875 Q 20.84375 53.03125 27.546875 53.03125 Q 35.984375 53.03125 41.359375 48.75 Q 46.734375 44.484375 48.25 36.625 L 39.703125 35.296875 Q 38.484375 40.53125 35.375 43.15625 Q 32.28125 45.796875 27.875 45.796875 Q 21.234375 45.796875 17.078125 41.03125 Q 12.9375 36.28125 12.9375 25.984375 Q 12.9375 15.53125 16.9375 10.796875 Q 20.953125 6.0625 27.390625 6.0625 Q 32.5625 6.0625 36.03125 9.234375 Q 39.5 12.40625 40.4375 19 z \" id=\"ArialMT-99\" />\n",
" <path d=\"M 40.4375 6.390625 Q 35.546875 2.25 31.03125 0.53125 Q 26.515625 -1.171875 21.34375 -1.171875 Q 12.796875 -1.171875 8.203125 3 Q 3.609375 7.171875 3.609375 13.671875 Q 3.609375 17.484375 5.34375 20.625 Q 7.078125 23.78125 9.890625 25.6875 Q 12.703125 27.59375 16.21875 28.5625 Q 18.796875 29.25 24.03125 29.890625 Q 34.671875 31.15625 39.703125 32.90625 Q 39.75 34.71875 39.75 35.203125 Q 39.75 40.578125 37.25 42.78125 Q 33.890625 45.75 27.25 45.75 Q 21.046875 45.75 18.09375 43.578125 Q 15.140625 41.40625 13.71875 35.890625 L 5.125 37.0625 Q 6.296875 42.578125 8.984375 45.96875 Q 11.671875 49.359375 16.75 51.1875 Q 21.828125 53.03125 28.515625 53.03125 Q 35.15625 53.03125 39.296875 51.46875 Q 43.453125 49.90625 45.40625 47.53125 Q 47.359375 45.171875 48.140625 41.546875 Q 48.578125 39.3125 48.578125 33.453125 L 48.578125 21.734375 Q 48.578125 9.46875 49.140625 6.21875 Q 49.703125 2.984375 51.375 0 L 42.1875 0 Q 40.828125 2.734375 40.4375 6.390625 z M 39.703125 26.03125 Q 34.90625 24.078125 25.34375 22.703125 Q 19.921875 21.921875 17.671875 20.9375 Q 15.4375 19.96875 14.203125 18.09375 Q 12.984375 16.21875 12.984375 13.921875 Q 12.984375 10.40625 15.640625 8.0625 Q 18.3125 5.71875 23.4375 5.71875 Q 28.515625 5.71875 32.46875 7.9375 Q 36.421875 10.15625 38.28125 14.015625 Q 39.703125 17 39.703125 22.796875 z \" id=\"ArialMT-97\" />\n",
" <path d=\"M 6.640625 61.46875 L 6.640625 71.578125 L 15.4375 71.578125 L 15.4375 61.46875 z M 6.640625 0 L 6.640625 51.859375 L 15.4375 51.859375 L 15.4375 0 z \" id=\"ArialMT-105\" />\n",
" <path d=\"M 6.59375 -19.875 L 6.59375 51.859375 L 14.59375 51.859375 L 14.59375 45.125 Q 17.4375 49.078125 21 51.046875 Q 24.5625 53.03125 29.640625 53.03125 Q 36.28125 53.03125 41.359375 49.609375 Q 46.4375 46.1875 49.015625 39.953125 Q 51.609375 33.734375 51.609375 26.3125 Q 51.609375 18.359375 48.75 11.984375 Q 45.90625 5.609375 40.453125 2.21875 Q 35.015625 -1.171875 29 -1.171875 Q 24.609375 -1.171875 21.109375 0.6875 Q 17.625 2.546875 15.375 5.375 L 15.375 -19.875 z M 14.546875 25.640625 Q 14.546875 15.625 18.59375 10.84375 Q 22.65625 6.0625 28.421875 6.0625 Q 34.28125 6.0625 38.453125 11.015625 Q 42.625 15.96875 42.625 26.375 Q 42.625 36.28125 38.546875 41.203125 Q 34.46875 46.140625 28.8125 46.140625 Q 23.1875 46.140625 18.859375 40.890625 Q 14.546875 35.640625 14.546875 25.640625 z \" id=\"ArialMT-112\" />\n",
" <path d=\"M 14.703125 0 L 6.546875 0 L 6.546875 71.578125 L 15.328125 71.578125 L 15.328125 46.046875 Q 20.90625 53.03125 29.546875 53.03125 Q 34.328125 53.03125 38.59375 51.09375 Q 42.875 49.171875 45.625 45.671875 Q 48.390625 42.1875 49.953125 37.25 Q 51.515625 32.328125 51.515625 26.703125 Q 51.515625 13.375 44.921875 6.09375 Q 38.328125 -1.171875 29.109375 -1.171875 Q 19.921875 -1.171875 14.703125 6.5 z M 14.59375 26.3125 Q 14.59375 17 17.140625 12.84375 Q 21.296875 6.0625 28.375 6.0625 Q 34.125 6.0625 38.328125 11.0625 Q 42.53125 16.0625 42.53125 25.984375 Q 42.53125 36.140625 38.5 40.96875 Q 34.46875 45.796875 28.765625 45.796875 Q 23 45.796875 18.796875 40.796875 Q 14.59375 35.796875 14.59375 26.3125 z \" id=\"ArialMT-98\" />\n",
" <path d=\"M 6.390625 0 L 6.390625 71.578125 L 15.1875 71.578125 L 15.1875 0 z \" id=\"ArialMT-108\" />\n",
" </defs>\n",
" <g style=\"fill:#444443;\" transform=\"translate(-0 35.434179)scale(0.09 -0.09)\">\n",
" <use xlink:href=\"#ArialMT-34\" />\n",
" <use x=\"35.498047\" xlink:href=\"#ArialMT-100\" />\n",
" <use x=\"91.113281\" xlink:href=\"#ArialMT-111\" />\n",
" <use x=\"146.728516\" xlink:href=\"#ArialMT-101\" />\n",
" <use x=\"202.34375\" xlink:href=\"#ArialMT-115\" />\n",
" <use x=\"252.34375\" xlink:href=\"#ArialMT-32\" />\n",
" <use x=\"280.126953\" xlink:href=\"#ArialMT-110\" />\n",
" <use x=\"335.742188\" xlink:href=\"#ArialMT-111\" />\n",
" <use x=\"391.357422\" xlink:href=\"#ArialMT-116\" />\n",
" <use x=\"419.140625\" xlink:href=\"#ArialMT-32\" />\n",
" <use x=\"446.923828\" xlink:href=\"#ArialMT-99\" />\n",
" <use x=\"496.923828\" xlink:href=\"#ArialMT-111\" />\n",
" <use x=\"552.539062\" xlink:href=\"#ArialMT-110\" />\n",
" <use x=\"608.154297\" xlink:href=\"#ArialMT-116\" />\n",
" <use x=\"635.9375\" xlink:href=\"#ArialMT-97\" />\n",
" <use x=\"691.552734\" xlink:href=\"#ArialMT-105\" />\n",
" <use x=\"713.769531\" xlink:href=\"#ArialMT-110\" />\n",
" <use x=\"769.384766\" xlink:href=\"#ArialMT-32\" />\n",
" <use x=\"797.167969\" xlink:href=\"#ArialMT-112\" />\n",
" <use x=\"852.783203\" xlink:href=\"#ArialMT-97\" />\n",
" <use x=\"908.398438\" xlink:href=\"#ArialMT-99\" />\n",
" <use x=\"958.398438\" xlink:href=\"#ArialMT-98\" />\n",
" <use x=\"1014.013672\" xlink:href=\"#ArialMT-105\" />\n",
" <use x=\"1036.230469\" xlink:href=\"#ArialMT-111\" />\n",
" <use x=\"1091.845703\" xlink:href=\"#ArialMT-32\" />\n",
" <use x=\"1119.628906\" xlink:href=\"#ArialMT-99\" />\n",
" <use x=\"1169.628906\" xlink:href=\"#ArialMT-97\" />\n",
" <use x=\"1225.244141\" xlink:href=\"#ArialMT-108\" />\n",
" <use x=\"1247.460938\" xlink:href=\"#ArialMT-108\" />\n",
" <use x=\"1269.677734\" xlink:href=\"#ArialMT-34\" />\n",
" </g>\n",
" </g>\n",
" </g>\n",
" </g>\n",
"</svg></g>\n",
"\n",
"<g class=\"edge\" id=\"edge2\"><title>node3-&gt;leaf5</title>\n",
"<path d=\"M243,-269.41C243,-250.021 243,-226.187 243,-208.153\" fill=\"none\" stroke=\"#444443\" stroke-width=\"0.3\" />\n",
"<polygon fill=\"#444443\" points=\"244.4,-207.699 243,-203.699 241.6,-207.699 244.4,-207.699\" stroke=\"#444443\" />\n",
"</g>\n",
"\n",
"<g class=\"node\" id=\"node2\"><title>node1</title>\n",
"<svg height=\"115px\" preserveAspectRatio=\"xMinYMin meet\" version=\"1.1\" viewBox=\"0 0 201.32 114.4725\" width=\"202px\" x=\"142.5\" y=\"-497.5\">\n",
" <defs>\n",
" <style type=\"text/css\">\n",
"*{stroke-linecap:butt;stroke-linejoin:round;}\n",
" </style>\n",
" </defs>\n",
" <g id=\"figure_1\">\n",
" <g id=\"patch_1\">\n",
" <path d=\"M 0 114.4725 L 201.32 114.4725 L 201.32 0 L 0 0 z \" style=\"fill:#ffffff;\" />\n",
" </g>\n",
" <g id=\"axes_1\">\n",
" <g id=\"patch_2\">\n",
" <path d=\"M 17.18 84.579375 L 201.32 84.579375 L 201.32 3.039375 L 17.18 3.039375 z \" style=\"fill:#ffffff;\" />\n",
" </g>\n",
" <g id=\"patch_3\">\n",
" <path clip-path=\"url(#pc20a82b71b)\" d=\"M 22.460843 84.579375 L 31.260775 84.579375 L 31.260775 3.039375 L 22.460843 3.039375 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_4\">\n",
" <path clip-path=\"url(#pc20a82b71b)\" d=\"M 31.260775 84.579375 L 40.060706 84.579375 L 40.060706 31.750643 L 31.260775 31.750643 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_5\">\n",
" <path clip-path=\"url(#pc20a82b71b)\" d=\"M 40.060706 84.579375 L 48.860637 84.579375 L 48.860637 62.758812 L 40.060706 62.758812 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_6\">\n",
" <path clip-path=\"url(#pc20a82b71b)\" d=\"M 48.860637 84.579375 L 57.660569 84.579375 L 57.660569 66.204164 L 48.860637 66.204164 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_7\">\n",
" <path clip-path=\"url(#pc20a82b71b)\" d=\"M 57.660569 84.579375 L 66.4605 84.579375 L 66.4605 84.579375 L 57.660569 84.579375 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_8\">\n",
" <path clip-path=\"url(#pc20a82b71b)\" d=\"M 66.4605 84.579375 L 75.260431 84.579375 L 75.260431 84.579375 L 66.4605 84.579375 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_9\">\n",
" <path clip-path=\"url(#pc20a82b71b)\" d=\"M 75.260431 84.579375 L 84.060362 84.579375 L 84.060362 84.579375 L 75.260431 84.579375 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_10\">\n",
" <path clip-path=\"url(#pc20a82b71b)\" d=\"M 84.060362 84.579375 L 92.860294 84.579375 L 92.860294 84.579375 L 84.060362 84.579375 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_11\">\n",
" <path clip-path=\"url(#pc20a82b71b)\" d=\"M 92.860294 84.579375 L 101.660225 84.579375 L 101.660225 84.579375 L 92.860294 84.579375 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_12\">\n",
" <path clip-path=\"url(#pc20a82b71b)\" d=\"M 101.660225 84.579375 L 110.460156 84.579375 L 110.460156 84.579375 L 101.660225 84.579375 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_13\">\n",
" <path clip-path=\"url(#pc20a82b71b)\" d=\"M 110.460156 84.579375 L 119.260088 84.579375 L 119.260088 84.579375 L 110.460156 84.579375 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_14\">\n",
" <path clip-path=\"url(#pc20a82b71b)\" d=\"M 119.260088 84.579375 L 128.060019 84.579375 L 128.060019 84.579375 L 119.260088 84.579375 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_15\">\n",
" <path clip-path=\"url(#pc20a82b71b)\" d=\"M 128.060019 84.579375 L 136.85995 84.579375 L 136.85995 84.579375 L 128.060019 84.579375 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_16\">\n",
" <path clip-path=\"url(#pc20a82b71b)\" d=\"M 136.85995 84.579375 L 145.659882 84.579375 L 145.659882 84.579375 L 136.85995 84.579375 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_17\">\n",
" <path clip-path=\"url(#pc20a82b71b)\" d=\"M 145.659882 84.579375 L 154.459813 84.579375 L 154.459813 84.579375 L 145.659882 84.579375 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_18\">\n",
" <path clip-path=\"url(#pc20a82b71b)\" d=\"M 154.459813 84.579375 L 163.259744 84.579375 L 163.259744 84.579375 L 154.459813 84.579375 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_19\">\n",
" <path clip-path=\"url(#pc20a82b71b)\" d=\"M 163.259744 84.579375 L 172.059676 84.579375 L 172.059676 84.579375 L 163.259744 84.579375 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_20\">\n",
" <path clip-path=\"url(#pc20a82b71b)\" d=\"M 172.059676 84.579375 L 180.859607 84.579375 L 180.859607 84.579375 L 172.059676 84.579375 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_21\">\n",
" <path clip-path=\"url(#pc20a82b71b)\" d=\"M 180.859607 84.579375 L 189.659538 84.579375 L 189.659538 84.579375 L 180.859607 84.579375 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_22\">\n",
" <path clip-path=\"url(#pc20a82b71b)\" d=\"M 22.460843 3.039375 L 31.260775 3.039375 L 31.260775 3.039375 L 22.460843 3.039375 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_23\">\n",
" <path clip-path=\"url(#pc20a82b71b)\" d=\"M 31.260775 31.750643 L 40.060706 31.750643 L 40.060706 31.750643 L 31.260775 31.750643 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_24\">\n",
" <path clip-path=\"url(#pc20a82b71b)\" d=\"M 40.060706 62.758812 L 48.860637 62.758812 L 48.860637 62.758812 L 40.060706 62.758812 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_25\">\n",
" <path clip-path=\"url(#pc20a82b71b)\" d=\"M 48.860637 66.204164 L 57.660569 66.204164 L 57.660569 65.055713 L 48.860637 65.055713 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_26\">\n",
" <path clip-path=\"url(#pc20a82b71b)\" d=\"M 57.660569 84.579375 L 66.4605 84.579375 L 66.4605 84.579375 L 57.660569 84.579375 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_27\">\n",
" <path clip-path=\"url(#pc20a82b71b)\" d=\"M 66.4605 84.579375 L 75.260431 84.579375 L 75.260431 84.579375 L 66.4605 84.579375 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_28\">\n",
" <path clip-path=\"url(#pc20a82b71b)\" d=\"M 75.260431 84.579375 L 84.060362 84.579375 L 84.060362 84.579375 L 75.260431 84.579375 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_29\">\n",
" <path clip-path=\"url(#pc20a82b71b)\" d=\"M 84.060362 84.579375 L 92.860294 84.579375 L 92.860294 84.579375 L 84.060362 84.579375 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_30\">\n",
" <path clip-path=\"url(#pc20a82b71b)\" d=\"M 92.860294 84.579375 L 101.660225 84.579375 L 101.660225 84.579375 L 92.860294 84.579375 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_31\">\n",
" <path clip-path=\"url(#pc20a82b71b)\" d=\"M 101.660225 84.579375 L 110.460156 84.579375 L 110.460156 84.579375 L 101.660225 84.579375 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_32\">\n",
" <path clip-path=\"url(#pc20a82b71b)\" d=\"M 110.460156 84.579375 L 119.260088 84.579375 L 119.260088 84.579375 L 110.460156 84.579375 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_33\">\n",
" <path clip-path=\"url(#pc20a82b71b)\" d=\"M 119.260088 84.579375 L 128.060019 84.579375 L 128.060019 84.579375 L 119.260088 84.579375 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_34\">\n",
" <path clip-path=\"url(#pc20a82b71b)\" d=\"M 128.060019 84.579375 L 136.85995 84.579375 L 136.85995 84.579375 L 128.060019 84.579375 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_35\">\n",
" <path clip-path=\"url(#pc20a82b71b)\" d=\"M 136.85995 84.579375 L 145.659882 84.579375 L 145.659882 84.579375 L 136.85995 84.579375 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_36\">\n",
" <path clip-path=\"url(#pc20a82b71b)\" d=\"M 145.659882 84.579375 L 154.459813 84.579375 L 154.459813 84.579375 L 145.659882 84.579375 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_37\">\n",
" <path clip-path=\"url(#pc20a82b71b)\" d=\"M 154.459813 84.579375 L 163.259744 84.579375 L 163.259744 84.579375 L 154.459813 84.579375 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_38\">\n",
" <path clip-path=\"url(#pc20a82b71b)\" d=\"M 163.259744 84.579375 L 172.059676 84.579375 L 172.059676 84.579375 L 163.259744 84.579375 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_39\">\n",
" <path clip-path=\"url(#pc20a82b71b)\" d=\"M 172.059676 84.579375 L 180.859607 84.579375 L 180.859607 84.579375 L 172.059676 84.579375 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_40\">\n",
" <path clip-path=\"url(#pc20a82b71b)\" d=\"M 180.859607 84.579375 L 189.659538 84.579375 L 189.659538 84.579375 L 180.859607 84.579375 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_41\">\n",
" <path d=\"M 51.090067 85.394775 L 47.775547 92.733375 L 54.404587 92.733375 z \" style=\"fill:#444443;\" />\n",
" </g>\n",
" <g id=\"matplotlib.axis_1\">\n",
" <g id=\"xtick_1\">\n",
" <g id=\"line2d_1\">\n",
" <defs>\n",
" <path d=\"M 0 0 L 0 3.5 \" id=\"m6e43d9bb08\" style=\"stroke:#000000;stroke-width:0.3;\" />\n",
" </defs>\n",
" <g>\n",
" <use style=\"stroke:#000000;stroke-width:0.3;\" x=\"22.460843\" y=\"84.579375\" xlink:href=\"#m6e43d9bb08\" />\n",
" </g>\n",
" </g>\n",
" <g id=\"text_1\">\n",
" \n",
" <defs>\n",
" <path d=\"M 12.40625 8.296875 L 28.515625 8.296875 L 28.515625 63.921875 L 10.984375 60.40625 L 10.984375 69.390625 L 28.421875 72.90625 L 38.28125 72.90625 L 38.28125 8.296875 L 54.390625 8.296875 L 54.390625 0 L 12.40625 0 z \" id=\"DejaVuSans-49\" />\n",
" <path d=\"M 10.6875 12.40625 L 21 12.40625 L 21 0 L 10.6875 0 z \" id=\"DejaVuSans-46\" />\n",
" <path d=\"M 40.578125 39.3125 Q 47.65625 37.796875 51.625 33 Q 55.609375 28.21875 55.609375 21.1875 Q 55.609375 10.40625 48.1875 4.484375 Q 40.765625 -1.421875 27.09375 -1.421875 Q 22.515625 -1.421875 17.65625 -0.515625 Q 12.796875 0.390625 7.625 2.203125 L 7.625 11.71875 Q 11.71875 9.328125 16.59375 8.109375 Q 21.484375 6.890625 26.8125 6.890625 Q 36.078125 6.890625 40.9375 10.546875 Q 45.796875 14.203125 45.796875 21.1875 Q 45.796875 27.640625 41.28125 31.265625 Q 36.765625 34.90625 28.71875 34.90625 L 20.21875 34.90625 L 20.21875 43.015625 L 29.109375 43.015625 Q 36.375 43.015625 40.234375 45.921875 Q 44.09375 48.828125 44.09375 54.296875 Q 44.09375 59.90625 40.109375 62.90625 Q 36.140625 65.921875 28.71875 65.921875 Q 24.65625 65.921875 20.015625 65.03125 Q 15.375 64.15625 9.8125 62.3125 L 9.8125 71.09375 Q 15.4375 72.65625 20.34375 73.4375 Q 25.25 74.21875 29.59375 74.21875 Q 40.828125 74.21875 47.359375 69.109375 Q 53.90625 64.015625 53.90625 55.328125 Q 53.90625 49.265625 50.4375 45.09375 Q 46.96875 40.921875 40.578125 39.3125 z \" id=\"DejaVuSans-51\" />\n",
" <path d=\"M 10.984375 1.515625 L 10.984375 10.5 Q 14.703125 8.734375 18.5 7.8125 Q 22.3125 6.890625 25.984375 6.890625 Q 35.75 6.890625 40.890625 13.453125 Q 46.046875 20.015625 46.78125 33.40625 Q 43.953125 29.203125 39.59375 26.953125 Q 35.25 24.703125 29.984375 24.703125 Q 19.046875 24.703125 12.671875 31.3125 Q 6.296875 37.9375 6.296875 49.421875 Q 6.296875 60.640625 12.9375 67.421875 Q 19.578125 74.21875 30.609375 74.21875 Q 43.265625 74.21875 49.921875 64.515625 Q 56.59375 54.828125 56.59375 36.375 Q 56.59375 19.140625 48.40625 8.859375 Q 40.234375 -1.421875 26.421875 -1.421875 Q 22.703125 -1.421875 18.890625 -0.6875 Q 15.09375 0.046875 10.984375 1.515625 z M 30.609375 32.421875 Q 37.25 32.421875 41.125 36.953125 Q 45.015625 41.5 45.015625 49.421875 Q 45.015625 57.28125 41.125 61.84375 Q 37.25 66.40625 30.609375 66.40625 Q 23.96875 66.40625 20.09375 61.84375 Q 16.21875 57.28125 16.21875 49.421875 Q 16.21875 41.5 20.09375 36.953125 Q 23.96875 32.421875 30.609375 32.421875 z \" id=\"DejaVuSans-57\" />\n",
" <path d=\"M 31.78125 34.625 Q 24.75 34.625 20.71875 30.859375 Q 16.703125 27.09375 16.703125 20.515625 Q 16.703125 13.921875 20.71875 10.15625 Q 24.75 6.390625 31.78125 6.390625 Q 38.8125 6.390625 42.859375 10.171875 Q 46.921875 13.96875 46.921875 20.515625 Q 46.921875 27.09375 42.890625 30.859375 Q 38.875 34.625 31.78125 34.625 z M 21.921875 38.8125 Q 15.578125 40.375 12.03125 44.71875 Q 8.5 49.078125 8.5 55.328125 Q 8.5 64.0625 14.71875 69.140625 Q 20.953125 74.21875 31.78125 74.21875 Q 42.671875 74.21875 48.875 69.140625 Q 55.078125 64.0625 55.078125 55.328125 Q 55.078125 49.078125 51.53125 44.71875 Q 48 40.375 41.703125 38.8125 Q 48.828125 37.15625 52.796875 32.3125 Q 56.78125 27.484375 56.78125 20.515625 Q 56.78125 9.90625 50.3125 4.234375 Q 43.84375 -1.421875 31.78125 -1.421875 Q 19.734375 -1.421875 13.25 4.234375 Q 6.78125 9.90625 6.78125 20.515625 Q 6.78125 27.484375 10.78125 32.3125 Q 14.796875 37.15625 21.921875 38.8125 z M 18.3125 54.390625 Q 18.3125 48.734375 21.84375 45.5625 Q 25.390625 42.390625 31.78125 42.390625 Q 38.140625 42.390625 41.71875 45.5625 Q 45.3125 48.734375 45.3125 54.390625 Q 45.3125 60.0625 41.71875 63.234375 Q 38.140625 66.40625 31.78125 66.40625 Q 25.390625 66.40625 21.84375 63.234375 Q 18.3125 60.0625 18.3125 54.390625 z \" id=\"DejaVuSans-56\" />\n",
" </defs>\n",
" <g style=\"fill:#444443;\" transform=\"translate(11.009593 97.658125)scale(0.08 -0.08)\">\n",
" <use xlink:href=\"#DejaVuSans-49\" />\n",
" <use x=\"63.623047\" xlink:href=\"#DejaVuSans-46\" />\n",
" <use x=\"95.410156\" xlink:href=\"#DejaVuSans-51\" />\n",
" <use x=\"159.033203\" xlink:href=\"#DejaVuSans-57\" />\n",
" <use x=\"222.65625\" xlink:href=\"#DejaVuSans-56\" />\n",
" </g>\n",
" </g>\n",
" </g>\n",
" <g id=\"xtick_2\">\n",
" <g id=\"line2d_2\">\n",
" <g>\n",
" <use style=\"stroke:#000000;stroke-width:0.3;\" x=\"189.659538\" y=\"84.579375\" xlink:href=\"#m6e43d9bb08\" />\n",
" </g>\n",
" </g>\n",
" <g id=\"text_2\">\n",
" \n",
" <defs>\n",
" <path d=\"M 37.796875 64.3125 L 12.890625 25.390625 L 37.796875 25.390625 z M 35.203125 72.90625 L 47.609375 72.90625 L 47.609375 25.390625 L 58.015625 25.390625 L 58.015625 17.1875 L 47.609375 17.1875 L 47.609375 0 L 37.796875 0 L 37.796875 17.1875 L 4.890625 17.1875 L 4.890625 26.703125 z \" id=\"DejaVuSans-52\" />\n",
" </defs>\n",
" <g style=\"fill:#444443;\" transform=\"translate(178.208288 97.658125)scale(0.08 -0.08)\">\n",
" <use xlink:href=\"#DejaVuSans-52\" />\n",
" <use x=\"63.623047\" xlink:href=\"#DejaVuSans-46\" />\n",
" <use x=\"95.410156\" xlink:href=\"#DejaVuSans-57\" />\n",
" <use x=\"159.033203\" xlink:href=\"#DejaVuSans-51\" />\n",
" <use x=\"222.65625\" xlink:href=\"#DejaVuSans-57\" />\n",
" </g>\n",
" </g>\n",
" </g>\n",
" <g id=\"text_3\">\n",
" \n",
" <defs>\n",
" <path d=\"M 6.390625 0 L 6.390625 71.578125 L 15.1875 71.578125 L 15.1875 0 z \" id=\"ArialMT-108\" />\n",
" <path d=\"M 3.328125 25.921875 Q 3.328125 40.328125 11.328125 47.265625 Q 18.015625 53.03125 27.640625 53.03125 Q 38.328125 53.03125 45.109375 46.015625 Q 51.90625 39.015625 51.90625 26.65625 Q 51.90625 16.65625 48.90625 10.90625 Q 45.90625 5.171875 40.15625 2 Q 34.421875 -1.171875 27.640625 -1.171875 Q 16.75 -1.171875 10.03125 5.8125 Q 3.328125 12.796875 3.328125 25.921875 z M 12.359375 25.921875 Q 12.359375 15.96875 16.703125 11.015625 Q 21.046875 6.0625 27.640625 6.0625 Q 34.1875 6.0625 38.53125 11.03125 Q 42.875 16.015625 42.875 26.21875 Q 42.875 35.84375 38.5 40.796875 Q 34.125 45.75 27.640625 45.75 Q 21.046875 45.75 16.703125 40.8125 Q 12.359375 35.890625 12.359375 25.921875 z \" id=\"ArialMT-111\" />\n",
" <path d=\"M 4.984375 -4.296875 L 13.53125 -5.5625 Q 14.0625 -9.515625 16.5 -11.328125 Q 19.78125 -13.765625 25.4375 -13.765625 Q 31.546875 -13.765625 34.859375 -11.328125 Q 38.1875 -8.890625 39.359375 -4.5 Q 40.046875 -1.8125 39.984375 6.78125 Q 34.234375 0 25.640625 0 Q 14.9375 0 9.078125 7.71875 Q 3.21875 15.4375 3.21875 26.21875 Q 3.21875 33.640625 5.90625 39.90625 Q 8.59375 46.1875 13.6875 49.609375 Q 18.796875 53.03125 25.6875 53.03125 Q 34.859375 53.03125 40.828125 45.609375 L 40.828125 51.859375 L 48.921875 51.859375 L 48.921875 7.03125 Q 48.921875 -5.078125 46.453125 -10.125 Q 44 -15.1875 38.640625 -18.109375 Q 33.296875 -21.046875 25.484375 -21.046875 Q 16.21875 -21.046875 10.5 -16.875 Q 4.78125 -12.703125 4.984375 -4.296875 z M 12.25 26.859375 Q 12.25 16.65625 16.296875 11.96875 Q 20.359375 7.28125 26.46875 7.28125 Q 32.515625 7.28125 36.609375 11.9375 Q 40.71875 16.609375 40.71875 26.5625 Q 40.71875 36.078125 36.5 40.90625 Q 32.28125 45.75 26.3125 45.75 Q 20.453125 45.75 16.34375 40.984375 Q 12.25 36.234375 12.25 26.859375 z \" id=\"ArialMT-103\" />\n",
" <path d=\"M 37.25 0 L 28.46875 0 L 28.46875 56 Q 25.296875 52.984375 20.140625 49.953125 Q 14.984375 46.921875 10.890625 45.40625 L 10.890625 53.90625 Q 18.265625 57.375 23.78125 62.296875 Q 29.296875 67.234375 31.59375 71.875 L 37.25 71.875 z \" id=\"ArialMT-49\" />\n",
" <path d=\"M 4.15625 35.296875 Q 4.15625 48 6.765625 55.734375 Q 9.375 63.484375 14.515625 67.671875 Q 19.671875 71.875 27.484375 71.875 Q 33.25 71.875 37.59375 69.546875 Q 41.9375 67.234375 44.765625 62.859375 Q 47.609375 58.5 49.21875 52.21875 Q 50.828125 45.953125 50.828125 35.296875 Q 50.828125 22.703125 48.234375 14.96875 Q 45.65625 7.234375 40.5 3 Q 35.359375 -1.21875 27.484375 -1.21875 Q 17.140625 -1.21875 11.234375 6.203125 Q 4.15625 15.140625 4.15625 35.296875 z M 13.1875 35.296875 Q 13.1875 17.671875 17.3125 11.828125 Q 21.4375 6 27.484375 6 Q 33.546875 6 37.671875 11.859375 Q 41.796875 17.71875 41.796875 35.296875 Q 41.796875 52.984375 37.671875 58.78125 Q 33.546875 64.59375 27.390625 64.59375 Q 21.34375 64.59375 17.71875 59.46875 Q 13.1875 52.9375 13.1875 35.296875 z \" id=\"ArialMT-48\" />\n",
" <path d=\"M -1.515625 -19.875 L -1.515625 -13.53125 L 56.734375 -13.53125 L 56.734375 -19.875 z \" id=\"ArialMT-95\" />\n",
" <path d=\"M 42.09375 16.703125 L 51.171875 15.578125 Q 49.03125 7.625 43.21875 3.21875 Q 37.40625 -1.171875 28.375 -1.171875 Q 17 -1.171875 10.328125 5.828125 Q 3.65625 12.84375 3.65625 25.484375 Q 3.65625 38.578125 10.390625 45.796875 Q 17.140625 53.03125 27.875 53.03125 Q 38.28125 53.03125 44.875 45.953125 Q 51.46875 38.875 51.46875 26.03125 Q 51.46875 25.25 51.421875 23.6875 L 12.75 23.6875 Q 13.234375 15.140625 17.578125 10.59375 Q 21.921875 6.0625 28.421875 6.0625 Q 33.25 6.0625 36.671875 8.59375 Q 40.09375 11.140625 42.09375 16.703125 z M 13.234375 30.90625 L 42.1875 30.90625 Q 41.609375 37.453125 38.875 40.71875 Q 34.671875 45.796875 27.984375 45.796875 Q 21.921875 45.796875 17.796875 41.75 Q 13.671875 37.703125 13.234375 30.90625 z \" id=\"ArialMT-101\" />\n",
" <path d=\"M 6.59375 0 L 6.59375 51.859375 L 14.5 51.859375 L 14.5 44.484375 Q 20.21875 53.03125 31 53.03125 Q 35.6875 53.03125 39.625 51.34375 Q 43.5625 49.65625 45.515625 46.921875 Q 47.46875 44.1875 48.25 40.4375 Q 48.734375 37.984375 48.734375 31.890625 L 48.734375 0 L 39.9375 0 L 39.9375 31.546875 Q 39.9375 36.921875 38.90625 39.578125 Q 37.890625 42.234375 35.28125 43.8125 Q 32.671875 45.40625 29.15625 45.40625 Q 23.53125 45.40625 19.453125 41.84375 Q 15.375 38.28125 15.375 28.328125 L 15.375 0 z \" id=\"ArialMT-110\" />\n",
" <path d=\"M 25.78125 7.859375 L 27.046875 0.09375 Q 23.34375 -0.6875 20.40625 -0.6875 Q 15.625 -0.6875 12.984375 0.828125 Q 10.359375 2.34375 9.28125 4.8125 Q 8.203125 7.28125 8.203125 15.1875 L 8.203125 45.015625 L 1.765625 45.015625 L 1.765625 51.859375 L 8.203125 51.859375 L 8.203125 64.703125 L 16.9375 69.96875 L 16.9375 51.859375 L 25.78125 51.859375 L 25.78125 45.015625 L 16.9375 45.015625 L 16.9375 14.703125 Q 16.9375 10.9375 17.40625 9.859375 Q 17.875 8.796875 18.921875 8.15625 Q 19.96875 7.515625 21.921875 7.515625 Q 23.390625 7.515625 25.78125 7.859375 z \" id=\"ArialMT-116\" />\n",
" <path d=\"M 6.59375 0 L 6.59375 71.578125 L 15.375 71.578125 L 15.375 45.90625 Q 21.53125 53.03125 30.90625 53.03125 Q 36.671875 53.03125 40.921875 50.75 Q 45.171875 48.484375 47 44.484375 Q 48.828125 40.484375 48.828125 32.859375 L 48.828125 0 L 40.046875 0 L 40.046875 32.859375 Q 40.046875 39.453125 37.1875 42.453125 Q 34.328125 45.453125 29.109375 45.453125 Q 25.203125 45.453125 21.75 43.421875 Q 18.3125 41.40625 16.84375 37.9375 Q 15.375 34.46875 15.375 28.375 L 15.375 0 z \" id=\"ArialMT-104\" />\n",
" </defs>\n",
" <g style=\"fill:#444443;\" transform=\"translate(74.887812 111.946875)scale(0.12 -0.12)\">\n",
" <use xlink:href=\"#ArialMT-108\" />\n",
" <use x=\"22.216797\" xlink:href=\"#ArialMT-111\" />\n",
" <use x=\"77.832031\" xlink:href=\"#ArialMT-103\" />\n",
" <use x=\"133.447266\" xlink:href=\"#ArialMT-49\" />\n",
" <use x=\"189.0625\" xlink:href=\"#ArialMT-48\" />\n",
" <use x=\"244.677734\" xlink:href=\"#ArialMT-95\" />\n",
" <use x=\"300.292969\" xlink:href=\"#ArialMT-108\" />\n",
" <use x=\"322.509766\" xlink:href=\"#ArialMT-101\" />\n",
" <use x=\"378.125\" xlink:href=\"#ArialMT-110\" />\n",
" <use x=\"433.740234\" xlink:href=\"#ArialMT-103\" />\n",
" <use x=\"489.355469\" xlink:href=\"#ArialMT-116\" />\n",
" <use x=\"517.138672\" xlink:href=\"#ArialMT-104\" />\n",
" </g>\n",
" </g>\n",
" </g>\n",
" <g id=\"matplotlib.axis_2\">\n",
" <g id=\"ytick_1\">\n",
" <g id=\"line2d_3\">\n",
" <defs>\n",
" <path d=\"M 0 0 L -3.5 0 \" id=\"mba1ed056a2\" style=\"stroke:#000000;stroke-width:0.3;\" />\n",
" </defs>\n",
" <g>\n",
" <use style=\"stroke:#000000;stroke-width:0.3;\" x=\"17.18\" y=\"84.579375\" xlink:href=\"#mba1ed056a2\" />\n",
" </g>\n",
" </g>\n",
" <g id=\"text_4\">\n",
" \n",
" <defs>\n",
" <path d=\"M 31.78125 66.40625 Q 24.171875 66.40625 20.328125 58.90625 Q 16.5 51.421875 16.5 36.375 Q 16.5 21.390625 20.328125 13.890625 Q 24.171875 6.390625 31.78125 6.390625 Q 39.453125 6.390625 43.28125 13.890625 Q 47.125 21.390625 47.125 36.375 Q 47.125 51.421875 43.28125 58.90625 Q 39.453125 66.40625 31.78125 66.40625 z M 31.78125 74.21875 Q 44.046875 74.21875 50.515625 64.515625 Q 56.984375 54.828125 56.984375 36.375 Q 56.984375 17.96875 50.515625 8.265625 Q 44.046875 -1.421875 31.78125 -1.421875 Q 19.53125 -1.421875 13.0625 8.265625 Q 6.59375 17.96875 6.59375 36.375 Q 6.59375 54.828125 13.0625 64.515625 Q 19.53125 74.21875 31.78125 74.21875 z \" id=\"DejaVuSans-48\" />\n",
" </defs>\n",
" <g style=\"fill:#444443;\" transform=\"translate(5.09 87.61875)scale(0.08 -0.08)\">\n",
" <use xlink:href=\"#DejaVuSans-48\" />\n",
" </g>\n",
" </g>\n",
" </g>\n",
" <g id=\"ytick_2\">\n",
" <g id=\"line2d_4\">\n",
" <g>\n",
" <use style=\"stroke:#000000;stroke-width:0.3;\" x=\"17.18\" y=\"3.039375\" xlink:href=\"#mba1ed056a2\" />\n",
" </g>\n",
" </g>\n",
" <g id=\"text_5\">\n",
" \n",
" <defs>\n",
" <path d=\"M 8.203125 72.90625 L 55.078125 72.90625 L 55.078125 68.703125 L 28.609375 0 L 18.3125 0 L 43.21875 64.59375 L 8.203125 64.59375 z \" id=\"DejaVuSans-55\" />\n",
" </defs>\n",
" <g style=\"fill:#444443;\" transform=\"translate(0 6.07875)scale(0.08 -0.08)\">\n",
" <use xlink:href=\"#DejaVuSans-55\" />\n",
" <use x=\"63.623047\" xlink:href=\"#DejaVuSans-49\" />\n",
" </g>\n",
" </g>\n",
" </g>\n",
" </g>\n",
" <g id=\"patch_42\">\n",
" <path d=\"M 17.18 84.579375 L 17.18 3.039375 \" style=\"fill:none;stroke:#000000;stroke-linecap:square;stroke-linejoin:miter;stroke-width:0.3;\" />\n",
" </g>\n",
" <g id=\"patch_43\">\n",
" <path d=\"M 17.18 84.579375 L 201.32 84.579375 \" style=\"fill:none;stroke:#000000;stroke-linecap:square;stroke-linejoin:miter;stroke-width:0.3;\" />\n",
" </g>\n",
" <g id=\"text_6\">\n",
" \n",
" <defs>\n",
" <path d=\"M 50.34375 8.453125 L 50.34375 0 L 3.03125 0 Q 2.9375 3.171875 4.046875 6.109375 Q 5.859375 10.9375 9.828125 15.625 Q 13.8125 20.3125 21.34375 26.46875 Q 33.015625 36.03125 37.109375 41.625 Q 41.21875 47.21875 41.21875 52.203125 Q 41.21875 57.421875 37.46875 61 Q 33.734375 64.59375 27.734375 64.59375 Q 21.390625 64.59375 17.578125 60.78125 Q 13.765625 56.984375 13.71875 50.25 L 4.6875 51.171875 Q 5.609375 61.28125 11.65625 66.578125 Q 17.71875 71.875 27.9375 71.875 Q 38.234375 71.875 44.234375 66.15625 Q 50.25 60.453125 50.25 52 Q 50.25 47.703125 48.484375 43.546875 Q 46.734375 39.40625 42.65625 34.8125 Q 38.578125 30.21875 29.109375 22.21875 Q 21.1875 15.578125 18.9375 13.203125 Q 16.703125 10.84375 15.234375 8.453125 z \" id=\"ArialMT-50\" />\n",
" <path d=\"M 9.078125 0 L 9.078125 10.015625 L 19.09375 10.015625 L 19.09375 0 z \" id=\"ArialMT-46\" />\n",
" </defs>\n",
" <g style=\"fill:#444443;\" transform=\"translate(43.305692 100.887375)scale(0.08 -0.08)\">\n",
" <use xlink:href=\"#ArialMT-50\" />\n",
" <use x=\"55.615234\" xlink:href=\"#ArialMT-46\" />\n",
" <use x=\"83.398438\" xlink:href=\"#ArialMT-48\" />\n",
" <use x=\"139.013672\" xlink:href=\"#ArialMT-48\" />\n",
" </g>\n",
" </g>\n",
" </g>\n",
" </g>\n",
" <defs>\n",
" <clipPath id=\"pc20a82b71b\">\n",
" <rect height=\"81.54\" width=\"184.14\" x=\"17.18\" y=\"3.039375\" />\n",
" </clipPath>\n",
" </defs>\n",
"</svg></g>\n",
"\n",
"<g class=\"node\" id=\"node12\"><title>leaf2</title>\n",
"<polygon fill=\"none\" points=\"126.25,-359.5 -0.25,-359.5 -0.25,-250.5 126.25,-250.5 126.25,-359.5\" stroke=\"#444443\" stroke-width=\"0\" />\n",
"<svg height=\"100px\" preserveAspectRatio=\"xMinYMin meet\" version=\"1.1\" viewBox=\"0 0 117.458438 99.410769\" width=\"118px\" x=\"4.5\" y=\"-354.5\">\n",
" <defs>\n",
" <style type=\"text/css\">\n",
"*{stroke-linecap:butt;stroke-linejoin:round;}\n",
" </style>\n",
" </defs>\n",
" <g id=\"figure_1\">\n",
" <g id=\"patch_1\">\n",
" <path d=\"M 0 99.410769 L 117.458438 99.410769 L 117.458438 0 L 0 0 z \" style=\"fill:#ffffff;\" />\n",
" </g>\n",
" <g id=\"axes_1\">\n",
" <g id=\"patch_2\">\n",
" <path d=\"M 97.989219 39.26 C 97.989219 34.104424 96.973683 28.99898 95.000729 24.235848 C 93.027776 19.472717 90.135774 15.14453 86.490231 11.498988 C 82.844688 7.853445 78.516501 4.961443 73.75337 2.98849 C 68.990239 1.015536 63.884795 0 58.729219 0 C 53.573643 0 48.468198 1.015536 43.705067 2.98849 C 38.941936 4.961443 34.613749 7.853445 30.968207 11.498988 C 27.322664 15.14453 24.430662 19.472717 22.457708 24.235848 C 20.484755 28.99898 19.469219 34.104424 19.469219 39.26 C 19.469219 44.415576 20.484755 49.52102 22.457708 54.284152 C 24.430662 59.047283 27.322664 63.37547 30.968207 67.021012 C 34.613749 70.666555 38.941936 73.558557 43.705067 75.53151 C 48.468198 77.504464 53.573643 78.52 58.729219 78.52 C 63.884795 78.52 68.990239 77.504464 73.75337 75.53151 C 78.516501 73.558557 82.844688 70.666555 86.490231 67.021012 C 90.135774 63.37547 93.027776 59.047283 95.000729 54.284152 C 96.973683 49.52102 97.989219 44.415576 97.989219 39.26 M 58.729219 39.26 M 97.989219 39.26 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"text_1\">\n",
" \n",
" <defs>\n",
" <path d=\"M 6.59375 0 L 6.59375 51.859375 L 14.5 51.859375 L 14.5 44.484375 Q 20.21875 53.03125 31 53.03125 Q 35.6875 53.03125 39.625 51.34375 Q 43.5625 49.65625 45.515625 46.921875 Q 47.46875 44.1875 48.25 40.4375 Q 48.734375 37.984375 48.734375 31.890625 L 48.734375 0 L 39.9375 0 L 39.9375 31.546875 Q 39.9375 36.921875 38.90625 39.578125 Q 37.890625 42.234375 35.28125 43.8125 Q 32.671875 45.40625 29.15625 45.40625 Q 23.53125 45.40625 19.453125 41.84375 Q 15.375 38.28125 15.375 28.328125 L 15.375 0 z \" id=\"ArialMT-110\" />\n",
" <path d=\"M 52.828125 42.09375 L 5.5625 42.09375 L 5.5625 50.296875 L 52.828125 50.296875 z M 52.828125 20.359375 L 5.5625 20.359375 L 5.5625 28.5625 L 52.828125 28.5625 z \" id=\"ArialMT-61\" />\n",
" <path d=\"M 37.25 0 L 28.46875 0 L 28.46875 56 Q 25.296875 52.984375 20.140625 49.953125 Q 14.984375 46.921875 10.890625 45.40625 L 10.890625 53.90625 Q 18.265625 57.375 23.78125 62.296875 Q 29.296875 67.234375 31.59375 71.875 L 37.25 71.875 z \" id=\"ArialMT-49\" />\n",
" <path d=\"M 32.328125 0 L 32.328125 17.140625 L 1.265625 17.140625 L 1.265625 25.203125 L 33.9375 71.578125 L 41.109375 71.578125 L 41.109375 25.203125 L 50.78125 25.203125 L 50.78125 17.140625 L 41.109375 17.140625 L 41.109375 0 z M 32.328125 25.203125 L 32.328125 57.46875 L 9.90625 25.203125 z \" id=\"ArialMT-52\" />\n",
" </defs>\n",
" <g style=\"fill:#444443;\" transform=\"translate(46.09125 88.102831)scale(0.09 -0.09)\">\n",
" <use xlink:href=\"#ArialMT-110\" />\n",
" <use x=\"55.615234\" xlink:href=\"#ArialMT-61\" />\n",
" <use x=\"114.013672\" xlink:href=\"#ArialMT-49\" />\n",
" <use x=\"169.628906\" xlink:href=\"#ArialMT-52\" />\n",
" <use x=\"225.244141\" xlink:href=\"#ArialMT-52\" />\n",
" </g>\n",
" \n",
" <defs>\n",
" <path d=\"M 7.03125 46.234375 L 4.59375 59.859375 L 4.59375 71.578125 L 14.59375 71.578125 L 14.59375 59.859375 L 12.40625 46.234375 z M 23.1875 46.234375 L 20.796875 59.859375 L 20.796875 71.578125 L 30.8125 71.578125 L 30.8125 59.859375 L 28.46875 46.234375 z \" id=\"ArialMT-34\" />\n",
" <path d=\"M 40.234375 0 L 40.234375 6.546875 Q 35.296875 -1.171875 25.734375 -1.171875 Q 19.53125 -1.171875 14.328125 2.25 Q 9.125 5.671875 6.265625 11.796875 Q 3.421875 17.921875 3.421875 25.875 Q 3.421875 33.640625 6 39.96875 Q 8.59375 46.296875 13.765625 49.65625 Q 18.953125 53.03125 25.34375 53.03125 Q 30.03125 53.03125 33.6875 51.046875 Q 37.359375 49.078125 39.65625 45.90625 L 39.65625 71.578125 L 48.390625 71.578125 L 48.390625 0 z M 12.453125 25.875 Q 12.453125 15.921875 16.640625 10.984375 Q 20.84375 6.0625 26.5625 6.0625 Q 32.328125 6.0625 36.34375 10.765625 Q 40.375 15.484375 40.375 25.140625 Q 40.375 35.796875 36.265625 40.765625 Q 32.171875 45.75 26.171875 45.75 Q 20.3125 45.75 16.375 40.96875 Q 12.453125 36.1875 12.453125 25.875 z \" id=\"ArialMT-100\" />\n",
" <path d=\"M 3.328125 25.921875 Q 3.328125 40.328125 11.328125 47.265625 Q 18.015625 53.03125 27.640625 53.03125 Q 38.328125 53.03125 45.109375 46.015625 Q 51.90625 39.015625 51.90625 26.65625 Q 51.90625 16.65625 48.90625 10.90625 Q 45.90625 5.171875 40.15625 2 Q 34.421875 -1.171875 27.640625 -1.171875 Q 16.75 -1.171875 10.03125 5.8125 Q 3.328125 12.796875 3.328125 25.921875 z M 12.359375 25.921875 Q 12.359375 15.96875 16.703125 11.015625 Q 21.046875 6.0625 27.640625 6.0625 Q 34.1875 6.0625 38.53125 11.03125 Q 42.875 16.015625 42.875 26.21875 Q 42.875 35.84375 38.5 40.796875 Q 34.125 45.75 27.640625 45.75 Q 21.046875 45.75 16.703125 40.8125 Q 12.359375 35.890625 12.359375 25.921875 z \" id=\"ArialMT-111\" />\n",
" <path d=\"M 42.09375 16.703125 L 51.171875 15.578125 Q 49.03125 7.625 43.21875 3.21875 Q 37.40625 -1.171875 28.375 -1.171875 Q 17 -1.171875 10.328125 5.828125 Q 3.65625 12.84375 3.65625 25.484375 Q 3.65625 38.578125 10.390625 45.796875 Q 17.140625 53.03125 27.875 53.03125 Q 38.28125 53.03125 44.875 45.953125 Q 51.46875 38.875 51.46875 26.03125 Q 51.46875 25.25 51.421875 23.6875 L 12.75 23.6875 Q 13.234375 15.140625 17.578125 10.59375 Q 21.921875 6.0625 28.421875 6.0625 Q 33.25 6.0625 36.671875 8.59375 Q 40.09375 11.140625 42.09375 16.703125 z M 13.234375 30.90625 L 42.1875 30.90625 Q 41.609375 37.453125 38.875 40.71875 Q 34.671875 45.796875 27.984375 45.796875 Q 21.921875 45.796875 17.796875 41.75 Q 13.671875 37.703125 13.234375 30.90625 z \" id=\"ArialMT-101\" />\n",
" <path d=\"M 3.078125 15.484375 L 11.765625 16.84375 Q 12.5 11.625 15.84375 8.84375 Q 19.1875 6.0625 25.203125 6.0625 Q 31.25 6.0625 34.171875 8.515625 Q 37.109375 10.984375 37.109375 14.3125 Q 37.109375 17.28125 34.515625 19 Q 32.71875 20.171875 25.53125 21.96875 Q 15.875 24.421875 12.140625 26.203125 Q 8.40625 27.984375 6.46875 31.125 Q 4.546875 34.28125 4.546875 38.09375 Q 4.546875 41.546875 6.125 44.5 Q 7.71875 47.46875 10.453125 49.421875 Q 12.5 50.921875 16.03125 51.96875 Q 19.578125 53.03125 23.640625 53.03125 Q 29.734375 53.03125 34.34375 51.265625 Q 38.96875 49.515625 41.15625 46.5 Q 43.359375 43.5 44.1875 38.484375 L 35.59375 37.3125 Q 35.015625 41.3125 32.203125 43.546875 Q 29.390625 45.796875 24.265625 45.796875 Q 18.21875 45.796875 15.625 43.796875 Q 13.03125 41.796875 13.03125 39.109375 Q 13.03125 37.40625 14.109375 36.03125 Q 15.1875 34.625 17.484375 33.6875 Q 18.796875 33.203125 25.25 31.453125 Q 34.578125 28.953125 38.25 27.359375 Q 41.9375 25.78125 44.03125 22.75 Q 46.140625 19.734375 46.140625 15.234375 Q 46.140625 10.84375 43.578125 6.953125 Q 41.015625 3.078125 36.171875 0.953125 Q 31.34375 -1.171875 25.25 -1.171875 Q 15.140625 -1.171875 9.84375 3.03125 Q 4.546875 7.234375 3.078125 15.484375 z \" id=\"ArialMT-115\" />\n",
" <path id=\"ArialMT-32\" />\n",
" <path d=\"M 25.78125 7.859375 L 27.046875 0.09375 Q 23.34375 -0.6875 20.40625 -0.6875 Q 15.625 -0.6875 12.984375 0.828125 Q 10.359375 2.34375 9.28125 4.8125 Q 8.203125 7.28125 8.203125 15.1875 L 8.203125 45.015625 L 1.765625 45.015625 L 1.765625 51.859375 L 8.203125 51.859375 L 8.203125 64.703125 L 16.9375 69.96875 L 16.9375 51.859375 L 25.78125 51.859375 L 25.78125 45.015625 L 16.9375 45.015625 L 16.9375 14.703125 Q 16.9375 10.9375 17.40625 9.859375 Q 17.875 8.796875 18.921875 8.15625 Q 19.96875 7.515625 21.921875 7.515625 Q 23.390625 7.515625 25.78125 7.859375 z \" id=\"ArialMT-116\" />\n",
" <path d=\"M 40.4375 19 L 49.078125 17.875 Q 47.65625 8.9375 41.8125 3.875 Q 35.984375 -1.171875 27.484375 -1.171875 Q 16.84375 -1.171875 10.375 5.78125 Q 3.90625 12.75 3.90625 25.734375 Q 3.90625 34.125 6.6875 40.421875 Q 9.46875 46.734375 15.15625 49.875 Q 20.84375 53.03125 27.546875 53.03125 Q 35.984375 53.03125 41.359375 48.75 Q 46.734375 44.484375 48.25 36.625 L 39.703125 35.296875 Q 38.484375 40.53125 35.375 43.15625 Q 32.28125 45.796875 27.875 45.796875 Q 21.234375 45.796875 17.078125 41.03125 Q 12.9375 36.28125 12.9375 25.984375 Q 12.9375 15.53125 16.9375 10.796875 Q 20.953125 6.0625 27.390625 6.0625 Q 32.5625 6.0625 36.03125 9.234375 Q 39.5 12.40625 40.4375 19 z \" id=\"ArialMT-99\" />\n",
" <path d=\"M 40.4375 6.390625 Q 35.546875 2.25 31.03125 0.53125 Q 26.515625 -1.171875 21.34375 -1.171875 Q 12.796875 -1.171875 8.203125 3 Q 3.609375 7.171875 3.609375 13.671875 Q 3.609375 17.484375 5.34375 20.625 Q 7.078125 23.78125 9.890625 25.6875 Q 12.703125 27.59375 16.21875 28.5625 Q 18.796875 29.25 24.03125 29.890625 Q 34.671875 31.15625 39.703125 32.90625 Q 39.75 34.71875 39.75 35.203125 Q 39.75 40.578125 37.25 42.78125 Q 33.890625 45.75 27.25 45.75 Q 21.046875 45.75 18.09375 43.578125 Q 15.140625 41.40625 13.71875 35.890625 L 5.125 37.0625 Q 6.296875 42.578125 8.984375 45.96875 Q 11.671875 49.359375 16.75 51.1875 Q 21.828125 53.03125 28.515625 53.03125 Q 35.15625 53.03125 39.296875 51.46875 Q 43.453125 49.90625 45.40625 47.53125 Q 47.359375 45.171875 48.140625 41.546875 Q 48.578125 39.3125 48.578125 33.453125 L 48.578125 21.734375 Q 48.578125 9.46875 49.140625 6.21875 Q 49.703125 2.984375 51.375 0 L 42.1875 0 Q 40.828125 2.734375 40.4375 6.390625 z M 39.703125 26.03125 Q 34.90625 24.078125 25.34375 22.703125 Q 19.921875 21.921875 17.671875 20.9375 Q 15.4375 19.96875 14.203125 18.09375 Q 12.984375 16.21875 12.984375 13.921875 Q 12.984375 10.40625 15.640625 8.0625 Q 18.3125 5.71875 23.4375 5.71875 Q 28.515625 5.71875 32.46875 7.9375 Q 36.421875 10.15625 38.28125 14.015625 Q 39.703125 17 39.703125 22.796875 z \" id=\"ArialMT-97\" />\n",
" <path d=\"M 6.640625 61.46875 L 6.640625 71.578125 L 15.4375 71.578125 L 15.4375 61.46875 z M 6.640625 0 L 6.640625 51.859375 L 15.4375 51.859375 L 15.4375 0 z \" id=\"ArialMT-105\" />\n",
" <path d=\"M 6.59375 -19.875 L 6.59375 51.859375 L 14.59375 51.859375 L 14.59375 45.125 Q 17.4375 49.078125 21 51.046875 Q 24.5625 53.03125 29.640625 53.03125 Q 36.28125 53.03125 41.359375 49.609375 Q 46.4375 46.1875 49.015625 39.953125 Q 51.609375 33.734375 51.609375 26.3125 Q 51.609375 18.359375 48.75 11.984375 Q 45.90625 5.609375 40.453125 2.21875 Q 35.015625 -1.171875 29 -1.171875 Q 24.609375 -1.171875 21.109375 0.6875 Q 17.625 2.546875 15.375 5.375 L 15.375 -19.875 z M 14.546875 25.640625 Q 14.546875 15.625 18.59375 10.84375 Q 22.65625 6.0625 28.421875 6.0625 Q 34.28125 6.0625 38.453125 11.015625 Q 42.625 15.96875 42.625 26.375 Q 42.625 36.28125 38.546875 41.203125 Q 34.46875 46.140625 28.8125 46.140625 Q 23.1875 46.140625 18.859375 40.890625 Q 14.546875 35.640625 14.546875 25.640625 z \" id=\"ArialMT-112\" />\n",
" <path d=\"M 14.703125 0 L 6.546875 0 L 6.546875 71.578125 L 15.328125 71.578125 L 15.328125 46.046875 Q 20.90625 53.03125 29.546875 53.03125 Q 34.328125 53.03125 38.59375 51.09375 Q 42.875 49.171875 45.625 45.671875 Q 48.390625 42.1875 49.953125 37.25 Q 51.515625 32.328125 51.515625 26.703125 Q 51.515625 13.375 44.921875 6.09375 Q 38.328125 -1.171875 29.109375 -1.171875 Q 19.921875 -1.171875 14.703125 6.5 z M 14.59375 26.3125 Q 14.59375 17 17.140625 12.84375 Q 21.296875 6.0625 28.375 6.0625 Q 34.125 6.0625 38.328125 11.0625 Q 42.53125 16.0625 42.53125 25.984375 Q 42.53125 36.140625 38.5 40.96875 Q 34.46875 45.796875 28.765625 45.796875 Q 23 45.796875 18.796875 40.796875 Q 14.59375 35.796875 14.59375 26.3125 z \" id=\"ArialMT-98\" />\n",
" <path d=\"M 6.390625 0 L 6.390625 71.578125 L 15.1875 71.578125 L 15.1875 0 z \" id=\"ArialMT-108\" />\n",
" </defs>\n",
" <g style=\"fill:#444443;\" transform=\"translate(0 97.622019)scale(0.09 -0.09)\">\n",
" <use xlink:href=\"#ArialMT-34\" />\n",
" <use x=\"35.498047\" xlink:href=\"#ArialMT-100\" />\n",
" <use x=\"91.113281\" xlink:href=\"#ArialMT-111\" />\n",
" <use x=\"146.728516\" xlink:href=\"#ArialMT-101\" />\n",
" <use x=\"202.34375\" xlink:href=\"#ArialMT-115\" />\n",
" <use x=\"252.34375\" xlink:href=\"#ArialMT-32\" />\n",
" <use x=\"280.126953\" xlink:href=\"#ArialMT-110\" />\n",
" <use x=\"335.742188\" xlink:href=\"#ArialMT-111\" />\n",
" <use x=\"391.357422\" xlink:href=\"#ArialMT-116\" />\n",
" <use x=\"419.140625\" xlink:href=\"#ArialMT-32\" />\n",
" <use x=\"446.923828\" xlink:href=\"#ArialMT-99\" />\n",
" <use x=\"496.923828\" xlink:href=\"#ArialMT-111\" />\n",
" <use x=\"552.539062\" xlink:href=\"#ArialMT-110\" />\n",
" <use x=\"608.154297\" xlink:href=\"#ArialMT-116\" />\n",
" <use x=\"635.9375\" xlink:href=\"#ArialMT-97\" />\n",
" <use x=\"691.552734\" xlink:href=\"#ArialMT-105\" />\n",
" <use x=\"713.769531\" xlink:href=\"#ArialMT-110\" />\n",
" <use x=\"769.384766\" xlink:href=\"#ArialMT-32\" />\n",
" <use x=\"797.167969\" xlink:href=\"#ArialMT-112\" />\n",
" <use x=\"852.783203\" xlink:href=\"#ArialMT-97\" />\n",
" <use x=\"908.398438\" xlink:href=\"#ArialMT-99\" />\n",
" <use x=\"958.398438\" xlink:href=\"#ArialMT-98\" />\n",
" <use x=\"1014.013672\" xlink:href=\"#ArialMT-105\" />\n",
" <use x=\"1036.230469\" xlink:href=\"#ArialMT-111\" />\n",
" <use x=\"1091.845703\" xlink:href=\"#ArialMT-32\" />\n",
" <use x=\"1119.628906\" xlink:href=\"#ArialMT-99\" />\n",
" <use x=\"1169.628906\" xlink:href=\"#ArialMT-97\" />\n",
" <use x=\"1225.244141\" xlink:href=\"#ArialMT-108\" />\n",
" <use x=\"1247.460938\" xlink:href=\"#ArialMT-108\" />\n",
" <use x=\"1269.677734\" xlink:href=\"#ArialMT-34\" />\n",
" </g>\n",
" </g>\n",
" </g>\n",
" </g>\n",
"</svg></g>\n",
"\n",
"<g class=\"edge\" id=\"edge4\"><title>node1-&gt;leaf2</title>\n",
"<path d=\"M160.375,-377.95C150.079,-370.342 139.654,-362.638 129.642,-355.241\" fill=\"none\" stroke=\"#444443\" stroke-width=\"0.3\" />\n",
"<polygon fill=\"#444443\" points=\"130.313,-353.996 126.264,-352.745 128.649,-356.248 130.313,-353.996\" stroke=\"#444443\" />\n",
"</g>\n",
"\n",
"<g class=\"edge\" id=\"edge5\"><title>node1-&gt;node3</title>\n",
"<path d=\"M243,-377.95C243,-366.616 243,-355.07 243,-344.64\" fill=\"none\" stroke=\"#444443\" stroke-width=\"0.3\" />\n",
"<polygon fill=\"#444443\" points=\"244.4,-344.548 243,-340.548 241.6,-344.548 244.4,-344.548\" stroke=\"#444443\" />\n",
"</g>\n",
"\n",
"<g class=\"node\" id=\"node8\"><title>node6</title>\n",
"<svg height=\"108px\" preserveAspectRatio=\"xMinYMin meet\" version=\"1.1\" viewBox=\"0 0 201.32 107.868535\" width=\"202px\" x=\"486.5\" y=\"-493.5\">\n",
" <defs>\n",
" <style type=\"text/css\">\n",
"*{stroke-linecap:butt;stroke-linejoin:round;}\n",
" </style>\n",
" </defs>\n",
" <g id=\"figure_1\">\n",
" <g id=\"patch_1\">\n",
" <path d=\"M 0 107.868535 L 201.32 107.868535 L 201.32 0 L 0 0 z \" style=\"fill:#ffffff;\" />\n",
" </g>\n",
" <g id=\"axes_1\">\n",
" <g id=\"patch_2\">\n",
" <path d=\"M 17.18 77.97541 L 201.32 77.97541 L 201.32 0 L 17.18 0 z \" style=\"fill:#ffffff;\" />\n",
" </g>\n",
" <g id=\"patch_3\">\n",
" <path clip-path=\"url(#p7bfc082fbf)\" d=\"M 22.460843 77.97541 L 31.260775 77.97541 L 31.260775 77.97541 L 22.460843 77.97541 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_4\">\n",
" <path clip-path=\"url(#p7bfc082fbf)\" d=\"M 31.260775 77.97541 L 40.060706 77.97541 L 40.060706 77.97541 L 31.260775 77.97541 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_5\">\n",
" <path clip-path=\"url(#p7bfc082fbf)\" d=\"M 40.060706 77.97541 L 48.860637 77.97541 L 48.860637 77.97541 L 40.060706 77.97541 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_6\">\n",
" <path clip-path=\"url(#p7bfc082fbf)\" d=\"M 48.860637 77.97541 L 57.660569 77.97541 L 57.660569 76.737705 L 48.860637 76.737705 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_7\">\n",
" <path clip-path=\"url(#p7bfc082fbf)\" d=\"M 57.660569 77.97541 L 66.4605 77.97541 L 66.4605 60.647541 L 57.660569 60.647541 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_8\">\n",
" <path clip-path=\"url(#p7bfc082fbf)\" d=\"M 66.4605 77.97541 L 75.260431 77.97541 L 75.260431 61.885246 L 66.4605 61.885246 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_9\">\n",
" <path clip-path=\"url(#p7bfc082fbf)\" d=\"M 75.260431 77.97541 L 84.060362 77.97541 L 84.060362 74.262295 L 75.260431 74.262295 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_10\">\n",
" <path clip-path=\"url(#p7bfc082fbf)\" d=\"M 84.060362 77.97541 L 92.860294 77.97541 L 92.860294 75.5 L 84.060362 75.5 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_11\">\n",
" <path clip-path=\"url(#p7bfc082fbf)\" d=\"M 92.860294 77.97541 L 101.660225 77.97541 L 101.660225 76.737705 L 92.860294 76.737705 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_12\">\n",
" <path clip-path=\"url(#p7bfc082fbf)\" d=\"M 101.660225 77.97541 L 110.460156 77.97541 L 110.460156 75.5 L 101.660225 75.5 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_13\">\n",
" <path clip-path=\"url(#p7bfc082fbf)\" d=\"M 110.460156 77.97541 L 119.260088 77.97541 L 119.260088 77.97541 L 110.460156 77.97541 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_14\">\n",
" <path clip-path=\"url(#p7bfc082fbf)\" d=\"M 119.260088 77.97541 L 128.060019 77.97541 L 128.060019 77.97541 L 119.260088 77.97541 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_15\">\n",
" <path clip-path=\"url(#p7bfc082fbf)\" d=\"M 128.060019 77.97541 L 136.85995 77.97541 L 136.85995 77.97541 L 128.060019 77.97541 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_16\">\n",
" <path clip-path=\"url(#p7bfc082fbf)\" d=\"M 136.85995 77.97541 L 145.659882 77.97541 L 145.659882 77.97541 L 136.85995 77.97541 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_17\">\n",
" <path clip-path=\"url(#p7bfc082fbf)\" d=\"M 145.659882 77.97541 L 154.459813 77.97541 L 154.459813 77.97541 L 145.659882 77.97541 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_18\">\n",
" <path clip-path=\"url(#p7bfc082fbf)\" d=\"M 154.459813 77.97541 L 163.259744 77.97541 L 163.259744 77.97541 L 154.459813 77.97541 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_19\">\n",
" <path clip-path=\"url(#p7bfc082fbf)\" d=\"M 163.259744 77.97541 L 172.059676 77.97541 L 172.059676 77.97541 L 163.259744 77.97541 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_20\">\n",
" <path clip-path=\"url(#p7bfc082fbf)\" d=\"M 172.059676 77.97541 L 180.859607 77.97541 L 180.859607 77.97541 L 172.059676 77.97541 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_21\">\n",
" <path clip-path=\"url(#p7bfc082fbf)\" d=\"M 180.859607 77.97541 L 189.659538 77.97541 L 189.659538 77.97541 L 180.859607 77.97541 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_22\">\n",
" <path clip-path=\"url(#p7bfc082fbf)\" d=\"M 22.460843 77.97541 L 31.260775 77.97541 L 31.260775 77.97541 L 22.460843 77.97541 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_23\">\n",
" <path clip-path=\"url(#p7bfc082fbf)\" d=\"M 31.260775 77.97541 L 40.060706 77.97541 L 40.060706 77.97541 L 31.260775 77.97541 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_24\">\n",
" <path clip-path=\"url(#p7bfc082fbf)\" d=\"M 40.060706 77.97541 L 48.860637 77.97541 L 48.860637 77.97541 L 40.060706 77.97541 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_25\">\n",
" <path clip-path=\"url(#p7bfc082fbf)\" d=\"M 48.860637 76.737705 L 57.660569 76.737705 L 57.660569 74.262295 L 48.860637 74.262295 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_26\">\n",
" <path clip-path=\"url(#p7bfc082fbf)\" d=\"M 57.660569 60.647541 L 66.4605 60.647541 L 66.4605 33.418033 L 57.660569 33.418033 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_27\">\n",
" <path clip-path=\"url(#p7bfc082fbf)\" d=\"M 66.4605 61.885246 L 75.260431 61.885246 L 75.260431 3.713115 L 66.4605 3.713115 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_28\">\n",
" <path clip-path=\"url(#p7bfc082fbf)\" d=\"M 75.260431 74.262295 L 84.060362 74.262295 L 84.060362 24.754098 L 75.260431 24.754098 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_29\">\n",
" <path clip-path=\"url(#p7bfc082fbf)\" d=\"M 84.060362 75.5 L 92.860294 75.5 L 92.860294 45.795082 L 84.060362 45.795082 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_30\">\n",
" <path clip-path=\"url(#p7bfc082fbf)\" d=\"M 92.860294 76.737705 L 101.660225 76.737705 L 101.660225 47.032787 L 92.860294 47.032787 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_31\">\n",
" <path clip-path=\"url(#p7bfc082fbf)\" d=\"M 101.660225 75.5 L 110.460156 75.5 L 110.460156 50.745902 L 101.660225 50.745902 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_32\">\n",
" <path clip-path=\"url(#p7bfc082fbf)\" d=\"M 110.460156 77.97541 L 119.260088 77.97541 L 119.260088 76.737705 L 110.460156 76.737705 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_33\">\n",
" <path clip-path=\"url(#p7bfc082fbf)\" d=\"M 119.260088 77.97541 L 128.060019 77.97541 L 128.060019 77.97541 L 119.260088 77.97541 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_34\">\n",
" <path clip-path=\"url(#p7bfc082fbf)\" d=\"M 128.060019 77.97541 L 136.85995 77.97541 L 136.85995 75.5 L 128.060019 75.5 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_35\">\n",
" <path clip-path=\"url(#p7bfc082fbf)\" d=\"M 136.85995 77.97541 L 145.659882 77.97541 L 145.659882 77.97541 L 136.85995 77.97541 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_36\">\n",
" <path clip-path=\"url(#p7bfc082fbf)\" d=\"M 145.659882 77.97541 L 154.459813 77.97541 L 154.459813 77.97541 L 145.659882 77.97541 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_37\">\n",
" <path clip-path=\"url(#p7bfc082fbf)\" d=\"M 154.459813 77.97541 L 163.259744 77.97541 L 163.259744 77.97541 L 154.459813 77.97541 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_38\">\n",
" <path clip-path=\"url(#p7bfc082fbf)\" d=\"M 163.259744 77.97541 L 172.059676 77.97541 L 172.059676 77.97541 L 163.259744 77.97541 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_39\">\n",
" <path clip-path=\"url(#p7bfc082fbf)\" d=\"M 172.059676 77.97541 L 180.859607 77.97541 L 180.859607 77.97541 L 172.059676 77.97541 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_40\">\n",
" <path clip-path=\"url(#p7bfc082fbf)\" d=\"M 180.859607 77.97541 L 189.659538 77.97541 L 189.659538 76.737705 L 180.859607 76.737705 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_41\">\n",
" <path d=\"M 70.563594 78.79081 L 67.249074 86.12941 L 73.878114 86.12941 z \" style=\"fill:#444443;\" />\n",
" </g>\n",
" <g id=\"matplotlib.axis_1\">\n",
" <g id=\"xtick_1\">\n",
" <g id=\"line2d_1\">\n",
" <defs>\n",
" <path d=\"M 0 0 L 0 3.5 \" id=\"m3d0151ec2e\" style=\"stroke:#000000;stroke-width:0.3;\" />\n",
" </defs>\n",
" <g>\n",
" <use style=\"stroke:#000000;stroke-width:0.3;\" x=\"22.460843\" y=\"77.97541\" xlink:href=\"#m3d0151ec2e\" />\n",
" </g>\n",
" </g>\n",
" <g id=\"text_1\">\n",
" \n",
" <defs>\n",
" <path d=\"M 12.40625 8.296875 L 28.515625 8.296875 L 28.515625 63.921875 L 10.984375 60.40625 L 10.984375 69.390625 L 28.421875 72.90625 L 38.28125 72.90625 L 38.28125 8.296875 L 54.390625 8.296875 L 54.390625 0 L 12.40625 0 z \" id=\"DejaVuSans-49\" />\n",
" <path d=\"M 10.6875 12.40625 L 21 12.40625 L 21 0 L 10.6875 0 z \" id=\"DejaVuSans-46\" />\n",
" <path d=\"M 40.578125 39.3125 Q 47.65625 37.796875 51.625 33 Q 55.609375 28.21875 55.609375 21.1875 Q 55.609375 10.40625 48.1875 4.484375 Q 40.765625 -1.421875 27.09375 -1.421875 Q 22.515625 -1.421875 17.65625 -0.515625 Q 12.796875 0.390625 7.625 2.203125 L 7.625 11.71875 Q 11.71875 9.328125 16.59375 8.109375 Q 21.484375 6.890625 26.8125 6.890625 Q 36.078125 6.890625 40.9375 10.546875 Q 45.796875 14.203125 45.796875 21.1875 Q 45.796875 27.640625 41.28125 31.265625 Q 36.765625 34.90625 28.71875 34.90625 L 20.21875 34.90625 L 20.21875 43.015625 L 29.109375 43.015625 Q 36.375 43.015625 40.234375 45.921875 Q 44.09375 48.828125 44.09375 54.296875 Q 44.09375 59.90625 40.109375 62.90625 Q 36.140625 65.921875 28.71875 65.921875 Q 24.65625 65.921875 20.015625 65.03125 Q 15.375 64.15625 9.8125 62.3125 L 9.8125 71.09375 Q 15.4375 72.65625 20.34375 73.4375 Q 25.25 74.21875 29.59375 74.21875 Q 40.828125 74.21875 47.359375 69.109375 Q 53.90625 64.015625 53.90625 55.328125 Q 53.90625 49.265625 50.4375 45.09375 Q 46.96875 40.921875 40.578125 39.3125 z \" id=\"DejaVuSans-51\" />\n",
" <path d=\"M 10.984375 1.515625 L 10.984375 10.5 Q 14.703125 8.734375 18.5 7.8125 Q 22.3125 6.890625 25.984375 6.890625 Q 35.75 6.890625 40.890625 13.453125 Q 46.046875 20.015625 46.78125 33.40625 Q 43.953125 29.203125 39.59375 26.953125 Q 35.25 24.703125 29.984375 24.703125 Q 19.046875 24.703125 12.671875 31.3125 Q 6.296875 37.9375 6.296875 49.421875 Q 6.296875 60.640625 12.9375 67.421875 Q 19.578125 74.21875 30.609375 74.21875 Q 43.265625 74.21875 49.921875 64.515625 Q 56.59375 54.828125 56.59375 36.375 Q 56.59375 19.140625 48.40625 8.859375 Q 40.234375 -1.421875 26.421875 -1.421875 Q 22.703125 -1.421875 18.890625 -0.6875 Q 15.09375 0.046875 10.984375 1.515625 z M 30.609375 32.421875 Q 37.25 32.421875 41.125 36.953125 Q 45.015625 41.5 45.015625 49.421875 Q 45.015625 57.28125 41.125 61.84375 Q 37.25 66.40625 30.609375 66.40625 Q 23.96875 66.40625 20.09375 61.84375 Q 16.21875 57.28125 16.21875 49.421875 Q 16.21875 41.5 20.09375 36.953125 Q 23.96875 32.421875 30.609375 32.421875 z \" id=\"DejaVuSans-57\" />\n",
" <path d=\"M 31.78125 34.625 Q 24.75 34.625 20.71875 30.859375 Q 16.703125 27.09375 16.703125 20.515625 Q 16.703125 13.921875 20.71875 10.15625 Q 24.75 6.390625 31.78125 6.390625 Q 38.8125 6.390625 42.859375 10.171875 Q 46.921875 13.96875 46.921875 20.515625 Q 46.921875 27.09375 42.890625 30.859375 Q 38.875 34.625 31.78125 34.625 z M 21.921875 38.8125 Q 15.578125 40.375 12.03125 44.71875 Q 8.5 49.078125 8.5 55.328125 Q 8.5 64.0625 14.71875 69.140625 Q 20.953125 74.21875 31.78125 74.21875 Q 42.671875 74.21875 48.875 69.140625 Q 55.078125 64.0625 55.078125 55.328125 Q 55.078125 49.078125 51.53125 44.71875 Q 48 40.375 41.703125 38.8125 Q 48.828125 37.15625 52.796875 32.3125 Q 56.78125 27.484375 56.78125 20.515625 Q 56.78125 9.90625 50.3125 4.234375 Q 43.84375 -1.421875 31.78125 -1.421875 Q 19.734375 -1.421875 13.25 4.234375 Q 6.78125 9.90625 6.78125 20.515625 Q 6.78125 27.484375 10.78125 32.3125 Q 14.796875 37.15625 21.921875 38.8125 z M 18.3125 54.390625 Q 18.3125 48.734375 21.84375 45.5625 Q 25.390625 42.390625 31.78125 42.390625 Q 38.140625 42.390625 41.71875 45.5625 Q 45.3125 48.734375 45.3125 54.390625 Q 45.3125 60.0625 41.71875 63.234375 Q 38.140625 66.40625 31.78125 66.40625 Q 25.390625 66.40625 21.84375 63.234375 Q 18.3125 60.0625 18.3125 54.390625 z \" id=\"DejaVuSans-56\" />\n",
" </defs>\n",
" <g style=\"fill:#444443;\" transform=\"translate(11.009593 91.05416)scale(0.08 -0.08)\">\n",
" <use xlink:href=\"#DejaVuSans-49\" />\n",
" <use x=\"63.623047\" xlink:href=\"#DejaVuSans-46\" />\n",
" <use x=\"95.410156\" xlink:href=\"#DejaVuSans-51\" />\n",
" <use x=\"159.033203\" xlink:href=\"#DejaVuSans-57\" />\n",
" <use x=\"222.65625\" xlink:href=\"#DejaVuSans-56\" />\n",
" </g>\n",
" </g>\n",
" </g>\n",
" <g id=\"xtick_2\">\n",
" <g id=\"line2d_2\">\n",
" <g>\n",
" <use style=\"stroke:#000000;stroke-width:0.3;\" x=\"189.659538\" y=\"77.97541\" xlink:href=\"#m3d0151ec2e\" />\n",
" </g>\n",
" </g>\n",
" <g id=\"text_2\">\n",
" \n",
" <defs>\n",
" <path d=\"M 37.796875 64.3125 L 12.890625 25.390625 L 37.796875 25.390625 z M 35.203125 72.90625 L 47.609375 72.90625 L 47.609375 25.390625 L 58.015625 25.390625 L 58.015625 17.1875 L 47.609375 17.1875 L 47.609375 0 L 37.796875 0 L 37.796875 17.1875 L 4.890625 17.1875 L 4.890625 26.703125 z \" id=\"DejaVuSans-52\" />\n",
" </defs>\n",
" <g style=\"fill:#444443;\" transform=\"translate(178.208288 91.05416)scale(0.08 -0.08)\">\n",
" <use xlink:href=\"#DejaVuSans-52\" />\n",
" <use x=\"63.623047\" xlink:href=\"#DejaVuSans-46\" />\n",
" <use x=\"95.410156\" xlink:href=\"#DejaVuSans-57\" />\n",
" <use x=\"159.033203\" xlink:href=\"#DejaVuSans-51\" />\n",
" <use x=\"222.65625\" xlink:href=\"#DejaVuSans-57\" />\n",
" </g>\n",
" </g>\n",
" </g>\n",
" <g id=\"text_3\">\n",
" \n",
" <defs>\n",
" <path d=\"M 6.390625 0 L 6.390625 71.578125 L 15.1875 71.578125 L 15.1875 0 z \" id=\"ArialMT-108\" />\n",
" <path d=\"M 3.328125 25.921875 Q 3.328125 40.328125 11.328125 47.265625 Q 18.015625 53.03125 27.640625 53.03125 Q 38.328125 53.03125 45.109375 46.015625 Q 51.90625 39.015625 51.90625 26.65625 Q 51.90625 16.65625 48.90625 10.90625 Q 45.90625 5.171875 40.15625 2 Q 34.421875 -1.171875 27.640625 -1.171875 Q 16.75 -1.171875 10.03125 5.8125 Q 3.328125 12.796875 3.328125 25.921875 z M 12.359375 25.921875 Q 12.359375 15.96875 16.703125 11.015625 Q 21.046875 6.0625 27.640625 6.0625 Q 34.1875 6.0625 38.53125 11.03125 Q 42.875 16.015625 42.875 26.21875 Q 42.875 35.84375 38.5 40.796875 Q 34.125 45.75 27.640625 45.75 Q 21.046875 45.75 16.703125 40.8125 Q 12.359375 35.890625 12.359375 25.921875 z \" id=\"ArialMT-111\" />\n",
" <path d=\"M 4.984375 -4.296875 L 13.53125 -5.5625 Q 14.0625 -9.515625 16.5 -11.328125 Q 19.78125 -13.765625 25.4375 -13.765625 Q 31.546875 -13.765625 34.859375 -11.328125 Q 38.1875 -8.890625 39.359375 -4.5 Q 40.046875 -1.8125 39.984375 6.78125 Q 34.234375 0 25.640625 0 Q 14.9375 0 9.078125 7.71875 Q 3.21875 15.4375 3.21875 26.21875 Q 3.21875 33.640625 5.90625 39.90625 Q 8.59375 46.1875 13.6875 49.609375 Q 18.796875 53.03125 25.6875 53.03125 Q 34.859375 53.03125 40.828125 45.609375 L 40.828125 51.859375 L 48.921875 51.859375 L 48.921875 7.03125 Q 48.921875 -5.078125 46.453125 -10.125 Q 44 -15.1875 38.640625 -18.109375 Q 33.296875 -21.046875 25.484375 -21.046875 Q 16.21875 -21.046875 10.5 -16.875 Q 4.78125 -12.703125 4.984375 -4.296875 z M 12.25 26.859375 Q 12.25 16.65625 16.296875 11.96875 Q 20.359375 7.28125 26.46875 7.28125 Q 32.515625 7.28125 36.609375 11.9375 Q 40.71875 16.609375 40.71875 26.5625 Q 40.71875 36.078125 36.5 40.90625 Q 32.28125 45.75 26.3125 45.75 Q 20.453125 45.75 16.34375 40.984375 Q 12.25 36.234375 12.25 26.859375 z \" id=\"ArialMT-103\" />\n",
" <path d=\"M 37.25 0 L 28.46875 0 L 28.46875 56 Q 25.296875 52.984375 20.140625 49.953125 Q 14.984375 46.921875 10.890625 45.40625 L 10.890625 53.90625 Q 18.265625 57.375 23.78125 62.296875 Q 29.296875 67.234375 31.59375 71.875 L 37.25 71.875 z \" id=\"ArialMT-49\" />\n",
" <path d=\"M 4.15625 35.296875 Q 4.15625 48 6.765625 55.734375 Q 9.375 63.484375 14.515625 67.671875 Q 19.671875 71.875 27.484375 71.875 Q 33.25 71.875 37.59375 69.546875 Q 41.9375 67.234375 44.765625 62.859375 Q 47.609375 58.5 49.21875 52.21875 Q 50.828125 45.953125 50.828125 35.296875 Q 50.828125 22.703125 48.234375 14.96875 Q 45.65625 7.234375 40.5 3 Q 35.359375 -1.21875 27.484375 -1.21875 Q 17.140625 -1.21875 11.234375 6.203125 Q 4.15625 15.140625 4.15625 35.296875 z M 13.1875 35.296875 Q 13.1875 17.671875 17.3125 11.828125 Q 21.4375 6 27.484375 6 Q 33.546875 6 37.671875 11.859375 Q 41.796875 17.71875 41.796875 35.296875 Q 41.796875 52.984375 37.671875 58.78125 Q 33.546875 64.59375 27.390625 64.59375 Q 21.34375 64.59375 17.71875 59.46875 Q 13.1875 52.9375 13.1875 35.296875 z \" id=\"ArialMT-48\" />\n",
" <path d=\"M -1.515625 -19.875 L -1.515625 -13.53125 L 56.734375 -13.53125 L 56.734375 -19.875 z \" id=\"ArialMT-95\" />\n",
" <path d=\"M 42.09375 16.703125 L 51.171875 15.578125 Q 49.03125 7.625 43.21875 3.21875 Q 37.40625 -1.171875 28.375 -1.171875 Q 17 -1.171875 10.328125 5.828125 Q 3.65625 12.84375 3.65625 25.484375 Q 3.65625 38.578125 10.390625 45.796875 Q 17.140625 53.03125 27.875 53.03125 Q 38.28125 53.03125 44.875 45.953125 Q 51.46875 38.875 51.46875 26.03125 Q 51.46875 25.25 51.421875 23.6875 L 12.75 23.6875 Q 13.234375 15.140625 17.578125 10.59375 Q 21.921875 6.0625 28.421875 6.0625 Q 33.25 6.0625 36.671875 8.59375 Q 40.09375 11.140625 42.09375 16.703125 z M 13.234375 30.90625 L 42.1875 30.90625 Q 41.609375 37.453125 38.875 40.71875 Q 34.671875 45.796875 27.984375 45.796875 Q 21.921875 45.796875 17.796875 41.75 Q 13.671875 37.703125 13.234375 30.90625 z \" id=\"ArialMT-101\" />\n",
" <path d=\"M 6.59375 0 L 6.59375 51.859375 L 14.5 51.859375 L 14.5 44.484375 Q 20.21875 53.03125 31 53.03125 Q 35.6875 53.03125 39.625 51.34375 Q 43.5625 49.65625 45.515625 46.921875 Q 47.46875 44.1875 48.25 40.4375 Q 48.734375 37.984375 48.734375 31.890625 L 48.734375 0 L 39.9375 0 L 39.9375 31.546875 Q 39.9375 36.921875 38.90625 39.578125 Q 37.890625 42.234375 35.28125 43.8125 Q 32.671875 45.40625 29.15625 45.40625 Q 23.53125 45.40625 19.453125 41.84375 Q 15.375 38.28125 15.375 28.328125 L 15.375 0 z \" id=\"ArialMT-110\" />\n",
" <path d=\"M 25.78125 7.859375 L 27.046875 0.09375 Q 23.34375 -0.6875 20.40625 -0.6875 Q 15.625 -0.6875 12.984375 0.828125 Q 10.359375 2.34375 9.28125 4.8125 Q 8.203125 7.28125 8.203125 15.1875 L 8.203125 45.015625 L 1.765625 45.015625 L 1.765625 51.859375 L 8.203125 51.859375 L 8.203125 64.703125 L 16.9375 69.96875 L 16.9375 51.859375 L 25.78125 51.859375 L 25.78125 45.015625 L 16.9375 45.015625 L 16.9375 14.703125 Q 16.9375 10.9375 17.40625 9.859375 Q 17.875 8.796875 18.921875 8.15625 Q 19.96875 7.515625 21.921875 7.515625 Q 23.390625 7.515625 25.78125 7.859375 z \" id=\"ArialMT-116\" />\n",
" <path d=\"M 6.59375 0 L 6.59375 71.578125 L 15.375 71.578125 L 15.375 45.90625 Q 21.53125 53.03125 30.90625 53.03125 Q 36.671875 53.03125 40.921875 50.75 Q 45.171875 48.484375 47 44.484375 Q 48.828125 40.484375 48.828125 32.859375 L 48.828125 0 L 40.046875 0 L 40.046875 32.859375 Q 40.046875 39.453125 37.1875 42.453125 Q 34.328125 45.453125 29.109375 45.453125 Q 25.203125 45.453125 21.75 43.421875 Q 18.3125 41.40625 16.84375 37.9375 Q 15.375 34.46875 15.375 28.375 L 15.375 0 z \" id=\"ArialMT-104\" />\n",
" </defs>\n",
" <g style=\"fill:#444443;\" transform=\"translate(74.887812 105.34291)scale(0.12 -0.12)\">\n",
" <use xlink:href=\"#ArialMT-108\" />\n",
" <use x=\"22.216797\" xlink:href=\"#ArialMT-111\" />\n",
" <use x=\"77.832031\" xlink:href=\"#ArialMT-103\" />\n",
" <use x=\"133.447266\" xlink:href=\"#ArialMT-49\" />\n",
" <use x=\"189.0625\" xlink:href=\"#ArialMT-48\" />\n",
" <use x=\"244.677734\" xlink:href=\"#ArialMT-95\" />\n",
" <use x=\"300.292969\" xlink:href=\"#ArialMT-108\" />\n",
" <use x=\"322.509766\" xlink:href=\"#ArialMT-101\" />\n",
" <use x=\"378.125\" xlink:href=\"#ArialMT-110\" />\n",
" <use x=\"433.740234\" xlink:href=\"#ArialMT-103\" />\n",
" <use x=\"489.355469\" xlink:href=\"#ArialMT-116\" />\n",
" <use x=\"517.138672\" xlink:href=\"#ArialMT-104\" />\n",
" </g>\n",
" </g>\n",
" </g>\n",
" <g id=\"matplotlib.axis_2\">\n",
" <g id=\"ytick_1\">\n",
" <g id=\"line2d_3\">\n",
" <defs>\n",
" <path d=\"M 0 0 L -3.5 0 \" id=\"ma2bddd181a\" style=\"stroke:#000000;stroke-width:0.3;\" />\n",
" </defs>\n",
" <g>\n",
" <use style=\"stroke:#000000;stroke-width:0.3;\" x=\"17.18\" y=\"77.97541\" xlink:href=\"#ma2bddd181a\" />\n",
" </g>\n",
" </g>\n",
" <g id=\"text_4\">\n",
" \n",
" <defs>\n",
" <path d=\"M 31.78125 66.40625 Q 24.171875 66.40625 20.328125 58.90625 Q 16.5 51.421875 16.5 36.375 Q 16.5 21.390625 20.328125 13.890625 Q 24.171875 6.390625 31.78125 6.390625 Q 39.453125 6.390625 43.28125 13.890625 Q 47.125 21.390625 47.125 36.375 Q 47.125 51.421875 43.28125 58.90625 Q 39.453125 66.40625 31.78125 66.40625 z M 31.78125 74.21875 Q 44.046875 74.21875 50.515625 64.515625 Q 56.984375 54.828125 56.984375 36.375 Q 56.984375 17.96875 50.515625 8.265625 Q 44.046875 -1.421875 31.78125 -1.421875 Q 19.53125 -1.421875 13.0625 8.265625 Q 6.59375 17.96875 6.59375 36.375 Q 6.59375 54.828125 13.0625 64.515625 Q 19.53125 74.21875 31.78125 74.21875 z \" id=\"DejaVuSans-48\" />\n",
" </defs>\n",
" <g style=\"fill:#444443;\" transform=\"translate(5.09 81.014785)scale(0.08 -0.08)\">\n",
" <use xlink:href=\"#DejaVuSans-48\" />\n",
" </g>\n",
" </g>\n",
" </g>\n",
" <g id=\"ytick_2\">\n",
" <g id=\"line2d_4\">\n",
" <g>\n",
" <use style=\"stroke:#000000;stroke-width:0.3;\" x=\"17.18\" y=\"3.713115\" xlink:href=\"#ma2bddd181a\" />\n",
" </g>\n",
" </g>\n",
" <g id=\"text_5\">\n",
" \n",
" <defs>\n",
" <path d=\"M 33.015625 40.375 Q 26.375 40.375 22.484375 35.828125 Q 18.609375 31.296875 18.609375 23.390625 Q 18.609375 15.53125 22.484375 10.953125 Q 26.375 6.390625 33.015625 6.390625 Q 39.65625 6.390625 43.53125 10.953125 Q 47.40625 15.53125 47.40625 23.390625 Q 47.40625 31.296875 43.53125 35.828125 Q 39.65625 40.375 33.015625 40.375 z M 52.59375 71.296875 L 52.59375 62.3125 Q 48.875 64.0625 45.09375 64.984375 Q 41.3125 65.921875 37.59375 65.921875 Q 27.828125 65.921875 22.671875 59.328125 Q 17.53125 52.734375 16.796875 39.40625 Q 19.671875 43.65625 24.015625 45.921875 Q 28.375 48.1875 33.59375 48.1875 Q 44.578125 48.1875 50.953125 41.515625 Q 57.328125 34.859375 57.328125 23.390625 Q 57.328125 12.15625 50.6875 5.359375 Q 44.046875 -1.421875 33.015625 -1.421875 Q 20.359375 -1.421875 13.671875 8.265625 Q 6.984375 17.96875 6.984375 36.375 Q 6.984375 53.65625 15.1875 63.9375 Q 23.390625 74.21875 37.203125 74.21875 Q 40.921875 74.21875 44.703125 73.484375 Q 48.484375 72.75 52.59375 71.296875 z \" id=\"DejaVuSans-54\" />\n",
" </defs>\n",
" <g style=\"fill:#444443;\" transform=\"translate(0 6.75249)scale(0.08 -0.08)\">\n",
" <use xlink:href=\"#DejaVuSans-54\" />\n",
" <use x=\"63.623047\" xlink:href=\"#DejaVuSans-48\" />\n",
" </g>\n",
" </g>\n",
" </g>\n",
" </g>\n",
" <g id=\"patch_42\">\n",
" <path d=\"M 17.18 77.97541 L 17.18 0 \" style=\"fill:none;stroke:#000000;stroke-linecap:square;stroke-linejoin:miter;stroke-width:0.3;\" />\n",
" </g>\n",
" <g id=\"patch_43\">\n",
" <path d=\"M 17.18 77.97541 L 201.32 77.97541 \" style=\"fill:none;stroke:#000000;stroke-linecap:square;stroke-linejoin:miter;stroke-width:0.3;\" />\n",
" </g>\n",
" <g id=\"text_6\">\n",
" \n",
" <defs>\n",
" <path d=\"M 50.34375 8.453125 L 50.34375 0 L 3.03125 0 Q 2.9375 3.171875 4.046875 6.109375 Q 5.859375 10.9375 9.828125 15.625 Q 13.8125 20.3125 21.34375 26.46875 Q 33.015625 36.03125 37.109375 41.625 Q 41.21875 47.21875 41.21875 52.203125 Q 41.21875 57.421875 37.46875 61 Q 33.734375 64.59375 27.734375 64.59375 Q 21.390625 64.59375 17.578125 60.78125 Q 13.765625 56.984375 13.71875 50.25 L 4.6875 51.171875 Q 5.609375 61.28125 11.65625 66.578125 Q 17.71875 71.875 27.9375 71.875 Q 38.234375 71.875 44.234375 66.15625 Q 50.25 60.453125 50.25 52 Q 50.25 47.703125 48.484375 43.546875 Q 46.734375 39.40625 42.65625 34.8125 Q 38.578125 30.21875 29.109375 22.21875 Q 21.1875 15.578125 18.9375 13.203125 Q 16.703125 10.84375 15.234375 8.453125 z \" id=\"ArialMT-50\" />\n",
" <path d=\"M 9.078125 0 L 9.078125 10.015625 L 19.09375 10.015625 L 19.09375 0 z \" id=\"ArialMT-46\" />\n",
" <path d=\"M 32.328125 0 L 32.328125 17.140625 L 1.265625 17.140625 L 1.265625 25.203125 L 33.9375 71.578125 L 41.109375 71.578125 L 41.109375 25.203125 L 50.78125 25.203125 L 50.78125 17.140625 L 41.109375 17.140625 L 41.109375 0 z M 32.328125 25.203125 L 32.328125 57.46875 L 9.90625 25.203125 z \" id=\"ArialMT-52\" />\n",
" </defs>\n",
" <g style=\"fill:#444443;\" transform=\"translate(62.779219 94.28341)scale(0.08 -0.08)\">\n",
" <use xlink:href=\"#ArialMT-50\" />\n",
" <use x=\"55.615234\" xlink:href=\"#ArialMT-46\" />\n",
" <use x=\"83.398438\" xlink:href=\"#ArialMT-52\" />\n",
" <use x=\"139.013672\" xlink:href=\"#ArialMT-50\" />\n",
" </g>\n",
" </g>\n",
" </g>\n",
" </g>\n",
" <defs>\n",
" <clipPath id=\"p7bfc082fbf\">\n",
" <rect height=\"77.97541\" width=\"184.14\" x=\"17.18\" y=\"0\" />\n",
" </clipPath>\n",
" </defs>\n",
"</svg></g>\n",
"\n",
"\n",
"<g class=\"node\" id=\"node3\"><title>node8</title>\n",
"<svg height=\"72px\" preserveAspectRatio=\"xMinYMin meet\" version=\"1.1\" viewBox=\"0 0 201.32 71.548893\" width=\"202px\" x=\"318.5\" y=\"-215.5\">\n",
" <defs>\n",
" <style type=\"text/css\">\n",
"*{stroke-linecap:butt;stroke-linejoin:round;}\n",
" </style>\n",
" </defs>\n",
" <g id=\"figure_1\">\n",
" <g id=\"patch_1\">\n",
" <path d=\"M 0 71.548893 L 201.32 71.548893 L 201.32 0 L 0 0 z \" style=\"fill:#ffffff;\" />\n",
" </g>\n",
" <g id=\"axes_1\">\n",
" <g id=\"patch_2\">\n",
" <path d=\"M 17.18 41.655768 L 201.32 41.655768 L 201.32 1.108555 L 17.18 1.108555 z \" style=\"fill:#ffffff;\" />\n",
" </g>\n",
" <g id=\"patch_3\">\n",
" <path clip-path=\"url(#p8cdea9f64f)\" d=\"M 22.460843 41.655768 L 31.260775 41.655768 L 31.260775 41.655768 L 22.460843 41.655768 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_4\">\n",
" <path clip-path=\"url(#p8cdea9f64f)\" d=\"M 31.260775 41.655768 L 40.060706 41.655768 L 40.060706 41.655768 L 31.260775 41.655768 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_5\">\n",
" <path clip-path=\"url(#p8cdea9f64f)\" d=\"M 40.060706 41.655768 L 48.860637 41.655768 L 48.860637 41.655768 L 40.060706 41.655768 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_6\">\n",
" <path clip-path=\"url(#p8cdea9f64f)\" d=\"M 48.860637 41.655768 L 57.660569 41.655768 L 57.660569 41.655768 L 48.860637 41.655768 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_7\">\n",
" <path clip-path=\"url(#p8cdea9f64f)\" d=\"M 57.660569 41.655768 L 66.4605 41.655768 L 66.4605 38.897455 L 57.660569 38.897455 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_8\">\n",
" <path clip-path=\"url(#p8cdea9f64f)\" d=\"M 66.4605 41.655768 L 75.260431 41.655768 L 75.260431 41.655768 L 66.4605 41.655768 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_9\">\n",
" <path clip-path=\"url(#p8cdea9f64f)\" d=\"M 75.260431 41.655768 L 84.060362 41.655768 L 84.060362 41.655768 L 75.260431 41.655768 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_10\">\n",
" <path clip-path=\"url(#p8cdea9f64f)\" d=\"M 84.060362 41.655768 L 92.860294 41.655768 L 92.860294 41.655768 L 84.060362 41.655768 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_11\">\n",
" <path clip-path=\"url(#p8cdea9f64f)\" d=\"M 92.860294 41.655768 L 101.660225 41.655768 L 101.660225 41.655768 L 92.860294 41.655768 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_12\">\n",
" <path clip-path=\"url(#p8cdea9f64f)\" d=\"M 101.660225 41.655768 L 110.460156 41.655768 L 110.460156 41.655768 L 101.660225 41.655768 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_13\">\n",
" <path clip-path=\"url(#p8cdea9f64f)\" d=\"M 110.460156 41.655768 L 119.260088 41.655768 L 119.260088 41.655768 L 110.460156 41.655768 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_14\">\n",
" <path clip-path=\"url(#p8cdea9f64f)\" d=\"M 119.260088 41.655768 L 128.060019 41.655768 L 128.060019 41.655768 L 119.260088 41.655768 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_15\">\n",
" <path clip-path=\"url(#p8cdea9f64f)\" d=\"M 128.060019 41.655768 L 136.85995 41.655768 L 136.85995 41.655768 L 128.060019 41.655768 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_16\">\n",
" <path clip-path=\"url(#p8cdea9f64f)\" d=\"M 136.85995 41.655768 L 145.659882 41.655768 L 145.659882 41.655768 L 136.85995 41.655768 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_17\">\n",
" <path clip-path=\"url(#p8cdea9f64f)\" d=\"M 145.659882 41.655768 L 154.459813 41.655768 L 154.459813 41.655768 L 145.659882 41.655768 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_18\">\n",
" <path clip-path=\"url(#p8cdea9f64f)\" d=\"M 154.459813 41.655768 L 163.259744 41.655768 L 163.259744 41.655768 L 154.459813 41.655768 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_19\">\n",
" <path clip-path=\"url(#p8cdea9f64f)\" d=\"M 163.259744 41.655768 L 172.059676 41.655768 L 172.059676 41.655768 L 163.259744 41.655768 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_20\">\n",
" <path clip-path=\"url(#p8cdea9f64f)\" d=\"M 172.059676 41.655768 L 180.859607 41.655768 L 180.859607 41.655768 L 172.059676 41.655768 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_21\">\n",
" <path clip-path=\"url(#p8cdea9f64f)\" d=\"M 180.859607 41.655768 L 189.659538 41.655768 L 189.659538 41.655768 L 180.859607 41.655768 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_22\">\n",
" <path clip-path=\"url(#p8cdea9f64f)\" d=\"M 22.460843 41.655768 L 31.260775 41.655768 L 31.260775 41.655768 L 22.460843 41.655768 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_23\">\n",
" <path clip-path=\"url(#p8cdea9f64f)\" d=\"M 31.260775 41.655768 L 40.060706 41.655768 L 40.060706 41.655768 L 31.260775 41.655768 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_24\">\n",
" <path clip-path=\"url(#p8cdea9f64f)\" d=\"M 40.060706 41.655768 L 48.860637 41.655768 L 48.860637 41.655768 L 40.060706 41.655768 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_25\">\n",
" <path clip-path=\"url(#p8cdea9f64f)\" d=\"M 48.860637 41.655768 L 57.660569 41.655768 L 57.660569 36.139141 L 48.860637 36.139141 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_26\">\n",
" <path clip-path=\"url(#p8cdea9f64f)\" d=\"M 57.660569 38.897455 L 66.4605 38.897455 L 66.4605 3.039375 L 57.660569 3.039375 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_27\">\n",
" <path clip-path=\"url(#p8cdea9f64f)\" d=\"M 66.4605 41.655768 L 75.260431 41.655768 L 75.260431 16.830944 L 66.4605 16.830944 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_28\">\n",
" <path clip-path=\"url(#p8cdea9f64f)\" d=\"M 75.260431 41.655768 L 84.060362 41.655768 L 84.060362 41.655768 L 75.260431 41.655768 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_29\">\n",
" <path clip-path=\"url(#p8cdea9f64f)\" d=\"M 84.060362 41.655768 L 92.860294 41.655768 L 92.860294 41.655768 L 84.060362 41.655768 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_30\">\n",
" <path clip-path=\"url(#p8cdea9f64f)\" d=\"M 92.860294 41.655768 L 101.660225 41.655768 L 101.660225 41.655768 L 92.860294 41.655768 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_31\">\n",
" <path clip-path=\"url(#p8cdea9f64f)\" d=\"M 101.660225 41.655768 L 110.460156 41.655768 L 110.460156 41.655768 L 101.660225 41.655768 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_32\">\n",
" <path clip-path=\"url(#p8cdea9f64f)\" d=\"M 110.460156 41.655768 L 119.260088 41.655768 L 119.260088 41.655768 L 110.460156 41.655768 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_33\">\n",
" <path clip-path=\"url(#p8cdea9f64f)\" d=\"M 119.260088 41.655768 L 128.060019 41.655768 L 128.060019 41.655768 L 119.260088 41.655768 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_34\">\n",
" <path clip-path=\"url(#p8cdea9f64f)\" d=\"M 128.060019 41.655768 L 136.85995 41.655768 L 136.85995 41.655768 L 128.060019 41.655768 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_35\">\n",
" <path clip-path=\"url(#p8cdea9f64f)\" d=\"M 136.85995 41.655768 L 145.659882 41.655768 L 145.659882 41.655768 L 136.85995 41.655768 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_36\">\n",
" <path clip-path=\"url(#p8cdea9f64f)\" d=\"M 145.659882 41.655768 L 154.459813 41.655768 L 154.459813 41.655768 L 145.659882 41.655768 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_37\">\n",
" <path clip-path=\"url(#p8cdea9f64f)\" d=\"M 154.459813 41.655768 L 163.259744 41.655768 L 163.259744 41.655768 L 154.459813 41.655768 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_38\">\n",
" <path clip-path=\"url(#p8cdea9f64f)\" d=\"M 163.259744 41.655768 L 172.059676 41.655768 L 172.059676 41.655768 L 163.259744 41.655768 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_39\">\n",
" <path clip-path=\"url(#p8cdea9f64f)\" d=\"M 172.059676 41.655768 L 180.859607 41.655768 L 180.859607 41.655768 L 172.059676 41.655768 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_40\">\n",
" <path clip-path=\"url(#p8cdea9f64f)\" d=\"M 180.859607 41.655768 L 189.659538 41.655768 L 189.659538 41.655768 L 180.859607 41.655768 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_41\">\n",
" <path d=\"M 66.202383 42.471168 L 62.887863 49.809768 L 69.516903 49.809768 z \" style=\"fill:#444443;\" />\n",
" </g>\n",
" <g id=\"matplotlib.axis_1\">\n",
" <g id=\"xtick_1\">\n",
" <g id=\"line2d_1\">\n",
" <defs>\n",
" <path d=\"M 0 0 L 0 3.5 \" id=\"mc66c428720\" style=\"stroke:#000000;stroke-width:0.3;\" />\n",
" </defs>\n",
" <g>\n",
" <use style=\"stroke:#000000;stroke-width:0.3;\" x=\"22.460843\" y=\"41.655768\" xlink:href=\"#mc66c428720\" />\n",
" </g>\n",
" </g>\n",
" <g id=\"text_1\">\n",
" \n",
" <defs>\n",
" <path d=\"M 12.40625 8.296875 L 28.515625 8.296875 L 28.515625 63.921875 L 10.984375 60.40625 L 10.984375 69.390625 L 28.421875 72.90625 L 38.28125 72.90625 L 38.28125 8.296875 L 54.390625 8.296875 L 54.390625 0 L 12.40625 0 z \" id=\"DejaVuSans-49\" />\n",
" <path d=\"M 10.6875 12.40625 L 21 12.40625 L 21 0 L 10.6875 0 z \" id=\"DejaVuSans-46\" />\n",
" <path d=\"M 40.578125 39.3125 Q 47.65625 37.796875 51.625 33 Q 55.609375 28.21875 55.609375 21.1875 Q 55.609375 10.40625 48.1875 4.484375 Q 40.765625 -1.421875 27.09375 -1.421875 Q 22.515625 -1.421875 17.65625 -0.515625 Q 12.796875 0.390625 7.625 2.203125 L 7.625 11.71875 Q 11.71875 9.328125 16.59375 8.109375 Q 21.484375 6.890625 26.8125 6.890625 Q 36.078125 6.890625 40.9375 10.546875 Q 45.796875 14.203125 45.796875 21.1875 Q 45.796875 27.640625 41.28125 31.265625 Q 36.765625 34.90625 28.71875 34.90625 L 20.21875 34.90625 L 20.21875 43.015625 L 29.109375 43.015625 Q 36.375 43.015625 40.234375 45.921875 Q 44.09375 48.828125 44.09375 54.296875 Q 44.09375 59.90625 40.109375 62.90625 Q 36.140625 65.921875 28.71875 65.921875 Q 24.65625 65.921875 20.015625 65.03125 Q 15.375 64.15625 9.8125 62.3125 L 9.8125 71.09375 Q 15.4375 72.65625 20.34375 73.4375 Q 25.25 74.21875 29.59375 74.21875 Q 40.828125 74.21875 47.359375 69.109375 Q 53.90625 64.015625 53.90625 55.328125 Q 53.90625 49.265625 50.4375 45.09375 Q 46.96875 40.921875 40.578125 39.3125 z \" id=\"DejaVuSans-51\" />\n",
" <path d=\"M 10.984375 1.515625 L 10.984375 10.5 Q 14.703125 8.734375 18.5 7.8125 Q 22.3125 6.890625 25.984375 6.890625 Q 35.75 6.890625 40.890625 13.453125 Q 46.046875 20.015625 46.78125 33.40625 Q 43.953125 29.203125 39.59375 26.953125 Q 35.25 24.703125 29.984375 24.703125 Q 19.046875 24.703125 12.671875 31.3125 Q 6.296875 37.9375 6.296875 49.421875 Q 6.296875 60.640625 12.9375 67.421875 Q 19.578125 74.21875 30.609375 74.21875 Q 43.265625 74.21875 49.921875 64.515625 Q 56.59375 54.828125 56.59375 36.375 Q 56.59375 19.140625 48.40625 8.859375 Q 40.234375 -1.421875 26.421875 -1.421875 Q 22.703125 -1.421875 18.890625 -0.6875 Q 15.09375 0.046875 10.984375 1.515625 z M 30.609375 32.421875 Q 37.25 32.421875 41.125 36.953125 Q 45.015625 41.5 45.015625 49.421875 Q 45.015625 57.28125 41.125 61.84375 Q 37.25 66.40625 30.609375 66.40625 Q 23.96875 66.40625 20.09375 61.84375 Q 16.21875 57.28125 16.21875 49.421875 Q 16.21875 41.5 20.09375 36.953125 Q 23.96875 32.421875 30.609375 32.421875 z \" id=\"DejaVuSans-57\" />\n",
" <path d=\"M 31.78125 34.625 Q 24.75 34.625 20.71875 30.859375 Q 16.703125 27.09375 16.703125 20.515625 Q 16.703125 13.921875 20.71875 10.15625 Q 24.75 6.390625 31.78125 6.390625 Q 38.8125 6.390625 42.859375 10.171875 Q 46.921875 13.96875 46.921875 20.515625 Q 46.921875 27.09375 42.890625 30.859375 Q 38.875 34.625 31.78125 34.625 z M 21.921875 38.8125 Q 15.578125 40.375 12.03125 44.71875 Q 8.5 49.078125 8.5 55.328125 Q 8.5 64.0625 14.71875 69.140625 Q 20.953125 74.21875 31.78125 74.21875 Q 42.671875 74.21875 48.875 69.140625 Q 55.078125 64.0625 55.078125 55.328125 Q 55.078125 49.078125 51.53125 44.71875 Q 48 40.375 41.703125 38.8125 Q 48.828125 37.15625 52.796875 32.3125 Q 56.78125 27.484375 56.78125 20.515625 Q 56.78125 9.90625 50.3125 4.234375 Q 43.84375 -1.421875 31.78125 -1.421875 Q 19.734375 -1.421875 13.25 4.234375 Q 6.78125 9.90625 6.78125 20.515625 Q 6.78125 27.484375 10.78125 32.3125 Q 14.796875 37.15625 21.921875 38.8125 z M 18.3125 54.390625 Q 18.3125 48.734375 21.84375 45.5625 Q 25.390625 42.390625 31.78125 42.390625 Q 38.140625 42.390625 41.71875 45.5625 Q 45.3125 48.734375 45.3125 54.390625 Q 45.3125 60.0625 41.71875 63.234375 Q 38.140625 66.40625 31.78125 66.40625 Q 25.390625 66.40625 21.84375 63.234375 Q 18.3125 60.0625 18.3125 54.390625 z \" id=\"DejaVuSans-56\" />\n",
" </defs>\n",
" <g style=\"fill:#444443;\" transform=\"translate(11.009593 54.734518)scale(0.08 -0.08)\">\n",
" <use xlink:href=\"#DejaVuSans-49\" />\n",
" <use x=\"63.623047\" xlink:href=\"#DejaVuSans-46\" />\n",
" <use x=\"95.410156\" xlink:href=\"#DejaVuSans-51\" />\n",
" <use x=\"159.033203\" xlink:href=\"#DejaVuSans-57\" />\n",
" <use x=\"222.65625\" xlink:href=\"#DejaVuSans-56\" />\n",
" </g>\n",
" </g>\n",
" </g>\n",
" <g id=\"xtick_2\">\n",
" <g id=\"line2d_2\">\n",
" <g>\n",
" <use style=\"stroke:#000000;stroke-width:0.3;\" x=\"189.659538\" y=\"41.655768\" xlink:href=\"#mc66c428720\" />\n",
" </g>\n",
" </g>\n",
" <g id=\"text_2\">\n",
" \n",
" <defs>\n",
" <path d=\"M 37.796875 64.3125 L 12.890625 25.390625 L 37.796875 25.390625 z M 35.203125 72.90625 L 47.609375 72.90625 L 47.609375 25.390625 L 58.015625 25.390625 L 58.015625 17.1875 L 47.609375 17.1875 L 47.609375 0 L 37.796875 0 L 37.796875 17.1875 L 4.890625 17.1875 L 4.890625 26.703125 z \" id=\"DejaVuSans-52\" />\n",
" </defs>\n",
" <g style=\"fill:#444443;\" transform=\"translate(178.208288 54.734518)scale(0.08 -0.08)\">\n",
" <use xlink:href=\"#DejaVuSans-52\" />\n",
" <use x=\"63.623047\" xlink:href=\"#DejaVuSans-46\" />\n",
" <use x=\"95.410156\" xlink:href=\"#DejaVuSans-57\" />\n",
" <use x=\"159.033203\" xlink:href=\"#DejaVuSans-51\" />\n",
" <use x=\"222.65625\" xlink:href=\"#DejaVuSans-57\" />\n",
" </g>\n",
" </g>\n",
" </g>\n",
" <g id=\"text_3\">\n",
" \n",
" <defs>\n",
" <path d=\"M 6.390625 0 L 6.390625 71.578125 L 15.1875 71.578125 L 15.1875 0 z \" id=\"ArialMT-108\" />\n",
" <path d=\"M 3.328125 25.921875 Q 3.328125 40.328125 11.328125 47.265625 Q 18.015625 53.03125 27.640625 53.03125 Q 38.328125 53.03125 45.109375 46.015625 Q 51.90625 39.015625 51.90625 26.65625 Q 51.90625 16.65625 48.90625 10.90625 Q 45.90625 5.171875 40.15625 2 Q 34.421875 -1.171875 27.640625 -1.171875 Q 16.75 -1.171875 10.03125 5.8125 Q 3.328125 12.796875 3.328125 25.921875 z M 12.359375 25.921875 Q 12.359375 15.96875 16.703125 11.015625 Q 21.046875 6.0625 27.640625 6.0625 Q 34.1875 6.0625 38.53125 11.03125 Q 42.875 16.015625 42.875 26.21875 Q 42.875 35.84375 38.5 40.796875 Q 34.125 45.75 27.640625 45.75 Q 21.046875 45.75 16.703125 40.8125 Q 12.359375 35.890625 12.359375 25.921875 z \" id=\"ArialMT-111\" />\n",
" <path d=\"M 4.984375 -4.296875 L 13.53125 -5.5625 Q 14.0625 -9.515625 16.5 -11.328125 Q 19.78125 -13.765625 25.4375 -13.765625 Q 31.546875 -13.765625 34.859375 -11.328125 Q 38.1875 -8.890625 39.359375 -4.5 Q 40.046875 -1.8125 39.984375 6.78125 Q 34.234375 0 25.640625 0 Q 14.9375 0 9.078125 7.71875 Q 3.21875 15.4375 3.21875 26.21875 Q 3.21875 33.640625 5.90625 39.90625 Q 8.59375 46.1875 13.6875 49.609375 Q 18.796875 53.03125 25.6875 53.03125 Q 34.859375 53.03125 40.828125 45.609375 L 40.828125 51.859375 L 48.921875 51.859375 L 48.921875 7.03125 Q 48.921875 -5.078125 46.453125 -10.125 Q 44 -15.1875 38.640625 -18.109375 Q 33.296875 -21.046875 25.484375 -21.046875 Q 16.21875 -21.046875 10.5 -16.875 Q 4.78125 -12.703125 4.984375 -4.296875 z M 12.25 26.859375 Q 12.25 16.65625 16.296875 11.96875 Q 20.359375 7.28125 26.46875 7.28125 Q 32.515625 7.28125 36.609375 11.9375 Q 40.71875 16.609375 40.71875 26.5625 Q 40.71875 36.078125 36.5 40.90625 Q 32.28125 45.75 26.3125 45.75 Q 20.453125 45.75 16.34375 40.984375 Q 12.25 36.234375 12.25 26.859375 z \" id=\"ArialMT-103\" />\n",
" <path d=\"M 37.25 0 L 28.46875 0 L 28.46875 56 Q 25.296875 52.984375 20.140625 49.953125 Q 14.984375 46.921875 10.890625 45.40625 L 10.890625 53.90625 Q 18.265625 57.375 23.78125 62.296875 Q 29.296875 67.234375 31.59375 71.875 L 37.25 71.875 z \" id=\"ArialMT-49\" />\n",
" <path d=\"M 4.15625 35.296875 Q 4.15625 48 6.765625 55.734375 Q 9.375 63.484375 14.515625 67.671875 Q 19.671875 71.875 27.484375 71.875 Q 33.25 71.875 37.59375 69.546875 Q 41.9375 67.234375 44.765625 62.859375 Q 47.609375 58.5 49.21875 52.21875 Q 50.828125 45.953125 50.828125 35.296875 Q 50.828125 22.703125 48.234375 14.96875 Q 45.65625 7.234375 40.5 3 Q 35.359375 -1.21875 27.484375 -1.21875 Q 17.140625 -1.21875 11.234375 6.203125 Q 4.15625 15.140625 4.15625 35.296875 z M 13.1875 35.296875 Q 13.1875 17.671875 17.3125 11.828125 Q 21.4375 6 27.484375 6 Q 33.546875 6 37.671875 11.859375 Q 41.796875 17.71875 41.796875 35.296875 Q 41.796875 52.984375 37.671875 58.78125 Q 33.546875 64.59375 27.390625 64.59375 Q 21.34375 64.59375 17.71875 59.46875 Q 13.1875 52.9375 13.1875 35.296875 z \" id=\"ArialMT-48\" />\n",
" <path d=\"M -1.515625 -19.875 L -1.515625 -13.53125 L 56.734375 -13.53125 L 56.734375 -19.875 z \" id=\"ArialMT-95\" />\n",
" <path d=\"M 42.09375 16.703125 L 51.171875 15.578125 Q 49.03125 7.625 43.21875 3.21875 Q 37.40625 -1.171875 28.375 -1.171875 Q 17 -1.171875 10.328125 5.828125 Q 3.65625 12.84375 3.65625 25.484375 Q 3.65625 38.578125 10.390625 45.796875 Q 17.140625 53.03125 27.875 53.03125 Q 38.28125 53.03125 44.875 45.953125 Q 51.46875 38.875 51.46875 26.03125 Q 51.46875 25.25 51.421875 23.6875 L 12.75 23.6875 Q 13.234375 15.140625 17.578125 10.59375 Q 21.921875 6.0625 28.421875 6.0625 Q 33.25 6.0625 36.671875 8.59375 Q 40.09375 11.140625 42.09375 16.703125 z M 13.234375 30.90625 L 42.1875 30.90625 Q 41.609375 37.453125 38.875 40.71875 Q 34.671875 45.796875 27.984375 45.796875 Q 21.921875 45.796875 17.796875 41.75 Q 13.671875 37.703125 13.234375 30.90625 z \" id=\"ArialMT-101\" />\n",
" <path d=\"M 6.59375 0 L 6.59375 51.859375 L 14.5 51.859375 L 14.5 44.484375 Q 20.21875 53.03125 31 53.03125 Q 35.6875 53.03125 39.625 51.34375 Q 43.5625 49.65625 45.515625 46.921875 Q 47.46875 44.1875 48.25 40.4375 Q 48.734375 37.984375 48.734375 31.890625 L 48.734375 0 L 39.9375 0 L 39.9375 31.546875 Q 39.9375 36.921875 38.90625 39.578125 Q 37.890625 42.234375 35.28125 43.8125 Q 32.671875 45.40625 29.15625 45.40625 Q 23.53125 45.40625 19.453125 41.84375 Q 15.375 38.28125 15.375 28.328125 L 15.375 0 z \" id=\"ArialMT-110\" />\n",
" <path d=\"M 25.78125 7.859375 L 27.046875 0.09375 Q 23.34375 -0.6875 20.40625 -0.6875 Q 15.625 -0.6875 12.984375 0.828125 Q 10.359375 2.34375 9.28125 4.8125 Q 8.203125 7.28125 8.203125 15.1875 L 8.203125 45.015625 L 1.765625 45.015625 L 1.765625 51.859375 L 8.203125 51.859375 L 8.203125 64.703125 L 16.9375 69.96875 L 16.9375 51.859375 L 25.78125 51.859375 L 25.78125 45.015625 L 16.9375 45.015625 L 16.9375 14.703125 Q 16.9375 10.9375 17.40625 9.859375 Q 17.875 8.796875 18.921875 8.15625 Q 19.96875 7.515625 21.921875 7.515625 Q 23.390625 7.515625 25.78125 7.859375 z \" id=\"ArialMT-116\" />\n",
" <path d=\"M 6.59375 0 L 6.59375 71.578125 L 15.375 71.578125 L 15.375 45.90625 Q 21.53125 53.03125 30.90625 53.03125 Q 36.671875 53.03125 40.921875 50.75 Q 45.171875 48.484375 47 44.484375 Q 48.828125 40.484375 48.828125 32.859375 L 48.828125 0 L 40.046875 0 L 40.046875 32.859375 Q 40.046875 39.453125 37.1875 42.453125 Q 34.328125 45.453125 29.109375 45.453125 Q 25.203125 45.453125 21.75 43.421875 Q 18.3125 41.40625 16.84375 37.9375 Q 15.375 34.46875 15.375 28.375 L 15.375 0 z \" id=\"ArialMT-104\" />\n",
" </defs>\n",
" <g style=\"fill:#444443;\" transform=\"translate(74.887812 69.023268)scale(0.12 -0.12)\">\n",
" <use xlink:href=\"#ArialMT-108\" />\n",
" <use x=\"22.216797\" xlink:href=\"#ArialMT-111\" />\n",
" <use x=\"77.832031\" xlink:href=\"#ArialMT-103\" />\n",
" <use x=\"133.447266\" xlink:href=\"#ArialMT-49\" />\n",
" <use x=\"189.0625\" xlink:href=\"#ArialMT-48\" />\n",
" <use x=\"244.677734\" xlink:href=\"#ArialMT-95\" />\n",
" <use x=\"300.292969\" xlink:href=\"#ArialMT-108\" />\n",
" <use x=\"322.509766\" xlink:href=\"#ArialMT-101\" />\n",
" <use x=\"378.125\" xlink:href=\"#ArialMT-110\" />\n",
" <use x=\"433.740234\" xlink:href=\"#ArialMT-103\" />\n",
" <use x=\"489.355469\" xlink:href=\"#ArialMT-116\" />\n",
" <use x=\"517.138672\" xlink:href=\"#ArialMT-104\" />\n",
" </g>\n",
" </g>\n",
" </g>\n",
" <g id=\"matplotlib.axis_2\">\n",
" <g id=\"ytick_1\">\n",
" <g id=\"line2d_3\">\n",
" <defs>\n",
" <path d=\"M 0 0 L -3.5 0 \" id=\"mdc783bc9da\" style=\"stroke:#000000;stroke-width:0.3;\" />\n",
" </defs>\n",
" <g>\n",
" <use style=\"stroke:#000000;stroke-width:0.3;\" x=\"17.18\" y=\"41.655768\" xlink:href=\"#mdc783bc9da\" />\n",
" </g>\n",
" </g>\n",
" <g id=\"text_4\">\n",
" \n",
" <defs>\n",
" <path d=\"M 31.78125 66.40625 Q 24.171875 66.40625 20.328125 58.90625 Q 16.5 51.421875 16.5 36.375 Q 16.5 21.390625 20.328125 13.890625 Q 24.171875 6.390625 31.78125 6.390625 Q 39.453125 6.390625 43.28125 13.890625 Q 47.125 21.390625 47.125 36.375 Q 47.125 51.421875 43.28125 58.90625 Q 39.453125 66.40625 31.78125 66.40625 z M 31.78125 74.21875 Q 44.046875 74.21875 50.515625 64.515625 Q 56.984375 54.828125 56.984375 36.375 Q 56.984375 17.96875 50.515625 8.265625 Q 44.046875 -1.421875 31.78125 -1.421875 Q 19.53125 -1.421875 13.0625 8.265625 Q 6.59375 17.96875 6.59375 36.375 Q 6.59375 54.828125 13.0625 64.515625 Q 19.53125 74.21875 31.78125 74.21875 z \" id=\"DejaVuSans-48\" />\n",
" </defs>\n",
" <g style=\"fill:#444443;\" transform=\"translate(5.09 44.695143)scale(0.08 -0.08)\">\n",
" <use xlink:href=\"#DejaVuSans-48\" />\n",
" </g>\n",
" </g>\n",
" </g>\n",
" <g id=\"ytick_2\">\n",
" <g id=\"line2d_4\">\n",
" <g>\n",
" <use style=\"stroke:#000000;stroke-width:0.3;\" x=\"17.18\" y=\"3.039375\" xlink:href=\"#mdc783bc9da\" />\n",
" </g>\n",
" </g>\n",
" <g id=\"text_5\">\n",
" \n",
" <g style=\"fill:#444443;\" transform=\"translate(0 6.07875)scale(0.08 -0.08)\">\n",
" <use xlink:href=\"#DejaVuSans-49\" />\n",
" <use x=\"63.623047\" xlink:href=\"#DejaVuSans-52\" />\n",
" </g>\n",
" </g>\n",
" </g>\n",
" </g>\n",
" <g id=\"patch_42\">\n",
" <path d=\"M 17.18 41.655768 L 17.18 1.108555 \" style=\"fill:none;stroke:#000000;stroke-linecap:square;stroke-linejoin:miter;stroke-width:0.3;\" />\n",
" </g>\n",
" <g id=\"patch_43\">\n",
" <path d=\"M 17.18 41.655768 L 201.32 41.655768 \" style=\"fill:none;stroke:#000000;stroke-linecap:square;stroke-linejoin:miter;stroke-width:0.3;\" />\n",
" </g>\n",
" <g id=\"text_6\">\n",
" \n",
" <defs>\n",
" <path d=\"M 50.34375 8.453125 L 50.34375 0 L 3.03125 0 Q 2.9375 3.171875 4.046875 6.109375 Q 5.859375 10.9375 9.828125 15.625 Q 13.8125 20.3125 21.34375 26.46875 Q 33.015625 36.03125 37.109375 41.625 Q 41.21875 47.21875 41.21875 52.203125 Q 41.21875 57.421875 37.46875 61 Q 33.734375 64.59375 27.734375 64.59375 Q 21.390625 64.59375 17.578125 60.78125 Q 13.765625 56.984375 13.71875 50.25 L 4.6875 51.171875 Q 5.609375 61.28125 11.65625 66.578125 Q 17.71875 71.875 27.9375 71.875 Q 38.234375 71.875 44.234375 66.15625 Q 50.25 60.453125 50.25 52 Q 50.25 47.703125 48.484375 43.546875 Q 46.734375 39.40625 42.65625 34.8125 Q 38.578125 30.21875 29.109375 22.21875 Q 21.1875 15.578125 18.9375 13.203125 Q 16.703125 10.84375 15.234375 8.453125 z \" id=\"ArialMT-50\" />\n",
" <path d=\"M 9.078125 0 L 9.078125 10.015625 L 19.09375 10.015625 L 19.09375 0 z \" id=\"ArialMT-46\" />\n",
" <path d=\"M 4.203125 18.890625 L 12.984375 20.0625 Q 14.5 12.59375 18.140625 9.296875 Q 21.78125 6 27 6 Q 33.203125 6 37.46875 10.296875 Q 41.75 14.59375 41.75 20.953125 Q 41.75 27 37.796875 30.921875 Q 33.84375 34.859375 27.734375 34.859375 Q 25.25 34.859375 21.53125 33.890625 L 22.515625 41.609375 Q 23.390625 41.5 23.921875 41.5 Q 29.546875 41.5 34.03125 44.421875 Q 38.53125 47.359375 38.53125 53.46875 Q 38.53125 58.296875 35.25 61.46875 Q 31.984375 64.65625 26.8125 64.65625 Q 21.6875 64.65625 18.265625 61.421875 Q 14.84375 58.203125 13.875 51.765625 L 5.078125 53.328125 Q 6.6875 62.15625 12.390625 67.015625 Q 18.109375 71.875 26.609375 71.875 Q 32.46875 71.875 37.390625 69.359375 Q 42.328125 66.84375 44.9375 62.5 Q 47.5625 58.15625 47.5625 53.265625 Q 47.5625 48.640625 45.0625 44.828125 Q 42.578125 41.015625 37.703125 38.765625 Q 44.046875 37.3125 47.5625 32.6875 Q 51.078125 28.078125 51.078125 21.140625 Q 51.078125 11.765625 44.234375 5.25 Q 37.40625 -1.265625 26.953125 -1.265625 Q 17.53125 -1.265625 11.296875 4.34375 Q 5.078125 9.96875 4.203125 18.890625 z \" id=\"ArialMT-51\" />\n",
" </defs>\n",
" <g style=\"fill:#444443;\" transform=\"translate(58.418008 57.963768)scale(0.08 -0.08)\">\n",
" <use xlink:href=\"#ArialMT-50\" />\n",
" <use x=\"55.615234\" xlink:href=\"#ArialMT-46\" />\n",
" <use x=\"83.398438\" xlink:href=\"#ArialMT-51\" />\n",
" <use x=\"139.013672\" xlink:href=\"#ArialMT-50\" />\n",
" </g>\n",
" </g>\n",
" </g>\n",
" </g>\n",
" <defs>\n",
" <clipPath id=\"p8cdea9f64f\">\n",
" <rect height=\"40.547213\" width=\"184.14\" x=\"17.18\" y=\"1.108555\" />\n",
" </clipPath>\n",
" </defs>\n",
"</svg></g>\n",
"\n",
"<g class=\"node\" id=\"node13\"><title>leaf9</title>\n",
"<polygon fill=\"none\" points=\"405,-82 311,-82 311,-28 405,-28 405,-82\" stroke=\"#444443\" stroke-width=\"0\" />\n",
"<svg height=\"45px\" preserveAspectRatio=\"xMinYMin meet\" version=\"1.1\" viewBox=\"0 0 84.933281 44.760849\" width=\"85px\" x=\"315.5\" y=\"-77.5\">\n",
" <defs>\n",
" <style type=\"text/css\">\n",
"*{stroke-linecap:butt;stroke-linejoin:round;}\n",
" </style>\n",
" </defs>\n",
" <g id=\"figure_1\">\n",
" <g id=\"patch_1\">\n",
" <path d=\"M 0 44.760849 L 84.933281 44.760849 L 84.933281 0 L 0 0 z \" style=\"fill:#ffffff;\" />\n",
" </g>\n",
" <g id=\"axes_1\">\n",
" <g id=\"patch_2\">\n",
" <path d=\"M 55.452641 12.986 C 55.452641 11.280694 55.116733 9.59197 54.46414 8.016473 C 53.811548 6.440976 52.854963 5.009345 51.649129 3.803511 C 50.443296 2.597678 49.011665 1.641093 47.436168 0.9885 C 45.86067 0.335908 44.171947 0 42.466641 0 C 40.761335 0 39.072611 0.335908 37.497114 0.9885 C 35.921616 1.641093 34.489985 2.597678 33.284152 3.803511 C 32.078319 5.009345 31.121733 6.440976 30.469141 8.016473 C 29.816549 9.59197 29.480641 11.280694 29.480641 12.986 C 29.480641 14.691306 29.816549 16.38003 30.469141 17.955527 C 31.121733 19.531024 32.078319 20.962655 33.284152 22.168489 C 34.489985 23.374322 35.921616 24.330907 37.497114 24.9835 C 39.072611 25.636092 40.761335 25.972 42.466641 25.972 C 44.171947 25.972 45.86067 25.636092 47.436168 24.9835 C 49.011665 24.330907 50.443296 23.374322 51.649129 22.168489 C 52.854963 20.962655 53.811548 19.531024 54.46414 17.955527 C 55.116733 16.38003 55.452641 14.691306 55.452641 12.986 M 42.466641 12.986 M 55.452641 12.986 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"text_1\">\n",
" \n",
" <defs>\n",
" <path d=\"M 6.59375 0 L 6.59375 51.859375 L 14.5 51.859375 L 14.5 44.484375 Q 20.21875 53.03125 31 53.03125 Q 35.6875 53.03125 39.625 51.34375 Q 43.5625 49.65625 45.515625 46.921875 Q 47.46875 44.1875 48.25 40.4375 Q 48.734375 37.984375 48.734375 31.890625 L 48.734375 0 L 39.9375 0 L 39.9375 31.546875 Q 39.9375 36.921875 38.90625 39.578125 Q 37.890625 42.234375 35.28125 43.8125 Q 32.671875 45.40625 29.15625 45.40625 Q 23.53125 45.40625 19.453125 41.84375 Q 15.375 38.28125 15.375 28.328125 L 15.375 0 z \" id=\"ArialMT-110\" />\n",
" <path d=\"M 52.828125 42.09375 L 5.5625 42.09375 L 5.5625 50.296875 L 52.828125 50.296875 z M 52.828125 20.359375 L 5.5625 20.359375 L 5.5625 28.5625 L 52.828125 28.5625 z \" id=\"ArialMT-61\" />\n",
" <path d=\"M 37.25 0 L 28.46875 0 L 28.46875 56 Q 25.296875 52.984375 20.140625 49.953125 Q 14.984375 46.921875 10.890625 45.40625 L 10.890625 53.90625 Q 18.265625 57.375 23.78125 62.296875 Q 29.296875 67.234375 31.59375 71.875 L 37.25 71.875 z \" id=\"ArialMT-49\" />\n",
" <path d=\"M 32.328125 0 L 32.328125 17.140625 L 1.265625 17.140625 L 1.265625 25.203125 L 33.9375 71.578125 L 41.109375 71.578125 L 41.109375 25.203125 L 50.78125 25.203125 L 50.78125 17.140625 L 41.109375 17.140625 L 41.109375 0 z M 32.328125 25.203125 L 32.328125 57.46875 L 9.90625 25.203125 z \" id=\"ArialMT-52\" />\n",
" </defs>\n",
" <g style=\"fill:#444443;\" transform=\"translate(32.331094 33.452911)scale(0.09 -0.09)\">\n",
" <use xlink:href=\"#ArialMT-110\" />\n",
" <use x=\"55.615234\" xlink:href=\"#ArialMT-61\" />\n",
" <use x=\"114.013672\" xlink:href=\"#ArialMT-49\" />\n",
" <use x=\"169.628906\" xlink:href=\"#ArialMT-52\" />\n",
" </g>\n",
" \n",
" <defs>\n",
" <path d=\"M 7.03125 46.234375 L 4.59375 59.859375 L 4.59375 71.578125 L 14.59375 71.578125 L 14.59375 59.859375 L 12.40625 46.234375 z M 23.1875 46.234375 L 20.796875 59.859375 L 20.796875 71.578125 L 30.8125 71.578125 L 30.8125 59.859375 L 28.46875 46.234375 z \" id=\"ArialMT-34\" />\n",
" <path d=\"M 40.4375 19 L 49.078125 17.875 Q 47.65625 8.9375 41.8125 3.875 Q 35.984375 -1.171875 27.484375 -1.171875 Q 16.84375 -1.171875 10.375 5.78125 Q 3.90625 12.75 3.90625 25.734375 Q 3.90625 34.125 6.6875 40.421875 Q 9.46875 46.734375 15.15625 49.875 Q 20.84375 53.03125 27.546875 53.03125 Q 35.984375 53.03125 41.359375 48.75 Q 46.734375 44.484375 48.25 36.625 L 39.703125 35.296875 Q 38.484375 40.53125 35.375 43.15625 Q 32.28125 45.796875 27.875 45.796875 Q 21.234375 45.796875 17.078125 41.03125 Q 12.9375 36.28125 12.9375 25.984375 Q 12.9375 15.53125 16.9375 10.796875 Q 20.953125 6.0625 27.390625 6.0625 Q 32.5625 6.0625 36.03125 9.234375 Q 39.5 12.40625 40.4375 19 z \" id=\"ArialMT-99\" />\n",
" <path d=\"M 3.328125 25.921875 Q 3.328125 40.328125 11.328125 47.265625 Q 18.015625 53.03125 27.640625 53.03125 Q 38.328125 53.03125 45.109375 46.015625 Q 51.90625 39.015625 51.90625 26.65625 Q 51.90625 16.65625 48.90625 10.90625 Q 45.90625 5.171875 40.15625 2 Q 34.421875 -1.171875 27.640625 -1.171875 Q 16.75 -1.171875 10.03125 5.8125 Q 3.328125 12.796875 3.328125 25.921875 z M 12.359375 25.921875 Q 12.359375 15.96875 16.703125 11.015625 Q 21.046875 6.0625 27.640625 6.0625 Q 34.1875 6.0625 38.53125 11.03125 Q 42.875 16.015625 42.875 26.21875 Q 42.875 35.84375 38.5 40.796875 Q 34.125 45.75 27.640625 45.75 Q 21.046875 45.75 16.703125 40.8125 Q 12.359375 35.890625 12.359375 25.921875 z \" id=\"ArialMT-111\" />\n",
" <path d=\"M 25.78125 7.859375 L 27.046875 0.09375 Q 23.34375 -0.6875 20.40625 -0.6875 Q 15.625 -0.6875 12.984375 0.828125 Q 10.359375 2.34375 9.28125 4.8125 Q 8.203125 7.28125 8.203125 15.1875 L 8.203125 45.015625 L 1.765625 45.015625 L 1.765625 51.859375 L 8.203125 51.859375 L 8.203125 64.703125 L 16.9375 69.96875 L 16.9375 51.859375 L 25.78125 51.859375 L 25.78125 45.015625 L 16.9375 45.015625 L 16.9375 14.703125 Q 16.9375 10.9375 17.40625 9.859375 Q 17.875 8.796875 18.921875 8.15625 Q 19.96875 7.515625 21.921875 7.515625 Q 23.390625 7.515625 25.78125 7.859375 z \" id=\"ArialMT-116\" />\n",
" <path d=\"M 40.4375 6.390625 Q 35.546875 2.25 31.03125 0.53125 Q 26.515625 -1.171875 21.34375 -1.171875 Q 12.796875 -1.171875 8.203125 3 Q 3.609375 7.171875 3.609375 13.671875 Q 3.609375 17.484375 5.34375 20.625 Q 7.078125 23.78125 9.890625 25.6875 Q 12.703125 27.59375 16.21875 28.5625 Q 18.796875 29.25 24.03125 29.890625 Q 34.671875 31.15625 39.703125 32.90625 Q 39.75 34.71875 39.75 35.203125 Q 39.75 40.578125 37.25 42.78125 Q 33.890625 45.75 27.25 45.75 Q 21.046875 45.75 18.09375 43.578125 Q 15.140625 41.40625 13.71875 35.890625 L 5.125 37.0625 Q 6.296875 42.578125 8.984375 45.96875 Q 11.671875 49.359375 16.75 51.1875 Q 21.828125 53.03125 28.515625 53.03125 Q 35.15625 53.03125 39.296875 51.46875 Q 43.453125 49.90625 45.40625 47.53125 Q 47.359375 45.171875 48.140625 41.546875 Q 48.578125 39.3125 48.578125 33.453125 L 48.578125 21.734375 Q 48.578125 9.46875 49.140625 6.21875 Q 49.703125 2.984375 51.375 0 L 42.1875 0 Q 40.828125 2.734375 40.4375 6.390625 z M 39.703125 26.03125 Q 34.90625 24.078125 25.34375 22.703125 Q 19.921875 21.921875 17.671875 20.9375 Q 15.4375 19.96875 14.203125 18.09375 Q 12.984375 16.21875 12.984375 13.921875 Q 12.984375 10.40625 15.640625 8.0625 Q 18.3125 5.71875 23.4375 5.71875 Q 28.515625 5.71875 32.46875 7.9375 Q 36.421875 10.15625 38.28125 14.015625 Q 39.703125 17 39.703125 22.796875 z \" id=\"ArialMT-97\" />\n",
" <path d=\"M 6.640625 61.46875 L 6.640625 71.578125 L 15.4375 71.578125 L 15.4375 61.46875 z M 6.640625 0 L 6.640625 51.859375 L 15.4375 51.859375 L 15.4375 0 z \" id=\"ArialMT-105\" />\n",
" <path d=\"M 3.078125 15.484375 L 11.765625 16.84375 Q 12.5 11.625 15.84375 8.84375 Q 19.1875 6.0625 25.203125 6.0625 Q 31.25 6.0625 34.171875 8.515625 Q 37.109375 10.984375 37.109375 14.3125 Q 37.109375 17.28125 34.515625 19 Q 32.71875 20.171875 25.53125 21.96875 Q 15.875 24.421875 12.140625 26.203125 Q 8.40625 27.984375 6.46875 31.125 Q 4.546875 34.28125 4.546875 38.09375 Q 4.546875 41.546875 6.125 44.5 Q 7.71875 47.46875 10.453125 49.421875 Q 12.5 50.921875 16.03125 51.96875 Q 19.578125 53.03125 23.640625 53.03125 Q 29.734375 53.03125 34.34375 51.265625 Q 38.96875 49.515625 41.15625 46.5 Q 43.359375 43.5 44.1875 38.484375 L 35.59375 37.3125 Q 35.015625 41.3125 32.203125 43.546875 Q 29.390625 45.796875 24.265625 45.796875 Q 18.21875 45.796875 15.625 43.796875 Q 13.03125 41.796875 13.03125 39.109375 Q 13.03125 37.40625 14.109375 36.03125 Q 15.1875 34.625 17.484375 33.6875 Q 18.796875 33.203125 25.25 31.453125 Q 34.578125 28.953125 38.25 27.359375 Q 41.9375 25.78125 44.03125 22.75 Q 46.140625 19.734375 46.140625 15.234375 Q 46.140625 10.84375 43.578125 6.953125 Q 41.015625 3.078125 36.171875 0.953125 Q 31.34375 -1.171875 25.25 -1.171875 Q 15.140625 -1.171875 9.84375 3.03125 Q 4.546875 7.234375 3.078125 15.484375 z \" id=\"ArialMT-115\" />\n",
" <path id=\"ArialMT-32\" />\n",
" <path d=\"M 6.59375 -19.875 L 6.59375 51.859375 L 14.59375 51.859375 L 14.59375 45.125 Q 17.4375 49.078125 21 51.046875 Q 24.5625 53.03125 29.640625 53.03125 Q 36.28125 53.03125 41.359375 49.609375 Q 46.4375 46.1875 49.015625 39.953125 Q 51.609375 33.734375 51.609375 26.3125 Q 51.609375 18.359375 48.75 11.984375 Q 45.90625 5.609375 40.453125 2.21875 Q 35.015625 -1.171875 29 -1.171875 Q 24.609375 -1.171875 21.109375 0.6875 Q 17.625 2.546875 15.375 5.375 L 15.375 -19.875 z M 14.546875 25.640625 Q 14.546875 15.625 18.59375 10.84375 Q 22.65625 6.0625 28.421875 6.0625 Q 34.28125 6.0625 38.453125 11.015625 Q 42.625 15.96875 42.625 26.375 Q 42.625 36.28125 38.546875 41.203125 Q 34.46875 46.140625 28.8125 46.140625 Q 23.1875 46.140625 18.859375 40.890625 Q 14.546875 35.640625 14.546875 25.640625 z \" id=\"ArialMT-112\" />\n",
" <path d=\"M 14.703125 0 L 6.546875 0 L 6.546875 71.578125 L 15.328125 71.578125 L 15.328125 46.046875 Q 20.90625 53.03125 29.546875 53.03125 Q 34.328125 53.03125 38.59375 51.09375 Q 42.875 49.171875 45.625 45.671875 Q 48.390625 42.1875 49.953125 37.25 Q 51.515625 32.328125 51.515625 26.703125 Q 51.515625 13.375 44.921875 6.09375 Q 38.328125 -1.171875 29.109375 -1.171875 Q 19.921875 -1.171875 14.703125 6.5 z M 14.59375 26.3125 Q 14.59375 17 17.140625 12.84375 Q 21.296875 6.0625 28.375 6.0625 Q 34.125 6.0625 38.328125 11.0625 Q 42.53125 16.0625 42.53125 25.984375 Q 42.53125 36.140625 38.5 40.96875 Q 34.46875 45.796875 28.765625 45.796875 Q 23 45.796875 18.796875 40.796875 Q 14.59375 35.796875 14.59375 26.3125 z \" id=\"ArialMT-98\" />\n",
" <path d=\"M 6.390625 0 L 6.390625 71.578125 L 15.1875 71.578125 L 15.1875 0 z \" id=\"ArialMT-108\" />\n",
" </defs>\n",
" <g style=\"fill:#444443;\" transform=\"translate(0 42.972099)scale(0.09 -0.09)\">\n",
" <use xlink:href=\"#ArialMT-34\" />\n",
" <use x=\"35.498047\" xlink:href=\"#ArialMT-99\" />\n",
" <use x=\"85.498047\" xlink:href=\"#ArialMT-111\" />\n",
" <use x=\"141.113281\" xlink:href=\"#ArialMT-110\" />\n",
" <use x=\"196.728516\" xlink:href=\"#ArialMT-116\" />\n",
" <use x=\"224.511719\" xlink:href=\"#ArialMT-97\" />\n",
" <use x=\"280.126953\" xlink:href=\"#ArialMT-105\" />\n",
" <use x=\"302.34375\" xlink:href=\"#ArialMT-110\" />\n",
" <use x=\"357.958984\" xlink:href=\"#ArialMT-115\" />\n",
" <use x=\"407.958984\" xlink:href=\"#ArialMT-32\" />\n",
" <use x=\"435.742188\" xlink:href=\"#ArialMT-112\" />\n",
" <use x=\"491.357422\" xlink:href=\"#ArialMT-97\" />\n",
" <use x=\"546.972656\" xlink:href=\"#ArialMT-99\" />\n",
" <use x=\"596.972656\" xlink:href=\"#ArialMT-98\" />\n",
" <use x=\"652.587891\" xlink:href=\"#ArialMT-105\" />\n",
" <use x=\"674.804688\" xlink:href=\"#ArialMT-111\" />\n",
" <use x=\"730.419922\" xlink:href=\"#ArialMT-32\" />\n",
" <use x=\"758.203125\" xlink:href=\"#ArialMT-99\" />\n",
" <use x=\"808.203125\" xlink:href=\"#ArialMT-97\" />\n",
" <use x=\"863.818359\" xlink:href=\"#ArialMT-108\" />\n",
" <use x=\"886.035156\" xlink:href=\"#ArialMT-108\" />\n",
" <use x=\"908.251953\" xlink:href=\"#ArialMT-34\" />\n",
" </g>\n",
" </g>\n",
" </g>\n",
" </g>\n",
"</svg></g>\n",
"\n",
"<g class=\"edge\" id=\"edge7\"><title>node8-&gt;leaf9</title>\n",
"<path d=\"M399.363,-139.405C390.823,-122.184 380.975,-102.327 373.031,-86.3086\" fill=\"none\" stroke=\"#444443\" stroke-width=\"0.3\" />\n",
"<polygon fill=\"#444443\" points=\"374.086,-85.2844 371.054,-82.3229 371.577,-86.5285 374.086,-85.2844\" stroke=\"#444443\" />\n",
"</g>\n",
"\n",
"<g class=\"node\" id=\"node14\"><title>leaf10</title>\n",
"<polygon fill=\"none\" points=\"513,-80.5 419,-80.5 419,-29.5 513,-29.5 513,-80.5\" stroke=\"#444443\" stroke-width=\"0\" />\n",
"<svg height=\"42px\" preserveAspectRatio=\"xMinYMin meet\" version=\"1.1\" viewBox=\"0 0 84.933281 41.05853\" width=\"85px\" x=\"423.5\" y=\"-75.5\">\n",
" <defs>\n",
" <style type=\"text/css\">\n",
"*{stroke-linecap:butt;stroke-linejoin:round;}\n",
" </style>\n",
" </defs>\n",
" <g id=\"figure_1\">\n",
" <g id=\"patch_1\">\n",
" <path d=\"M 0 41.05853 L 84.933281 41.05853 L 84.933281 0 L 0 0 z \" style=\"fill:#ffffff;\" />\n",
" </g>\n",
" <g id=\"axes_1\">\n",
" <g id=\"patch_2\">\n",
" <path d=\"M 53.640641 11.240641 C 53.640641 10.175074 53.48822 9.114965 53.188015 8.092561 C 52.88781 7.070158 52.442896 6.095932 51.866807 5.19952 L 42.466641 11.240641 L 53.640641 11.240641 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_3\">\n",
" <path d=\"M 51.866807 5.19952 C 51.146012 4.077941 50.230269 3.094364 49.162969 2.295393 C 48.095669 1.496422 46.893938 0.894879 45.61472 0.519266 C 44.335501 0.143654 42.999323 -0 41.669496 0.095111 C 40.339669 0.190222 39.037535 0.522572 37.824793 1.076413 C 36.61205 1.630255 35.50816 2.396699 34.565429 3.33943 C 33.622698 4.282162 32.856253 5.386052 32.302412 6.598794 C 31.748571 7.811537 31.416222 9.113671 31.321111 10.443498 C 31.226 11.773325 31.369654 13.109503 31.745266 14.388722 C 32.120879 15.66794 32.722422 16.86967 33.521394 17.936971 C 34.320365 19.004271 35.303942 19.920014 36.425521 20.640809 C 37.5471 21.361604 38.788682 21.875884 40.091438 22.15928 C 41.394193 22.442677 42.737215 22.490643 44.056868 22.300906 C 45.376521 22.111168 46.651628 21.686771 47.82177 21.047825 C 48.991912 20.408879 50.038312 19.565637 50.911388 18.558053 C 51.784463 17.55047 52.470204 16.394715 52.936118 15.145552 C 53.402031 13.896388 53.640641 12.573862 53.640641 11.240639 L 42.466641 11.240641 L 51.866807 5.19952 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"text_1\">\n",
" \n",
" <defs>\n",
" <path d=\"M 6.59375 0 L 6.59375 51.859375 L 14.5 51.859375 L 14.5 44.484375 Q 20.21875 53.03125 31 53.03125 Q 35.6875 53.03125 39.625 51.34375 Q 43.5625 49.65625 45.515625 46.921875 Q 47.46875 44.1875 48.25 40.4375 Q 48.734375 37.984375 48.734375 31.890625 L 48.734375 0 L 39.9375 0 L 39.9375 31.546875 Q 39.9375 36.921875 38.90625 39.578125 Q 37.890625 42.234375 35.28125 43.8125 Q 32.671875 45.40625 29.15625 45.40625 Q 23.53125 45.40625 19.453125 41.84375 Q 15.375 38.28125 15.375 28.328125 L 15.375 0 z \" id=\"ArialMT-110\" />\n",
" <path d=\"M 52.828125 42.09375 L 5.5625 42.09375 L 5.5625 50.296875 L 52.828125 50.296875 z M 52.828125 20.359375 L 5.5625 20.359375 L 5.5625 28.5625 L 52.828125 28.5625 z \" id=\"ArialMT-61\" />\n",
" <path d=\"M 37.25 0 L 28.46875 0 L 28.46875 56 Q 25.296875 52.984375 20.140625 49.953125 Q 14.984375 46.921875 10.890625 45.40625 L 10.890625 53.90625 Q 18.265625 57.375 23.78125 62.296875 Q 29.296875 67.234375 31.59375 71.875 L 37.25 71.875 z \" id=\"ArialMT-49\" />\n",
" </defs>\n",
" <g style=\"fill:#444443;\" transform=\"translate(32.662969 29.750592)scale(0.09 -0.09)\">\n",
" <use xlink:href=\"#ArialMT-110\" />\n",
" <use x=\"55.615234\" xlink:href=\"#ArialMT-61\" />\n",
" <use x=\"114.013672\" xlink:href=\"#ArialMT-49\" />\n",
" <use x=\"162.253906\" xlink:href=\"#ArialMT-49\" />\n",
" </g>\n",
" \n",
" <defs>\n",
" <path d=\"M 7.03125 46.234375 L 4.59375 59.859375 L 4.59375 71.578125 L 14.59375 71.578125 L 14.59375 59.859375 L 12.40625 46.234375 z M 23.1875 46.234375 L 20.796875 59.859375 L 20.796875 71.578125 L 30.8125 71.578125 L 30.8125 59.859375 L 28.46875 46.234375 z \" id=\"ArialMT-34\" />\n",
" <path d=\"M 40.4375 19 L 49.078125 17.875 Q 47.65625 8.9375 41.8125 3.875 Q 35.984375 -1.171875 27.484375 -1.171875 Q 16.84375 -1.171875 10.375 5.78125 Q 3.90625 12.75 3.90625 25.734375 Q 3.90625 34.125 6.6875 40.421875 Q 9.46875 46.734375 15.15625 49.875 Q 20.84375 53.03125 27.546875 53.03125 Q 35.984375 53.03125 41.359375 48.75 Q 46.734375 44.484375 48.25 36.625 L 39.703125 35.296875 Q 38.484375 40.53125 35.375 43.15625 Q 32.28125 45.796875 27.875 45.796875 Q 21.234375 45.796875 17.078125 41.03125 Q 12.9375 36.28125 12.9375 25.984375 Q 12.9375 15.53125 16.9375 10.796875 Q 20.953125 6.0625 27.390625 6.0625 Q 32.5625 6.0625 36.03125 9.234375 Q 39.5 12.40625 40.4375 19 z \" id=\"ArialMT-99\" />\n",
" <path d=\"M 3.328125 25.921875 Q 3.328125 40.328125 11.328125 47.265625 Q 18.015625 53.03125 27.640625 53.03125 Q 38.328125 53.03125 45.109375 46.015625 Q 51.90625 39.015625 51.90625 26.65625 Q 51.90625 16.65625 48.90625 10.90625 Q 45.90625 5.171875 40.15625 2 Q 34.421875 -1.171875 27.640625 -1.171875 Q 16.75 -1.171875 10.03125 5.8125 Q 3.328125 12.796875 3.328125 25.921875 z M 12.359375 25.921875 Q 12.359375 15.96875 16.703125 11.015625 Q 21.046875 6.0625 27.640625 6.0625 Q 34.1875 6.0625 38.53125 11.03125 Q 42.875 16.015625 42.875 26.21875 Q 42.875 35.84375 38.5 40.796875 Q 34.125 45.75 27.640625 45.75 Q 21.046875 45.75 16.703125 40.8125 Q 12.359375 35.890625 12.359375 25.921875 z \" id=\"ArialMT-111\" />\n",
" <path d=\"M 25.78125 7.859375 L 27.046875 0.09375 Q 23.34375 -0.6875 20.40625 -0.6875 Q 15.625 -0.6875 12.984375 0.828125 Q 10.359375 2.34375 9.28125 4.8125 Q 8.203125 7.28125 8.203125 15.1875 L 8.203125 45.015625 L 1.765625 45.015625 L 1.765625 51.859375 L 8.203125 51.859375 L 8.203125 64.703125 L 16.9375 69.96875 L 16.9375 51.859375 L 25.78125 51.859375 L 25.78125 45.015625 L 16.9375 45.015625 L 16.9375 14.703125 Q 16.9375 10.9375 17.40625 9.859375 Q 17.875 8.796875 18.921875 8.15625 Q 19.96875 7.515625 21.921875 7.515625 Q 23.390625 7.515625 25.78125 7.859375 z \" id=\"ArialMT-116\" />\n",
" <path d=\"M 40.4375 6.390625 Q 35.546875 2.25 31.03125 0.53125 Q 26.515625 -1.171875 21.34375 -1.171875 Q 12.796875 -1.171875 8.203125 3 Q 3.609375 7.171875 3.609375 13.671875 Q 3.609375 17.484375 5.34375 20.625 Q 7.078125 23.78125 9.890625 25.6875 Q 12.703125 27.59375 16.21875 28.5625 Q 18.796875 29.25 24.03125 29.890625 Q 34.671875 31.15625 39.703125 32.90625 Q 39.75 34.71875 39.75 35.203125 Q 39.75 40.578125 37.25 42.78125 Q 33.890625 45.75 27.25 45.75 Q 21.046875 45.75 18.09375 43.578125 Q 15.140625 41.40625 13.71875 35.890625 L 5.125 37.0625 Q 6.296875 42.578125 8.984375 45.96875 Q 11.671875 49.359375 16.75 51.1875 Q 21.828125 53.03125 28.515625 53.03125 Q 35.15625 53.03125 39.296875 51.46875 Q 43.453125 49.90625 45.40625 47.53125 Q 47.359375 45.171875 48.140625 41.546875 Q 48.578125 39.3125 48.578125 33.453125 L 48.578125 21.734375 Q 48.578125 9.46875 49.140625 6.21875 Q 49.703125 2.984375 51.375 0 L 42.1875 0 Q 40.828125 2.734375 40.4375 6.390625 z M 39.703125 26.03125 Q 34.90625 24.078125 25.34375 22.703125 Q 19.921875 21.921875 17.671875 20.9375 Q 15.4375 19.96875 14.203125 18.09375 Q 12.984375 16.21875 12.984375 13.921875 Q 12.984375 10.40625 15.640625 8.0625 Q 18.3125 5.71875 23.4375 5.71875 Q 28.515625 5.71875 32.46875 7.9375 Q 36.421875 10.15625 38.28125 14.015625 Q 39.703125 17 39.703125 22.796875 z \" id=\"ArialMT-97\" />\n",
" <path d=\"M 6.640625 61.46875 L 6.640625 71.578125 L 15.4375 71.578125 L 15.4375 61.46875 z M 6.640625 0 L 6.640625 51.859375 L 15.4375 51.859375 L 15.4375 0 z \" id=\"ArialMT-105\" />\n",
" <path d=\"M 3.078125 15.484375 L 11.765625 16.84375 Q 12.5 11.625 15.84375 8.84375 Q 19.1875 6.0625 25.203125 6.0625 Q 31.25 6.0625 34.171875 8.515625 Q 37.109375 10.984375 37.109375 14.3125 Q 37.109375 17.28125 34.515625 19 Q 32.71875 20.171875 25.53125 21.96875 Q 15.875 24.421875 12.140625 26.203125 Q 8.40625 27.984375 6.46875 31.125 Q 4.546875 34.28125 4.546875 38.09375 Q 4.546875 41.546875 6.125 44.5 Q 7.71875 47.46875 10.453125 49.421875 Q 12.5 50.921875 16.03125 51.96875 Q 19.578125 53.03125 23.640625 53.03125 Q 29.734375 53.03125 34.34375 51.265625 Q 38.96875 49.515625 41.15625 46.5 Q 43.359375 43.5 44.1875 38.484375 L 35.59375 37.3125 Q 35.015625 41.3125 32.203125 43.546875 Q 29.390625 45.796875 24.265625 45.796875 Q 18.21875 45.796875 15.625 43.796875 Q 13.03125 41.796875 13.03125 39.109375 Q 13.03125 37.40625 14.109375 36.03125 Q 15.1875 34.625 17.484375 33.6875 Q 18.796875 33.203125 25.25 31.453125 Q 34.578125 28.953125 38.25 27.359375 Q 41.9375 25.78125 44.03125 22.75 Q 46.140625 19.734375 46.140625 15.234375 Q 46.140625 10.84375 43.578125 6.953125 Q 41.015625 3.078125 36.171875 0.953125 Q 31.34375 -1.171875 25.25 -1.171875 Q 15.140625 -1.171875 9.84375 3.03125 Q 4.546875 7.234375 3.078125 15.484375 z \" id=\"ArialMT-115\" />\n",
" <path id=\"ArialMT-32\" />\n",
" <path d=\"M 6.59375 -19.875 L 6.59375 51.859375 L 14.59375 51.859375 L 14.59375 45.125 Q 17.4375 49.078125 21 51.046875 Q 24.5625 53.03125 29.640625 53.03125 Q 36.28125 53.03125 41.359375 49.609375 Q 46.4375 46.1875 49.015625 39.953125 Q 51.609375 33.734375 51.609375 26.3125 Q 51.609375 18.359375 48.75 11.984375 Q 45.90625 5.609375 40.453125 2.21875 Q 35.015625 -1.171875 29 -1.171875 Q 24.609375 -1.171875 21.109375 0.6875 Q 17.625 2.546875 15.375 5.375 L 15.375 -19.875 z M 14.546875 25.640625 Q 14.546875 15.625 18.59375 10.84375 Q 22.65625 6.0625 28.421875 6.0625 Q 34.28125 6.0625 38.453125 11.015625 Q 42.625 15.96875 42.625 26.375 Q 42.625 36.28125 38.546875 41.203125 Q 34.46875 46.140625 28.8125 46.140625 Q 23.1875 46.140625 18.859375 40.890625 Q 14.546875 35.640625 14.546875 25.640625 z \" id=\"ArialMT-112\" />\n",
" <path d=\"M 14.703125 0 L 6.546875 0 L 6.546875 71.578125 L 15.328125 71.578125 L 15.328125 46.046875 Q 20.90625 53.03125 29.546875 53.03125 Q 34.328125 53.03125 38.59375 51.09375 Q 42.875 49.171875 45.625 45.671875 Q 48.390625 42.1875 49.953125 37.25 Q 51.515625 32.328125 51.515625 26.703125 Q 51.515625 13.375 44.921875 6.09375 Q 38.328125 -1.171875 29.109375 -1.171875 Q 19.921875 -1.171875 14.703125 6.5 z M 14.59375 26.3125 Q 14.59375 17 17.140625 12.84375 Q 21.296875 6.0625 28.375 6.0625 Q 34.125 6.0625 38.328125 11.0625 Q 42.53125 16.0625 42.53125 25.984375 Q 42.53125 36.140625 38.5 40.96875 Q 34.46875 45.796875 28.765625 45.796875 Q 23 45.796875 18.796875 40.796875 Q 14.59375 35.796875 14.59375 26.3125 z \" id=\"ArialMT-98\" />\n",
" <path d=\"M 6.390625 0 L 6.390625 71.578125 L 15.1875 71.578125 L 15.1875 0 z \" id=\"ArialMT-108\" />\n",
" </defs>\n",
" <g style=\"fill:#444443;\" transform=\"translate(0 39.26978)scale(0.09 -0.09)\">\n",
" <use xlink:href=\"#ArialMT-34\" />\n",
" <use x=\"35.498047\" xlink:href=\"#ArialMT-99\" />\n",
" <use x=\"85.498047\" xlink:href=\"#ArialMT-111\" />\n",
" <use x=\"141.113281\" xlink:href=\"#ArialMT-110\" />\n",
" <use x=\"196.728516\" xlink:href=\"#ArialMT-116\" />\n",
" <use x=\"224.511719\" xlink:href=\"#ArialMT-97\" />\n",
" <use x=\"280.126953\" xlink:href=\"#ArialMT-105\" />\n",
" <use x=\"302.34375\" xlink:href=\"#ArialMT-110\" />\n",
" <use x=\"357.958984\" xlink:href=\"#ArialMT-115\" />\n",
" <use x=\"407.958984\" xlink:href=\"#ArialMT-32\" />\n",
" <use x=\"435.742188\" xlink:href=\"#ArialMT-112\" />\n",
" <use x=\"491.357422\" xlink:href=\"#ArialMT-97\" />\n",
" <use x=\"546.972656\" xlink:href=\"#ArialMT-99\" />\n",
" <use x=\"596.972656\" xlink:href=\"#ArialMT-98\" />\n",
" <use x=\"652.587891\" xlink:href=\"#ArialMT-105\" />\n",
" <use x=\"674.804688\" xlink:href=\"#ArialMT-111\" />\n",
" <use x=\"730.419922\" xlink:href=\"#ArialMT-32\" />\n",
" <use x=\"758.203125\" xlink:href=\"#ArialMT-99\" />\n",
" <use x=\"808.203125\" xlink:href=\"#ArialMT-97\" />\n",
" <use x=\"863.818359\" xlink:href=\"#ArialMT-108\" />\n",
" <use x=\"886.035156\" xlink:href=\"#ArialMT-108\" />\n",
" <use x=\"908.251953\" xlink:href=\"#ArialMT-34\" />\n",
" </g>\n",
" </g>\n",
" </g>\n",
" </g>\n",
"</svg></g>\n",
"\n",
"<g class=\"edge\" id=\"edge8\"><title>node8-&gt;leaf10</title>\n",
"<path d=\"M434.13,-139.405C440.908,-121.666 448.755,-101.13 454.967,-84.874\" fill=\"none\" stroke=\"#444443\" stroke-width=\"0.3\" />\n",
"<polygon fill=\"#444443\" points=\"456.389,-85.0739 456.509,-80.8377 453.774,-84.0744 456.389,-85.0739\" stroke=\"#444443\" />\n",
"</g>\n",
"\n",
"<g class=\"node\" id=\"node4\"><title>node11</title>\n",
"<svg height=\"59px\" preserveAspectRatio=\"xMinYMin meet\" version=\"1.1\" viewBox=\"0 0 198.912679 58.818214\" width=\"199px\" x=\"542.5\" y=\"-209.5\">\n",
" <defs>\n",
" <style type=\"text/css\">\n",
"*{stroke-linecap:butt;stroke-linejoin:round;}\n",
" </style>\n",
" </defs>\n",
" <g id=\"figure_1\">\n",
" <g id=\"patch_1\">\n",
" <path d=\"M 0 58.818214 L 198.912679 58.818214 L 198.912679 0 L 0 0 z \" style=\"fill:#ffffff;\" />\n",
" </g>\n",
" <g id=\"axes_1\">\n",
" <g id=\"patch_2\">\n",
" <path d=\"M 12.09 28.925089 L 196.23 28.925089 L 196.23 1.745089 L 12.09 1.745089 z \" style=\"fill:#ffffff;\" />\n",
" </g>\n",
" <g id=\"patch_3\">\n",
" <path clip-path=\"url(#p0694761aed)\" d=\"M 12.09 28.925089 L 21.320075 28.925089 L 21.320075 28.925089 L 12.09 28.925089 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_4\">\n",
" <path clip-path=\"url(#p0694761aed)\" d=\"M 21.320075 28.925089 L 30.55015 28.925089 L 30.55015 28.925089 L 21.320075 28.925089 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_5\">\n",
" <path clip-path=\"url(#p0694761aed)\" d=\"M 30.55015 28.925089 L 39.780226 28.925089 L 39.780226 28.925089 L 30.55015 28.925089 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_6\">\n",
" <path clip-path=\"url(#p0694761aed)\" d=\"M 39.780226 28.925089 L 49.010301 28.925089 L 49.010301 28.925089 L 39.780226 28.925089 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_7\">\n",
" <path clip-path=\"url(#p0694761aed)\" d=\"M 49.010301 28.925089 L 58.240376 28.925089 L 58.240376 24.610804 L 49.010301 24.610804 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_8\">\n",
" <path clip-path=\"url(#p0694761aed)\" d=\"M 58.240376 28.925089 L 67.470451 28.925089 L 67.470451 28.925089 L 58.240376 28.925089 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_9\">\n",
" <path clip-path=\"url(#p0694761aed)\" d=\"M 67.470451 28.925089 L 76.700526 28.925089 L 76.700526 28.925089 L 67.470451 28.925089 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_10\">\n",
" <path clip-path=\"url(#p0694761aed)\" d=\"M 76.700526 28.925089 L 85.930602 28.925089 L 85.930602 20.296518 L 76.700526 20.296518 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_11\">\n",
" <path clip-path=\"url(#p0694761aed)\" d=\"M 85.930602 28.925089 L 95.160677 28.925089 L 95.160677 20.296518 L 85.930602 20.296518 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_12\">\n",
" <path clip-path=\"url(#p0694761aed)\" d=\"M 95.160677 28.925089 L 104.390752 28.925089 L 104.390752 24.610804 L 95.160677 24.610804 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_13\">\n",
" <path clip-path=\"url(#p0694761aed)\" d=\"M 104.390752 28.925089 L 113.620827 28.925089 L 113.620827 24.610804 L 104.390752 24.610804 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_14\">\n",
" <path clip-path=\"url(#p0694761aed)\" d=\"M 113.620827 28.925089 L 122.850902 28.925089 L 122.850902 15.982232 L 113.620827 15.982232 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_15\">\n",
" <path clip-path=\"url(#p0694761aed)\" d=\"M 122.850902 28.925089 L 132.080977 28.925089 L 132.080977 20.296518 L 122.850902 20.296518 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_16\">\n",
" <path clip-path=\"url(#p0694761aed)\" d=\"M 132.080977 28.925089 L 141.311053 28.925089 L 141.311053 20.296518 L 132.080977 20.296518 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_17\">\n",
" <path clip-path=\"url(#p0694761aed)\" d=\"M 141.311053 28.925089 L 150.541128 28.925089 L 150.541128 11.667946 L 141.311053 11.667946 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_18\">\n",
" <path clip-path=\"url(#p0694761aed)\" d=\"M 150.541128 28.925089 L 159.771203 28.925089 L 159.771203 15.982232 L 150.541128 15.982232 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_19\">\n",
" <path clip-path=\"url(#p0694761aed)\" d=\"M 159.771203 28.925089 L 169.001278 28.925089 L 169.001278 20.296518 L 159.771203 20.296518 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_20\">\n",
" <path clip-path=\"url(#p0694761aed)\" d=\"M 169.001278 28.925089 L 178.231353 28.925089 L 178.231353 28.925089 L 169.001278 28.925089 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_21\">\n",
" <path clip-path=\"url(#p0694761aed)\" d=\"M 178.231353 28.925089 L 187.461429 28.925089 L 187.461429 28.925089 L 178.231353 28.925089 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_22\">\n",
" <path clip-path=\"url(#p0694761aed)\" d=\"M 12.09 28.925089 L 21.320075 28.925089 L 21.320075 28.925089 L 12.09 28.925089 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_23\">\n",
" <path clip-path=\"url(#p0694761aed)\" d=\"M 21.320075 28.925089 L 30.55015 28.925089 L 30.55015 28.925089 L 21.320075 28.925089 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_24\">\n",
" <path clip-path=\"url(#p0694761aed)\" d=\"M 30.55015 28.925089 L 39.780226 28.925089 L 39.780226 24.610804 L 30.55015 24.610804 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_25\">\n",
" <path clip-path=\"url(#p0694761aed)\" d=\"M 39.780226 28.925089 L 49.010301 28.925089 L 49.010301 28.925089 L 39.780226 28.925089 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_26\">\n",
" <path clip-path=\"url(#p0694761aed)\" d=\"M 49.010301 24.610804 L 58.240376 24.610804 L 58.240376 20.296518 L 49.010301 20.296518 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_27\">\n",
" <path clip-path=\"url(#p0694761aed)\" d=\"M 58.240376 28.925089 L 67.470451 28.925089 L 67.470451 28.925089 L 58.240376 28.925089 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_28\">\n",
" <path clip-path=\"url(#p0694761aed)\" d=\"M 67.470451 28.925089 L 76.700526 28.925089 L 76.700526 24.610804 L 67.470451 24.610804 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_29\">\n",
" <path clip-path=\"url(#p0694761aed)\" d=\"M 76.700526 20.296518 L 85.930602 20.296518 L 85.930602 20.296518 L 76.700526 20.296518 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_30\">\n",
" <path clip-path=\"url(#p0694761aed)\" d=\"M 85.930602 20.296518 L 95.160677 20.296518 L 95.160677 15.982232 L 85.930602 15.982232 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_31\">\n",
" <path clip-path=\"url(#p0694761aed)\" d=\"M 95.160677 24.610804 L 104.390752 24.610804 L 104.390752 15.982232 L 95.160677 15.982232 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_32\">\n",
" <path clip-path=\"url(#p0694761aed)\" d=\"M 104.390752 24.610804 L 113.620827 24.610804 L 113.620827 15.982232 L 104.390752 15.982232 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_33\">\n",
" <path clip-path=\"url(#p0694761aed)\" d=\"M 113.620827 15.982232 L 122.850902 15.982232 L 122.850902 3.039375 L 113.620827 3.039375 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_34\">\n",
" <path clip-path=\"url(#p0694761aed)\" d=\"M 122.850902 20.296518 L 132.080977 20.296518 L 132.080977 3.039375 L 122.850902 3.039375 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_35\">\n",
" <path clip-path=\"url(#p0694761aed)\" d=\"M 132.080977 20.296518 L 141.311053 20.296518 L 141.311053 20.296518 L 132.080977 20.296518 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_36\">\n",
" <path clip-path=\"url(#p0694761aed)\" d=\"M 141.311053 11.667946 L 150.541128 11.667946 L 150.541128 11.667946 L 141.311053 11.667946 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_37\">\n",
" <path clip-path=\"url(#p0694761aed)\" d=\"M 150.541128 15.982232 L 159.771203 15.982232 L 159.771203 11.667946 L 150.541128 11.667946 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_38\">\n",
" <path clip-path=\"url(#p0694761aed)\" d=\"M 159.771203 20.296518 L 169.001278 20.296518 L 169.001278 20.296518 L 159.771203 20.296518 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_39\">\n",
" <path clip-path=\"url(#p0694761aed)\" d=\"M 169.001278 28.925089 L 178.231353 28.925089 L 178.231353 28.925089 L 169.001278 28.925089 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_40\">\n",
" <path clip-path=\"url(#p0694761aed)\" d=\"M 178.231353 28.925089 L 187.461429 28.925089 L 187.461429 28.925089 L 178.231353 28.925089 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_41\">\n",
" <path d=\"M 133.022306 29.740489 L 129.707786 37.079089 L 136.336826 37.079089 z \" style=\"fill:#444443;\" />\n",
" </g>\n",
" <g id=\"matplotlib.axis_1\">\n",
" <g id=\"xtick_1\">\n",
" <g id=\"line2d_1\">\n",
" <defs>\n",
" <path d=\"M 0 0 L 0 3.5 \" id=\"m6dac195f86\" style=\"stroke:#000000;stroke-width:0.3;\" />\n",
" </defs>\n",
" <g>\n",
" <use style=\"stroke:#000000;stroke-width:0.3;\" x=\"12.09\" y=\"28.925089\" xlink:href=\"#m6dac195f86\" />\n",
" </g>\n",
" </g>\n",
" <g id=\"text_1\">\n",
" \n",
" <defs>\n",
" <path d=\"M 31.78125 66.40625 Q 24.171875 66.40625 20.328125 58.90625 Q 16.5 51.421875 16.5 36.375 Q 16.5 21.390625 20.328125 13.890625 Q 24.171875 6.390625 31.78125 6.390625 Q 39.453125 6.390625 43.28125 13.890625 Q 47.125 21.390625 47.125 36.375 Q 47.125 51.421875 43.28125 58.90625 Q 39.453125 66.40625 31.78125 66.40625 z M 31.78125 74.21875 Q 44.046875 74.21875 50.515625 64.515625 Q 56.984375 54.828125 56.984375 36.375 Q 56.984375 17.96875 50.515625 8.265625 Q 44.046875 -1.421875 31.78125 -1.421875 Q 19.53125 -1.421875 13.0625 8.265625 Q 6.59375 17.96875 6.59375 36.375 Q 6.59375 54.828125 13.0625 64.515625 Q 19.53125 74.21875 31.78125 74.21875 z \" id=\"DejaVuSans-48\" />\n",
" <path d=\"M 10.6875 12.40625 L 21 12.40625 L 21 0 L 10.6875 0 z \" id=\"DejaVuSans-46\" />\n",
" </defs>\n",
" <g style=\"fill:#444443;\" transform=\"translate(0.63875 42.003839)scale(0.08 -0.08)\">\n",
" <use xlink:href=\"#DejaVuSans-48\" />\n",
" <use x=\"63.623047\" xlink:href=\"#DejaVuSans-46\" />\n",
" <use x=\"95.410156\" xlink:href=\"#DejaVuSans-48\" />\n",
" <use x=\"159.033203\" xlink:href=\"#DejaVuSans-48\" />\n",
" <use x=\"222.65625\" xlink:href=\"#DejaVuSans-48\" />\n",
" </g>\n",
" </g>\n",
" </g>\n",
" <g id=\"xtick_2\">\n",
" <g id=\"line2d_2\">\n",
" <g>\n",
" <use style=\"stroke:#000000;stroke-width:0.3;\" x=\"187.461429\" y=\"28.925089\" xlink:href=\"#m6dac195f86\" />\n",
" </g>\n",
" </g>\n",
" <g id=\"text_2\">\n",
" \n",
" <defs>\n",
" <path d=\"M 19.1875 8.296875 L 53.609375 8.296875 L 53.609375 0 L 7.328125 0 L 7.328125 8.296875 Q 12.9375 14.109375 22.625 23.890625 Q 32.328125 33.6875 34.8125 36.53125 Q 39.546875 41.84375 41.421875 45.53125 Q 43.3125 49.21875 43.3125 52.78125 Q 43.3125 58.59375 39.234375 62.25 Q 35.15625 65.921875 28.609375 65.921875 Q 23.96875 65.921875 18.8125 64.3125 Q 13.671875 62.703125 7.8125 59.421875 L 7.8125 69.390625 Q 13.765625 71.78125 18.9375 73 Q 24.125 74.21875 28.421875 74.21875 Q 39.75 74.21875 46.484375 68.546875 Q 53.21875 62.890625 53.21875 53.421875 Q 53.21875 48.921875 51.53125 44.890625 Q 49.859375 40.875 45.40625 35.40625 Q 44.1875 33.984375 37.640625 27.21875 Q 31.109375 20.453125 19.1875 8.296875 z \" id=\"DejaVuSans-50\" />\n",
" <path d=\"M 10.796875 72.90625 L 49.515625 72.90625 L 49.515625 64.59375 L 19.828125 64.59375 L 19.828125 46.734375 Q 21.96875 47.46875 24.109375 47.828125 Q 26.265625 48.1875 28.421875 48.1875 Q 40.625 48.1875 47.75 41.5 Q 54.890625 34.8125 54.890625 23.390625 Q 54.890625 11.625 47.5625 5.09375 Q 40.234375 -1.421875 26.90625 -1.421875 Q 22.3125 -1.421875 17.546875 -0.640625 Q 12.796875 0.140625 7.71875 1.703125 L 7.71875 11.625 Q 12.109375 9.234375 16.796875 8.0625 Q 21.484375 6.890625 26.703125 6.890625 Q 35.15625 6.890625 40.078125 11.328125 Q 45.015625 15.765625 45.015625 23.390625 Q 45.015625 31 40.078125 35.4375 Q 35.15625 39.890625 26.703125 39.890625 Q 22.75 39.890625 18.8125 39.015625 Q 14.890625 38.140625 10.796875 36.28125 z \" id=\"DejaVuSans-53\" />\n",
" <path d=\"M 40.578125 39.3125 Q 47.65625 37.796875 51.625 33 Q 55.609375 28.21875 55.609375 21.1875 Q 55.609375 10.40625 48.1875 4.484375 Q 40.765625 -1.421875 27.09375 -1.421875 Q 22.515625 -1.421875 17.65625 -0.515625 Q 12.796875 0.390625 7.625 2.203125 L 7.625 11.71875 Q 11.71875 9.328125 16.59375 8.109375 Q 21.484375 6.890625 26.8125 6.890625 Q 36.078125 6.890625 40.9375 10.546875 Q 45.796875 14.203125 45.796875 21.1875 Q 45.796875 27.640625 41.28125 31.265625 Q 36.765625 34.90625 28.71875 34.90625 L 20.21875 34.90625 L 20.21875 43.015625 L 29.109375 43.015625 Q 36.375 43.015625 40.234375 45.921875 Q 44.09375 48.828125 44.09375 54.296875 Q 44.09375 59.90625 40.109375 62.90625 Q 36.140625 65.921875 28.71875 65.921875 Q 24.65625 65.921875 20.015625 65.03125 Q 15.375 64.15625 9.8125 62.3125 L 9.8125 71.09375 Q 15.4375 72.65625 20.34375 73.4375 Q 25.25 74.21875 29.59375 74.21875 Q 40.828125 74.21875 47.359375 69.109375 Q 53.90625 64.015625 53.90625 55.328125 Q 53.90625 49.265625 50.4375 45.09375 Q 46.96875 40.921875 40.578125 39.3125 z \" id=\"DejaVuSans-51\" />\n",
" <path d=\"M 8.203125 72.90625 L 55.078125 72.90625 L 55.078125 68.703125 L 28.609375 0 L 18.3125 0 L 43.21875 64.59375 L 8.203125 64.59375 z \" id=\"DejaVuSans-55\" />\n",
" </defs>\n",
" <g style=\"fill:#444443;\" transform=\"translate(176.010179 42.003839)scale(0.08 -0.08)\">\n",
" <use xlink:href=\"#DejaVuSans-50\" />\n",
" <use x=\"63.623047\" xlink:href=\"#DejaVuSans-46\" />\n",
" <use x=\"95.410156\" xlink:href=\"#DejaVuSans-53\" />\n",
" <use x=\"159.033203\" xlink:href=\"#DejaVuSans-51\" />\n",
" <use x=\"222.65625\" xlink:href=\"#DejaVuSans-55\" />\n",
" </g>\n",
" </g>\n",
" </g>\n",
" <g id=\"text_3\">\n",
" \n",
" <defs>\n",
" <path d=\"M 6.390625 0 L 6.390625 71.578125 L 15.1875 71.578125 L 15.1875 0 z \" id=\"ArialMT-108\" />\n",
" <path d=\"M 3.328125 25.921875 Q 3.328125 40.328125 11.328125 47.265625 Q 18.015625 53.03125 27.640625 53.03125 Q 38.328125 53.03125 45.109375 46.015625 Q 51.90625 39.015625 51.90625 26.65625 Q 51.90625 16.65625 48.90625 10.90625 Q 45.90625 5.171875 40.15625 2 Q 34.421875 -1.171875 27.640625 -1.171875 Q 16.75 -1.171875 10.03125 5.8125 Q 3.328125 12.796875 3.328125 25.921875 z M 12.359375 25.921875 Q 12.359375 15.96875 16.703125 11.015625 Q 21.046875 6.0625 27.640625 6.0625 Q 34.1875 6.0625 38.53125 11.03125 Q 42.875 16.015625 42.875 26.21875 Q 42.875 35.84375 38.5 40.796875 Q 34.125 45.75 27.640625 45.75 Q 21.046875 45.75 16.703125 40.8125 Q 12.359375 35.890625 12.359375 25.921875 z \" id=\"ArialMT-111\" />\n",
" <path d=\"M 4.984375 -4.296875 L 13.53125 -5.5625 Q 14.0625 -9.515625 16.5 -11.328125 Q 19.78125 -13.765625 25.4375 -13.765625 Q 31.546875 -13.765625 34.859375 -11.328125 Q 38.1875 -8.890625 39.359375 -4.5 Q 40.046875 -1.8125 39.984375 6.78125 Q 34.234375 0 25.640625 0 Q 14.9375 0 9.078125 7.71875 Q 3.21875 15.4375 3.21875 26.21875 Q 3.21875 33.640625 5.90625 39.90625 Q 8.59375 46.1875 13.6875 49.609375 Q 18.796875 53.03125 25.6875 53.03125 Q 34.859375 53.03125 40.828125 45.609375 L 40.828125 51.859375 L 48.921875 51.859375 L 48.921875 7.03125 Q 48.921875 -5.078125 46.453125 -10.125 Q 44 -15.1875 38.640625 -18.109375 Q 33.296875 -21.046875 25.484375 -21.046875 Q 16.21875 -21.046875 10.5 -16.875 Q 4.78125 -12.703125 4.984375 -4.296875 z M 12.25 26.859375 Q 12.25 16.65625 16.296875 11.96875 Q 20.359375 7.28125 26.46875 7.28125 Q 32.515625 7.28125 36.609375 11.9375 Q 40.71875 16.609375 40.71875 26.5625 Q 40.71875 36.078125 36.5 40.90625 Q 32.28125 45.75 26.3125 45.75 Q 20.453125 45.75 16.34375 40.984375 Q 12.25 36.234375 12.25 26.859375 z \" id=\"ArialMT-103\" />\n",
" <path d=\"M 37.25 0 L 28.46875 0 L 28.46875 56 Q 25.296875 52.984375 20.140625 49.953125 Q 14.984375 46.921875 10.890625 45.40625 L 10.890625 53.90625 Q 18.265625 57.375 23.78125 62.296875 Q 29.296875 67.234375 31.59375 71.875 L 37.25 71.875 z \" id=\"ArialMT-49\" />\n",
" <path d=\"M 4.15625 35.296875 Q 4.15625 48 6.765625 55.734375 Q 9.375 63.484375 14.515625 67.671875 Q 19.671875 71.875 27.484375 71.875 Q 33.25 71.875 37.59375 69.546875 Q 41.9375 67.234375 44.765625 62.859375 Q 47.609375 58.5 49.21875 52.21875 Q 50.828125 45.953125 50.828125 35.296875 Q 50.828125 22.703125 48.234375 14.96875 Q 45.65625 7.234375 40.5 3 Q 35.359375 -1.21875 27.484375 -1.21875 Q 17.140625 -1.21875 11.234375 6.203125 Q 4.15625 15.140625 4.15625 35.296875 z M 13.1875 35.296875 Q 13.1875 17.671875 17.3125 11.828125 Q 21.4375 6 27.484375 6 Q 33.546875 6 37.671875 11.859375 Q 41.796875 17.71875 41.796875 35.296875 Q 41.796875 52.984375 37.671875 58.78125 Q 33.546875 64.59375 27.390625 64.59375 Q 21.34375 64.59375 17.71875 59.46875 Q 13.1875 52.9375 13.1875 35.296875 z \" id=\"ArialMT-48\" />\n",
" <path d=\"M -1.515625 -19.875 L -1.515625 -13.53125 L 56.734375 -13.53125 L 56.734375 -19.875 z \" id=\"ArialMT-95\" />\n",
" <path d=\"M 6.59375 -19.875 L 6.59375 51.859375 L 14.59375 51.859375 L 14.59375 45.125 Q 17.4375 49.078125 21 51.046875 Q 24.5625 53.03125 29.640625 53.03125 Q 36.28125 53.03125 41.359375 49.609375 Q 46.4375 46.1875 49.015625 39.953125 Q 51.609375 33.734375 51.609375 26.3125 Q 51.609375 18.359375 48.75 11.984375 Q 45.90625 5.609375 40.453125 2.21875 Q 35.015625 -1.171875 29 -1.171875 Q 24.609375 -1.171875 21.109375 0.6875 Q 17.625 2.546875 15.375 5.375 L 15.375 -19.875 z M 14.546875 25.640625 Q 14.546875 15.625 18.59375 10.84375 Q 22.65625 6.0625 28.421875 6.0625 Q 34.28125 6.0625 38.453125 11.015625 Q 42.625 15.96875 42.625 26.375 Q 42.625 36.28125 38.546875 41.203125 Q 34.46875 46.140625 28.8125 46.140625 Q 23.1875 46.140625 18.859375 40.890625 Q 14.546875 35.640625 14.546875 25.640625 z \" id=\"ArialMT-112\" />\n",
" <path d=\"M 42.09375 16.703125 L 51.171875 15.578125 Q 49.03125 7.625 43.21875 3.21875 Q 37.40625 -1.171875 28.375 -1.171875 Q 17 -1.171875 10.328125 5.828125 Q 3.65625 12.84375 3.65625 25.484375 Q 3.65625 38.578125 10.390625 45.796875 Q 17.140625 53.03125 27.875 53.03125 Q 38.28125 53.03125 44.875 45.953125 Q 51.46875 38.875 51.46875 26.03125 Q 51.46875 25.25 51.421875 23.6875 L 12.75 23.6875 Q 13.234375 15.140625 17.578125 10.59375 Q 21.921875 6.0625 28.421875 6.0625 Q 33.25 6.0625 36.671875 8.59375 Q 40.09375 11.140625 42.09375 16.703125 z M 13.234375 30.90625 L 42.1875 30.90625 Q 41.609375 37.453125 38.875 40.71875 Q 34.671875 45.796875 27.984375 45.796875 Q 21.921875 45.796875 17.796875 41.75 Q 13.671875 37.703125 13.234375 30.90625 z \" id=\"ArialMT-101\" />\n",
" <path d=\"M 6.5 0 L 6.5 51.859375 L 14.40625 51.859375 L 14.40625 44 Q 17.4375 49.515625 20 51.265625 Q 22.5625 53.03125 25.640625 53.03125 Q 30.078125 53.03125 34.671875 50.203125 L 31.640625 42.046875 Q 28.421875 43.953125 25.203125 43.953125 Q 22.3125 43.953125 20.015625 42.21875 Q 17.71875 40.484375 16.75 37.40625 Q 15.28125 32.71875 15.28125 27.15625 L 15.28125 0 z \" id=\"ArialMT-114\" />\n",
" <path d=\"M 6.640625 61.46875 L 6.640625 71.578125 L 15.4375 71.578125 L 15.4375 61.46875 z M 6.640625 0 L 6.640625 51.859375 L 15.4375 51.859375 L 15.4375 0 z \" id=\"ArialMT-105\" />\n",
" <path d=\"M 40.234375 0 L 40.234375 6.546875 Q 35.296875 -1.171875 25.734375 -1.171875 Q 19.53125 -1.171875 14.328125 2.25 Q 9.125 5.671875 6.265625 11.796875 Q 3.421875 17.921875 3.421875 25.875 Q 3.421875 33.640625 6 39.96875 Q 8.59375 46.296875 13.765625 49.65625 Q 18.953125 53.03125 25.34375 53.03125 Q 30.03125 53.03125 33.6875 51.046875 Q 37.359375 49.078125 39.65625 45.90625 L 39.65625 71.578125 L 48.390625 71.578125 L 48.390625 0 z M 12.453125 25.875 Q 12.453125 15.921875 16.640625 10.984375 Q 20.84375 6.0625 26.5625 6.0625 Q 32.328125 6.0625 36.34375 10.765625 Q 40.375 15.484375 40.375 25.140625 Q 40.375 35.796875 36.265625 40.765625 Q 32.171875 45.75 26.171875 45.75 Q 20.3125 45.75 16.375 40.96875 Q 12.453125 36.1875 12.453125 25.875 z \" id=\"ArialMT-100\" />\n",
" </defs>\n",
" <g style=\"fill:#444443;\" transform=\"translate(69.466875 56.292589)scale(0.12 -0.12)\">\n",
" <use xlink:href=\"#ArialMT-108\" />\n",
" <use x=\"22.216797\" xlink:href=\"#ArialMT-111\" />\n",
" <use x=\"77.832031\" xlink:href=\"#ArialMT-103\" />\n",
" <use x=\"133.447266\" xlink:href=\"#ArialMT-49\" />\n",
" <use x=\"189.0625\" xlink:href=\"#ArialMT-48\" />\n",
" <use x=\"244.677734\" xlink:href=\"#ArialMT-95\" />\n",
" <use x=\"300.292969\" xlink:href=\"#ArialMT-112\" />\n",
" <use x=\"355.908203\" xlink:href=\"#ArialMT-101\" />\n",
" <use x=\"411.523438\" xlink:href=\"#ArialMT-114\" />\n",
" <use x=\"444.824219\" xlink:href=\"#ArialMT-105\" />\n",
" <use x=\"467.041016\" xlink:href=\"#ArialMT-111\" />\n",
" <use x=\"522.65625\" xlink:href=\"#ArialMT-100\" />\n",
" </g>\n",
" </g>\n",
" </g>\n",
" <g id=\"matplotlib.axis_2\">\n",
" <g id=\"ytick_1\">\n",
" <g id=\"line2d_3\">\n",
" <defs>\n",
" <path d=\"M 0 0 L -3.5 0 \" id=\"m0914bceb5a\" style=\"stroke:#000000;stroke-width:0.3;\" />\n",
" </defs>\n",
" <g>\n",
" <use style=\"stroke:#000000;stroke-width:0.3;\" x=\"12.09\" y=\"28.925089\" xlink:href=\"#m0914bceb5a\" />\n",
" </g>\n",
" </g>\n",
" <g id=\"text_4\">\n",
" \n",
" <g style=\"fill:#444443;\" transform=\"translate(0 31.964464)scale(0.08 -0.08)\">\n",
" <use xlink:href=\"#DejaVuSans-48\" />\n",
" </g>\n",
" </g>\n",
" </g>\n",
" <g id=\"ytick_2\">\n",
" <g id=\"line2d_4\">\n",
" <g>\n",
" <use style=\"stroke:#000000;stroke-width:0.3;\" x=\"12.09\" y=\"3.039375\" xlink:href=\"#m0914bceb5a\" />\n",
" </g>\n",
" </g>\n",
" <g id=\"text_5\">\n",
" \n",
" <defs>\n",
" <path d=\"M 33.015625 40.375 Q 26.375 40.375 22.484375 35.828125 Q 18.609375 31.296875 18.609375 23.390625 Q 18.609375 15.53125 22.484375 10.953125 Q 26.375 6.390625 33.015625 6.390625 Q 39.65625 6.390625 43.53125 10.953125 Q 47.40625 15.53125 47.40625 23.390625 Q 47.40625 31.296875 43.53125 35.828125 Q 39.65625 40.375 33.015625 40.375 z M 52.59375 71.296875 L 52.59375 62.3125 Q 48.875 64.0625 45.09375 64.984375 Q 41.3125 65.921875 37.59375 65.921875 Q 27.828125 65.921875 22.671875 59.328125 Q 17.53125 52.734375 16.796875 39.40625 Q 19.671875 43.65625 24.015625 45.921875 Q 28.375 48.1875 33.59375 48.1875 Q 44.578125 48.1875 50.953125 41.515625 Q 57.328125 34.859375 57.328125 23.390625 Q 57.328125 12.15625 50.6875 5.359375 Q 44.046875 -1.421875 33.015625 -1.421875 Q 20.359375 -1.421875 13.671875 8.265625 Q 6.984375 17.96875 6.984375 36.375 Q 6.984375 53.65625 15.1875 63.9375 Q 23.390625 74.21875 37.203125 74.21875 Q 40.921875 74.21875 44.703125 73.484375 Q 48.484375 72.75 52.59375 71.296875 z \" id=\"DejaVuSans-54\" />\n",
" </defs>\n",
" <g style=\"fill:#444443;\" transform=\"translate(0 6.07875)scale(0.08 -0.08)\">\n",
" <use xlink:href=\"#DejaVuSans-54\" />\n",
" </g>\n",
" </g>\n",
" </g>\n",
" </g>\n",
" <g id=\"patch_42\">\n",
" <path d=\"M 12.09 28.925089 L 12.09 1.745089 \" style=\"fill:none;stroke:#000000;stroke-linecap:square;stroke-linejoin:miter;stroke-width:0.3;\" />\n",
" </g>\n",
" <g id=\"patch_43\">\n",
" <path d=\"M 12.09 28.925089 L 196.23 28.925089 \" style=\"fill:none;stroke:#000000;stroke-linecap:square;stroke-linejoin:miter;stroke-width:0.3;\" />\n",
" </g>\n",
" <g id=\"text_6\">\n",
" \n",
" <defs>\n",
" <path d=\"M 9.078125 0 L 9.078125 10.015625 L 19.09375 10.015625 L 19.09375 0 z \" id=\"ArialMT-46\" />\n",
" <path d=\"M 4.734375 62.203125 L 4.734375 70.65625 L 51.078125 70.65625 L 51.078125 63.8125 Q 44.234375 56.546875 37.515625 44.484375 Q 30.8125 32.421875 27.15625 19.671875 Q 24.515625 10.6875 23.78125 0 L 14.75 0 Q 14.890625 8.453125 18.0625 20.40625 Q 21.234375 32.375 27.171875 43.484375 Q 33.109375 54.59375 39.796875 62.203125 z \" id=\"ArialMT-55\" />\n",
" <path d=\"M 4.15625 18.75 L 13.375 19.53125 Q 14.40625 12.796875 18.140625 9.390625 Q 21.875 6 27.15625 6 Q 33.5 6 37.890625 10.78125 Q 42.28125 15.578125 42.28125 23.484375 Q 42.28125 31 38.0625 35.34375 Q 33.84375 39.703125 27 39.703125 Q 22.75 39.703125 19.328125 37.765625 Q 15.921875 35.84375 13.96875 32.765625 L 5.71875 33.84375 L 12.640625 70.609375 L 48.25 70.609375 L 48.25 62.203125 L 19.671875 62.203125 L 15.828125 42.96875 Q 22.265625 47.46875 29.34375 47.46875 Q 38.71875 47.46875 45.15625 40.96875 Q 51.609375 34.46875 51.609375 24.265625 Q 51.609375 14.546875 45.953125 7.46875 Q 39.0625 -1.21875 27.15625 -1.21875 Q 17.390625 -1.21875 11.203125 4.25 Q 5.03125 9.71875 4.15625 18.75 z \" id=\"ArialMT-53\" />\n",
" </defs>\n",
" <g style=\"fill:#444443;\" transform=\"translate(125.237931 45.233089)scale(0.08 -0.08)\">\n",
" <use xlink:href=\"#ArialMT-49\" />\n",
" <use x=\"55.615234\" xlink:href=\"#ArialMT-46\" />\n",
" <use x=\"83.398438\" xlink:href=\"#ArialMT-55\" />\n",
" <use x=\"139.013672\" xlink:href=\"#ArialMT-53\" />\n",
" </g>\n",
" </g>\n",
" </g>\n",
" </g>\n",
" <defs>\n",
" <clipPath id=\"p0694761aed\">\n",
" <rect height=\"27.18\" width=\"184.14\" x=\"12.09\" y=\"1.745089\" />\n",
" </clipPath>\n",
" </defs>\n",
"</svg></g>\n",
"\n",
"\n",
"<g class=\"node\" id=\"node15\"><title>leaf12</title>\n",
"<polygon fill=\"none\" points=\"623,-90.5 529,-90.5 529,-19.5 623,-19.5 623,-90.5\" stroke=\"#444443\" stroke-width=\"0\" />\n",
"<svg height=\"62px\" preserveAspectRatio=\"xMinYMin meet\" version=\"1.1\" viewBox=\"0 0 84.933281 61.626945\" width=\"85px\" x=\"533.5\" y=\"-85.5\">\n",
" <defs>\n",
" <style type=\"text/css\">\n",
"*{stroke-linecap:butt;stroke-linejoin:round;}\n",
" </style>\n",
" </defs>\n",
" <g id=\"figure_1\">\n",
" <g id=\"patch_1\">\n",
" <path d=\"M 0 61.626945 L 84.933281 61.626945 L 84.933281 0 L 0 0 z \" style=\"fill:#ffffff;\" />\n",
" </g>\n",
" <g id=\"axes_1\">\n",
" <g id=\"patch_2\">\n",
" <path d=\"M 63.304641 21.371936 C 63.304641 16.474032 61.577786 11.729539 58.429475 7.977528 C 55.281163 4.225516 50.908615 1.701024 46.085121 0.850512 C 41.261628 0 36.289349 0.876747 32.04764 3.325699 C 27.805931 5.774651 24.560507 9.642397 22.885326 14.244921 L 42.466641 21.371936 L 63.304641 21.371936 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_3\">\n",
" <path d=\"M 22.885326 14.244921 C 21.844649 17.104156 21.442744 20.156932 21.707936 23.188088 C 21.973127 26.219244 22.899037 29.155852 24.420404 31.790937 C 25.941771 34.426022 28.021994 36.696187 30.514456 38.441427 C 33.006918 40.186668 35.851654 41.364995 38.848162 41.89336 C 41.84467 42.421725 44.920859 42.287416 47.859914 41.499898 C 50.79897 40.71238 53.530182 39.2906 55.861051 37.334768 C 58.191921 35.378936 60.066369 32.936106 61.352284 30.178452 C 62.638198 27.420798 63.304641 24.414666 63.304641 21.371932 L 42.466641 21.371936 L 22.885326 14.244921 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"text_1\">\n",
" \n",
" <defs>\n",
" <path d=\"M 6.59375 0 L 6.59375 51.859375 L 14.5 51.859375 L 14.5 44.484375 Q 20.21875 53.03125 31 53.03125 Q 35.6875 53.03125 39.625 51.34375 Q 43.5625 49.65625 45.515625 46.921875 Q 47.46875 44.1875 48.25 40.4375 Q 48.734375 37.984375 48.734375 31.890625 L 48.734375 0 L 39.9375 0 L 39.9375 31.546875 Q 39.9375 36.921875 38.90625 39.578125 Q 37.890625 42.234375 35.28125 43.8125 Q 32.671875 45.40625 29.15625 45.40625 Q 23.53125 45.40625 19.453125 41.84375 Q 15.375 38.28125 15.375 28.328125 L 15.375 0 z \" id=\"ArialMT-110\" />\n",
" <path d=\"M 52.828125 42.09375 L 5.5625 42.09375 L 5.5625 50.296875 L 52.828125 50.296875 z M 52.828125 20.359375 L 5.5625 20.359375 L 5.5625 28.5625 L 52.828125 28.5625 z \" id=\"ArialMT-61\" />\n",
" <path d=\"M 50.34375 8.453125 L 50.34375 0 L 3.03125 0 Q 2.9375 3.171875 4.046875 6.109375 Q 5.859375 10.9375 9.828125 15.625 Q 13.8125 20.3125 21.34375 26.46875 Q 33.015625 36.03125 37.109375 41.625 Q 41.21875 47.21875 41.21875 52.203125 Q 41.21875 57.421875 37.46875 61 Q 33.734375 64.59375 27.734375 64.59375 Q 21.390625 64.59375 17.578125 60.78125 Q 13.765625 56.984375 13.71875 50.25 L 4.6875 51.171875 Q 5.609375 61.28125 11.65625 66.578125 Q 17.71875 71.875 27.9375 71.875 Q 38.234375 71.875 44.234375 66.15625 Q 50.25 60.453125 50.25 52 Q 50.25 47.703125 48.484375 43.546875 Q 46.734375 39.40625 42.65625 34.8125 Q 38.578125 30.21875 29.109375 22.21875 Q 21.1875 15.578125 18.9375 13.203125 Q 16.703125 10.84375 15.234375 8.453125 z \" id=\"ArialMT-50\" />\n",
" <path d=\"M 4.734375 62.203125 L 4.734375 70.65625 L 51.078125 70.65625 L 51.078125 63.8125 Q 44.234375 56.546875 37.515625 44.484375 Q 30.8125 32.421875 27.15625 19.671875 Q 24.515625 10.6875 23.78125 0 L 14.75 0 Q 14.890625 8.453125 18.0625 20.40625 Q 21.234375 32.375 27.171875 43.484375 Q 33.109375 54.59375 39.796875 62.203125 z \" id=\"ArialMT-55\" />\n",
" </defs>\n",
" <g style=\"fill:#444443;\" transform=\"translate(32.331094 50.319007)scale(0.09 -0.09)\">\n",
" <use xlink:href=\"#ArialMT-110\" />\n",
" <use x=\"55.615234\" xlink:href=\"#ArialMT-61\" />\n",
" <use x=\"114.013672\" xlink:href=\"#ArialMT-50\" />\n",
" <use x=\"169.628906\" xlink:href=\"#ArialMT-55\" />\n",
" </g>\n",
" \n",
" <defs>\n",
" <path d=\"M 7.03125 46.234375 L 4.59375 59.859375 L 4.59375 71.578125 L 14.59375 71.578125 L 14.59375 59.859375 L 12.40625 46.234375 z M 23.1875 46.234375 L 20.796875 59.859375 L 20.796875 71.578125 L 30.8125 71.578125 L 30.8125 59.859375 L 28.46875 46.234375 z \" id=\"ArialMT-34\" />\n",
" <path d=\"M 40.4375 19 L 49.078125 17.875 Q 47.65625 8.9375 41.8125 3.875 Q 35.984375 -1.171875 27.484375 -1.171875 Q 16.84375 -1.171875 10.375 5.78125 Q 3.90625 12.75 3.90625 25.734375 Q 3.90625 34.125 6.6875 40.421875 Q 9.46875 46.734375 15.15625 49.875 Q 20.84375 53.03125 27.546875 53.03125 Q 35.984375 53.03125 41.359375 48.75 Q 46.734375 44.484375 48.25 36.625 L 39.703125 35.296875 Q 38.484375 40.53125 35.375 43.15625 Q 32.28125 45.796875 27.875 45.796875 Q 21.234375 45.796875 17.078125 41.03125 Q 12.9375 36.28125 12.9375 25.984375 Q 12.9375 15.53125 16.9375 10.796875 Q 20.953125 6.0625 27.390625 6.0625 Q 32.5625 6.0625 36.03125 9.234375 Q 39.5 12.40625 40.4375 19 z \" id=\"ArialMT-99\" />\n",
" <path d=\"M 3.328125 25.921875 Q 3.328125 40.328125 11.328125 47.265625 Q 18.015625 53.03125 27.640625 53.03125 Q 38.328125 53.03125 45.109375 46.015625 Q 51.90625 39.015625 51.90625 26.65625 Q 51.90625 16.65625 48.90625 10.90625 Q 45.90625 5.171875 40.15625 2 Q 34.421875 -1.171875 27.640625 -1.171875 Q 16.75 -1.171875 10.03125 5.8125 Q 3.328125 12.796875 3.328125 25.921875 z M 12.359375 25.921875 Q 12.359375 15.96875 16.703125 11.015625 Q 21.046875 6.0625 27.640625 6.0625 Q 34.1875 6.0625 38.53125 11.03125 Q 42.875 16.015625 42.875 26.21875 Q 42.875 35.84375 38.5 40.796875 Q 34.125 45.75 27.640625 45.75 Q 21.046875 45.75 16.703125 40.8125 Q 12.359375 35.890625 12.359375 25.921875 z \" id=\"ArialMT-111\" />\n",
" <path d=\"M 25.78125 7.859375 L 27.046875 0.09375 Q 23.34375 -0.6875 20.40625 -0.6875 Q 15.625 -0.6875 12.984375 0.828125 Q 10.359375 2.34375 9.28125 4.8125 Q 8.203125 7.28125 8.203125 15.1875 L 8.203125 45.015625 L 1.765625 45.015625 L 1.765625 51.859375 L 8.203125 51.859375 L 8.203125 64.703125 L 16.9375 69.96875 L 16.9375 51.859375 L 25.78125 51.859375 L 25.78125 45.015625 L 16.9375 45.015625 L 16.9375 14.703125 Q 16.9375 10.9375 17.40625 9.859375 Q 17.875 8.796875 18.921875 8.15625 Q 19.96875 7.515625 21.921875 7.515625 Q 23.390625 7.515625 25.78125 7.859375 z \" id=\"ArialMT-116\" />\n",
" <path d=\"M 40.4375 6.390625 Q 35.546875 2.25 31.03125 0.53125 Q 26.515625 -1.171875 21.34375 -1.171875 Q 12.796875 -1.171875 8.203125 3 Q 3.609375 7.171875 3.609375 13.671875 Q 3.609375 17.484375 5.34375 20.625 Q 7.078125 23.78125 9.890625 25.6875 Q 12.703125 27.59375 16.21875 28.5625 Q 18.796875 29.25 24.03125 29.890625 Q 34.671875 31.15625 39.703125 32.90625 Q 39.75 34.71875 39.75 35.203125 Q 39.75 40.578125 37.25 42.78125 Q 33.890625 45.75 27.25 45.75 Q 21.046875 45.75 18.09375 43.578125 Q 15.140625 41.40625 13.71875 35.890625 L 5.125 37.0625 Q 6.296875 42.578125 8.984375 45.96875 Q 11.671875 49.359375 16.75 51.1875 Q 21.828125 53.03125 28.515625 53.03125 Q 35.15625 53.03125 39.296875 51.46875 Q 43.453125 49.90625 45.40625 47.53125 Q 47.359375 45.171875 48.140625 41.546875 Q 48.578125 39.3125 48.578125 33.453125 L 48.578125 21.734375 Q 48.578125 9.46875 49.140625 6.21875 Q 49.703125 2.984375 51.375 0 L 42.1875 0 Q 40.828125 2.734375 40.4375 6.390625 z M 39.703125 26.03125 Q 34.90625 24.078125 25.34375 22.703125 Q 19.921875 21.921875 17.671875 20.9375 Q 15.4375 19.96875 14.203125 18.09375 Q 12.984375 16.21875 12.984375 13.921875 Q 12.984375 10.40625 15.640625 8.0625 Q 18.3125 5.71875 23.4375 5.71875 Q 28.515625 5.71875 32.46875 7.9375 Q 36.421875 10.15625 38.28125 14.015625 Q 39.703125 17 39.703125 22.796875 z \" id=\"ArialMT-97\" />\n",
" <path d=\"M 6.640625 61.46875 L 6.640625 71.578125 L 15.4375 71.578125 L 15.4375 61.46875 z M 6.640625 0 L 6.640625 51.859375 L 15.4375 51.859375 L 15.4375 0 z \" id=\"ArialMT-105\" />\n",
" <path d=\"M 3.078125 15.484375 L 11.765625 16.84375 Q 12.5 11.625 15.84375 8.84375 Q 19.1875 6.0625 25.203125 6.0625 Q 31.25 6.0625 34.171875 8.515625 Q 37.109375 10.984375 37.109375 14.3125 Q 37.109375 17.28125 34.515625 19 Q 32.71875 20.171875 25.53125 21.96875 Q 15.875 24.421875 12.140625 26.203125 Q 8.40625 27.984375 6.46875 31.125 Q 4.546875 34.28125 4.546875 38.09375 Q 4.546875 41.546875 6.125 44.5 Q 7.71875 47.46875 10.453125 49.421875 Q 12.5 50.921875 16.03125 51.96875 Q 19.578125 53.03125 23.640625 53.03125 Q 29.734375 53.03125 34.34375 51.265625 Q 38.96875 49.515625 41.15625 46.5 Q 43.359375 43.5 44.1875 38.484375 L 35.59375 37.3125 Q 35.015625 41.3125 32.203125 43.546875 Q 29.390625 45.796875 24.265625 45.796875 Q 18.21875 45.796875 15.625 43.796875 Q 13.03125 41.796875 13.03125 39.109375 Q 13.03125 37.40625 14.109375 36.03125 Q 15.1875 34.625 17.484375 33.6875 Q 18.796875 33.203125 25.25 31.453125 Q 34.578125 28.953125 38.25 27.359375 Q 41.9375 25.78125 44.03125 22.75 Q 46.140625 19.734375 46.140625 15.234375 Q 46.140625 10.84375 43.578125 6.953125 Q 41.015625 3.078125 36.171875 0.953125 Q 31.34375 -1.171875 25.25 -1.171875 Q 15.140625 -1.171875 9.84375 3.03125 Q 4.546875 7.234375 3.078125 15.484375 z \" id=\"ArialMT-115\" />\n",
" <path id=\"ArialMT-32\" />\n",
" <path d=\"M 6.59375 -19.875 L 6.59375 51.859375 L 14.59375 51.859375 L 14.59375 45.125 Q 17.4375 49.078125 21 51.046875 Q 24.5625 53.03125 29.640625 53.03125 Q 36.28125 53.03125 41.359375 49.609375 Q 46.4375 46.1875 49.015625 39.953125 Q 51.609375 33.734375 51.609375 26.3125 Q 51.609375 18.359375 48.75 11.984375 Q 45.90625 5.609375 40.453125 2.21875 Q 35.015625 -1.171875 29 -1.171875 Q 24.609375 -1.171875 21.109375 0.6875 Q 17.625 2.546875 15.375 5.375 L 15.375 -19.875 z M 14.546875 25.640625 Q 14.546875 15.625 18.59375 10.84375 Q 22.65625 6.0625 28.421875 6.0625 Q 34.28125 6.0625 38.453125 11.015625 Q 42.625 15.96875 42.625 26.375 Q 42.625 36.28125 38.546875 41.203125 Q 34.46875 46.140625 28.8125 46.140625 Q 23.1875 46.140625 18.859375 40.890625 Q 14.546875 35.640625 14.546875 25.640625 z \" id=\"ArialMT-112\" />\n",
" <path d=\"M 14.703125 0 L 6.546875 0 L 6.546875 71.578125 L 15.328125 71.578125 L 15.328125 46.046875 Q 20.90625 53.03125 29.546875 53.03125 Q 34.328125 53.03125 38.59375 51.09375 Q 42.875 49.171875 45.625 45.671875 Q 48.390625 42.1875 49.953125 37.25 Q 51.515625 32.328125 51.515625 26.703125 Q 51.515625 13.375 44.921875 6.09375 Q 38.328125 -1.171875 29.109375 -1.171875 Q 19.921875 -1.171875 14.703125 6.5 z M 14.59375 26.3125 Q 14.59375 17 17.140625 12.84375 Q 21.296875 6.0625 28.375 6.0625 Q 34.125 6.0625 38.328125 11.0625 Q 42.53125 16.0625 42.53125 25.984375 Q 42.53125 36.140625 38.5 40.96875 Q 34.46875 45.796875 28.765625 45.796875 Q 23 45.796875 18.796875 40.796875 Q 14.59375 35.796875 14.59375 26.3125 z \" id=\"ArialMT-98\" />\n",
" <path d=\"M 6.390625 0 L 6.390625 71.578125 L 15.1875 71.578125 L 15.1875 0 z \" id=\"ArialMT-108\" />\n",
" </defs>\n",
" <g style=\"fill:#444443;\" transform=\"translate(0 59.838195)scale(0.09 -0.09)\">\n",
" <use xlink:href=\"#ArialMT-34\" />\n",
" <use x=\"35.498047\" xlink:href=\"#ArialMT-99\" />\n",
" <use x=\"85.498047\" xlink:href=\"#ArialMT-111\" />\n",
" <use x=\"141.113281\" xlink:href=\"#ArialMT-110\" />\n",
" <use x=\"196.728516\" xlink:href=\"#ArialMT-116\" />\n",
" <use x=\"224.511719\" xlink:href=\"#ArialMT-97\" />\n",
" <use x=\"280.126953\" xlink:href=\"#ArialMT-105\" />\n",
" <use x=\"302.34375\" xlink:href=\"#ArialMT-110\" />\n",
" <use x=\"357.958984\" xlink:href=\"#ArialMT-115\" />\n",
" <use x=\"407.958984\" xlink:href=\"#ArialMT-32\" />\n",
" <use x=\"435.742188\" xlink:href=\"#ArialMT-112\" />\n",
" <use x=\"491.357422\" xlink:href=\"#ArialMT-97\" />\n",
" <use x=\"546.972656\" xlink:href=\"#ArialMT-99\" />\n",
" <use x=\"596.972656\" xlink:href=\"#ArialMT-98\" />\n",
" <use x=\"652.587891\" xlink:href=\"#ArialMT-105\" />\n",
" <use x=\"674.804688\" xlink:href=\"#ArialMT-111\" />\n",
" <use x=\"730.419922\" xlink:href=\"#ArialMT-32\" />\n",
" <use x=\"758.203125\" xlink:href=\"#ArialMT-99\" />\n",
" <use x=\"808.203125\" xlink:href=\"#ArialMT-97\" />\n",
" <use x=\"863.818359\" xlink:href=\"#ArialMT-108\" />\n",
" <use x=\"886.035156\" xlink:href=\"#ArialMT-108\" />\n",
" <use x=\"908.251953\" xlink:href=\"#ArialMT-34\" />\n",
" </g>\n",
" </g>\n",
" </g>\n",
" </g>\n",
"</svg></g>\n",
"\n",
"<g class=\"edge\" id=\"edge10\"><title>node11-&gt;leaf12</title>\n",
"<path d=\"M624.139,-145.714C615.621,-129.84 605.385,-110.763 596.546,-94.2903\" fill=\"none\" stroke=\"#444443\" stroke-width=\"0.3\" />\n",
"<polygon fill=\"#444443\" points=\"597.691,-93.4626 594.566,-90.5999 595.224,-94.7865 597.691,-93.4626\" stroke=\"#444443\" />\n",
"</g>\n",
"\n",
"<g class=\"node\" id=\"node16\"><title>leaf13</title>\n",
"<polygon fill=\"none\" points=\"763.25,-81 636.75,-81 636.75,-29 763.25,-29 763.25,-81\" stroke=\"#444443\" stroke-width=\"0\" />\n",
"<svg height=\"43px\" preserveAspectRatio=\"xMinYMin meet\" version=\"1.1\" viewBox=\"0 0 117.458438 42.33241\" width=\"118px\" x=\"641.5\" y=\"-76.5\">\n",
" <defs>\n",
" <style type=\"text/css\">\n",
"*{stroke-linecap:butt;stroke-linejoin:round;}\n",
" </style>\n",
" </defs>\n",
" <g id=\"figure_1\">\n",
" <g id=\"patch_1\">\n",
" <path d=\"M 0 42.33241 L 117.458438 42.33241 L 117.458438 0 L 0 0 z \" style=\"fill:#ffffff;\" />\n",
" </g>\n",
" <g id=\"axes_1\">\n",
" <g id=\"patch_2\">\n",
" <path d=\"M 70.507219 11.862201 C 70.507219 10.445139 70.251479 9.039638 69.752319 7.7134 C 69.253158 6.387163 68.518722 5.16183 67.584388 4.096426 C 66.650053 3.031022 65.531067 2.142931 64.281329 1.474933 C 63.031591 0.806934 61.671496 0.369928 60.266556 0.184964 C 58.861616 -0 57.434759 0.070097 56.054714 0.391878 C 54.674669 0.71366 53.363957 1.281875 52.185712 2.069153 C 51.007467 2.856431 49.980918 3.849925 49.15551 5.00178 C 48.330103 6.153634 47.719307 7.445054 47.352544 8.813831 C 46.985781 10.182609 46.869037 11.606409 47.007933 13.016648 C 47.14683 14.426887 47.539101 15.800553 48.165852 17.071478 C 48.792603 18.342403 49.643606 19.489848 50.677869 20.458541 C 51.712133 21.427234 52.912779 22.201369 54.221974 22.743655 C 55.53117 23.285941 56.92755 23.58753 58.343855 23.633895 C 59.760159 23.68026 61.173275 23.470644 62.515134 23.015144 C 63.856993 22.559644 65.1057 21.865693 66.201104 20.966718 C 67.296508 20.067742 68.220735 18.978413 68.929267 17.7512 L 58.729219 11.862201 L 70.507219 11.862201 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_3\">\n",
" <path d=\"M 68.929267 17.7512 C 69.443911 16.859809 69.839494 15.904788 70.105894 14.910571 C 70.372293 13.916353 70.507219 12.89149 70.507219 11.8622 L 58.729219 11.862201 L 68.929267 17.7512 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"text_1\">\n",
" \n",
" <defs>\n",
" <path d=\"M 6.59375 0 L 6.59375 51.859375 L 14.5 51.859375 L 14.5 44.484375 Q 20.21875 53.03125 31 53.03125 Q 35.6875 53.03125 39.625 51.34375 Q 43.5625 49.65625 45.515625 46.921875 Q 47.46875 44.1875 48.25 40.4375 Q 48.734375 37.984375 48.734375 31.890625 L 48.734375 0 L 39.9375 0 L 39.9375 31.546875 Q 39.9375 36.921875 38.90625 39.578125 Q 37.890625 42.234375 35.28125 43.8125 Q 32.671875 45.40625 29.15625 45.40625 Q 23.53125 45.40625 19.453125 41.84375 Q 15.375 38.28125 15.375 28.328125 L 15.375 0 z \" id=\"ArialMT-110\" />\n",
" <path d=\"M 52.828125 42.09375 L 5.5625 42.09375 L 5.5625 50.296875 L 52.828125 50.296875 z M 52.828125 20.359375 L 5.5625 20.359375 L 5.5625 28.5625 L 52.828125 28.5625 z \" id=\"ArialMT-61\" />\n",
" <path d=\"M 37.25 0 L 28.46875 0 L 28.46875 56 Q 25.296875 52.984375 20.140625 49.953125 Q 14.984375 46.921875 10.890625 45.40625 L 10.890625 53.90625 Q 18.265625 57.375 23.78125 62.296875 Q 29.296875 67.234375 31.59375 71.875 L 37.25 71.875 z \" id=\"ArialMT-49\" />\n",
" <path d=\"M 50.34375 8.453125 L 50.34375 0 L 3.03125 0 Q 2.9375 3.171875 4.046875 6.109375 Q 5.859375 10.9375 9.828125 15.625 Q 13.8125 20.3125 21.34375 26.46875 Q 33.015625 36.03125 37.109375 41.625 Q 41.21875 47.21875 41.21875 52.203125 Q 41.21875 57.421875 37.46875 61 Q 33.734375 64.59375 27.734375 64.59375 Q 21.390625 64.59375 17.578125 60.78125 Q 13.765625 56.984375 13.71875 50.25 L 4.6875 51.171875 Q 5.609375 61.28125 11.65625 66.578125 Q 17.71875 71.875 27.9375 71.875 Q 38.234375 71.875 44.234375 66.15625 Q 50.25 60.453125 50.25 52 Q 50.25 47.703125 48.484375 43.546875 Q 46.734375 39.40625 42.65625 34.8125 Q 38.578125 30.21875 29.109375 22.21875 Q 21.1875 15.578125 18.9375 13.203125 Q 16.703125 10.84375 15.234375 8.453125 z \" id=\"ArialMT-50\" />\n",
" </defs>\n",
" <g style=\"fill:#444443;\" transform=\"translate(48.593672 31.024473)scale(0.09 -0.09)\">\n",
" <use xlink:href=\"#ArialMT-110\" />\n",
" <use x=\"55.615234\" xlink:href=\"#ArialMT-61\" />\n",
" <use x=\"114.013672\" xlink:href=\"#ArialMT-49\" />\n",
" <use x=\"169.628906\" xlink:href=\"#ArialMT-50\" />\n",
" </g>\n",
" \n",
" <defs>\n",
" <path d=\"M 7.03125 46.234375 L 4.59375 59.859375 L 4.59375 71.578125 L 14.59375 71.578125 L 14.59375 59.859375 L 12.40625 46.234375 z M 23.1875 46.234375 L 20.796875 59.859375 L 20.796875 71.578125 L 30.8125 71.578125 L 30.8125 59.859375 L 28.46875 46.234375 z \" id=\"ArialMT-34\" />\n",
" <path d=\"M 40.234375 0 L 40.234375 6.546875 Q 35.296875 -1.171875 25.734375 -1.171875 Q 19.53125 -1.171875 14.328125 2.25 Q 9.125 5.671875 6.265625 11.796875 Q 3.421875 17.921875 3.421875 25.875 Q 3.421875 33.640625 6 39.96875 Q 8.59375 46.296875 13.765625 49.65625 Q 18.953125 53.03125 25.34375 53.03125 Q 30.03125 53.03125 33.6875 51.046875 Q 37.359375 49.078125 39.65625 45.90625 L 39.65625 71.578125 L 48.390625 71.578125 L 48.390625 0 z M 12.453125 25.875 Q 12.453125 15.921875 16.640625 10.984375 Q 20.84375 6.0625 26.5625 6.0625 Q 32.328125 6.0625 36.34375 10.765625 Q 40.375 15.484375 40.375 25.140625 Q 40.375 35.796875 36.265625 40.765625 Q 32.171875 45.75 26.171875 45.75 Q 20.3125 45.75 16.375 40.96875 Q 12.453125 36.1875 12.453125 25.875 z \" id=\"ArialMT-100\" />\n",
" <path d=\"M 3.328125 25.921875 Q 3.328125 40.328125 11.328125 47.265625 Q 18.015625 53.03125 27.640625 53.03125 Q 38.328125 53.03125 45.109375 46.015625 Q 51.90625 39.015625 51.90625 26.65625 Q 51.90625 16.65625 48.90625 10.90625 Q 45.90625 5.171875 40.15625 2 Q 34.421875 -1.171875 27.640625 -1.171875 Q 16.75 -1.171875 10.03125 5.8125 Q 3.328125 12.796875 3.328125 25.921875 z M 12.359375 25.921875 Q 12.359375 15.96875 16.703125 11.015625 Q 21.046875 6.0625 27.640625 6.0625 Q 34.1875 6.0625 38.53125 11.03125 Q 42.875 16.015625 42.875 26.21875 Q 42.875 35.84375 38.5 40.796875 Q 34.125 45.75 27.640625 45.75 Q 21.046875 45.75 16.703125 40.8125 Q 12.359375 35.890625 12.359375 25.921875 z \" id=\"ArialMT-111\" />\n",
" <path d=\"M 42.09375 16.703125 L 51.171875 15.578125 Q 49.03125 7.625 43.21875 3.21875 Q 37.40625 -1.171875 28.375 -1.171875 Q 17 -1.171875 10.328125 5.828125 Q 3.65625 12.84375 3.65625 25.484375 Q 3.65625 38.578125 10.390625 45.796875 Q 17.140625 53.03125 27.875 53.03125 Q 38.28125 53.03125 44.875 45.953125 Q 51.46875 38.875 51.46875 26.03125 Q 51.46875 25.25 51.421875 23.6875 L 12.75 23.6875 Q 13.234375 15.140625 17.578125 10.59375 Q 21.921875 6.0625 28.421875 6.0625 Q 33.25 6.0625 36.671875 8.59375 Q 40.09375 11.140625 42.09375 16.703125 z M 13.234375 30.90625 L 42.1875 30.90625 Q 41.609375 37.453125 38.875 40.71875 Q 34.671875 45.796875 27.984375 45.796875 Q 21.921875 45.796875 17.796875 41.75 Q 13.671875 37.703125 13.234375 30.90625 z \" id=\"ArialMT-101\" />\n",
" <path d=\"M 3.078125 15.484375 L 11.765625 16.84375 Q 12.5 11.625 15.84375 8.84375 Q 19.1875 6.0625 25.203125 6.0625 Q 31.25 6.0625 34.171875 8.515625 Q 37.109375 10.984375 37.109375 14.3125 Q 37.109375 17.28125 34.515625 19 Q 32.71875 20.171875 25.53125 21.96875 Q 15.875 24.421875 12.140625 26.203125 Q 8.40625 27.984375 6.46875 31.125 Q 4.546875 34.28125 4.546875 38.09375 Q 4.546875 41.546875 6.125 44.5 Q 7.71875 47.46875 10.453125 49.421875 Q 12.5 50.921875 16.03125 51.96875 Q 19.578125 53.03125 23.640625 53.03125 Q 29.734375 53.03125 34.34375 51.265625 Q 38.96875 49.515625 41.15625 46.5 Q 43.359375 43.5 44.1875 38.484375 L 35.59375 37.3125 Q 35.015625 41.3125 32.203125 43.546875 Q 29.390625 45.796875 24.265625 45.796875 Q 18.21875 45.796875 15.625 43.796875 Q 13.03125 41.796875 13.03125 39.109375 Q 13.03125 37.40625 14.109375 36.03125 Q 15.1875 34.625 17.484375 33.6875 Q 18.796875 33.203125 25.25 31.453125 Q 34.578125 28.953125 38.25 27.359375 Q 41.9375 25.78125 44.03125 22.75 Q 46.140625 19.734375 46.140625 15.234375 Q 46.140625 10.84375 43.578125 6.953125 Q 41.015625 3.078125 36.171875 0.953125 Q 31.34375 -1.171875 25.25 -1.171875 Q 15.140625 -1.171875 9.84375 3.03125 Q 4.546875 7.234375 3.078125 15.484375 z \" id=\"ArialMT-115\" />\n",
" <path id=\"ArialMT-32\" />\n",
" <path d=\"M 25.78125 7.859375 L 27.046875 0.09375 Q 23.34375 -0.6875 20.40625 -0.6875 Q 15.625 -0.6875 12.984375 0.828125 Q 10.359375 2.34375 9.28125 4.8125 Q 8.203125 7.28125 8.203125 15.1875 L 8.203125 45.015625 L 1.765625 45.015625 L 1.765625 51.859375 L 8.203125 51.859375 L 8.203125 64.703125 L 16.9375 69.96875 L 16.9375 51.859375 L 25.78125 51.859375 L 25.78125 45.015625 L 16.9375 45.015625 L 16.9375 14.703125 Q 16.9375 10.9375 17.40625 9.859375 Q 17.875 8.796875 18.921875 8.15625 Q 19.96875 7.515625 21.921875 7.515625 Q 23.390625 7.515625 25.78125 7.859375 z \" id=\"ArialMT-116\" />\n",
" <path d=\"M 40.4375 19 L 49.078125 17.875 Q 47.65625 8.9375 41.8125 3.875 Q 35.984375 -1.171875 27.484375 -1.171875 Q 16.84375 -1.171875 10.375 5.78125 Q 3.90625 12.75 3.90625 25.734375 Q 3.90625 34.125 6.6875 40.421875 Q 9.46875 46.734375 15.15625 49.875 Q 20.84375 53.03125 27.546875 53.03125 Q 35.984375 53.03125 41.359375 48.75 Q 46.734375 44.484375 48.25 36.625 L 39.703125 35.296875 Q 38.484375 40.53125 35.375 43.15625 Q 32.28125 45.796875 27.875 45.796875 Q 21.234375 45.796875 17.078125 41.03125 Q 12.9375 36.28125 12.9375 25.984375 Q 12.9375 15.53125 16.9375 10.796875 Q 20.953125 6.0625 27.390625 6.0625 Q 32.5625 6.0625 36.03125 9.234375 Q 39.5 12.40625 40.4375 19 z \" id=\"ArialMT-99\" />\n",
" <path d=\"M 40.4375 6.390625 Q 35.546875 2.25 31.03125 0.53125 Q 26.515625 -1.171875 21.34375 -1.171875 Q 12.796875 -1.171875 8.203125 3 Q 3.609375 7.171875 3.609375 13.671875 Q 3.609375 17.484375 5.34375 20.625 Q 7.078125 23.78125 9.890625 25.6875 Q 12.703125 27.59375 16.21875 28.5625 Q 18.796875 29.25 24.03125 29.890625 Q 34.671875 31.15625 39.703125 32.90625 Q 39.75 34.71875 39.75 35.203125 Q 39.75 40.578125 37.25 42.78125 Q 33.890625 45.75 27.25 45.75 Q 21.046875 45.75 18.09375 43.578125 Q 15.140625 41.40625 13.71875 35.890625 L 5.125 37.0625 Q 6.296875 42.578125 8.984375 45.96875 Q 11.671875 49.359375 16.75 51.1875 Q 21.828125 53.03125 28.515625 53.03125 Q 35.15625 53.03125 39.296875 51.46875 Q 43.453125 49.90625 45.40625 47.53125 Q 47.359375 45.171875 48.140625 41.546875 Q 48.578125 39.3125 48.578125 33.453125 L 48.578125 21.734375 Q 48.578125 9.46875 49.140625 6.21875 Q 49.703125 2.984375 51.375 0 L 42.1875 0 Q 40.828125 2.734375 40.4375 6.390625 z M 39.703125 26.03125 Q 34.90625 24.078125 25.34375 22.703125 Q 19.921875 21.921875 17.671875 20.9375 Q 15.4375 19.96875 14.203125 18.09375 Q 12.984375 16.21875 12.984375 13.921875 Q 12.984375 10.40625 15.640625 8.0625 Q 18.3125 5.71875 23.4375 5.71875 Q 28.515625 5.71875 32.46875 7.9375 Q 36.421875 10.15625 38.28125 14.015625 Q 39.703125 17 39.703125 22.796875 z \" id=\"ArialMT-97\" />\n",
" <path d=\"M 6.640625 61.46875 L 6.640625 71.578125 L 15.4375 71.578125 L 15.4375 61.46875 z M 6.640625 0 L 6.640625 51.859375 L 15.4375 51.859375 L 15.4375 0 z \" id=\"ArialMT-105\" />\n",
" <path d=\"M 6.59375 -19.875 L 6.59375 51.859375 L 14.59375 51.859375 L 14.59375 45.125 Q 17.4375 49.078125 21 51.046875 Q 24.5625 53.03125 29.640625 53.03125 Q 36.28125 53.03125 41.359375 49.609375 Q 46.4375 46.1875 49.015625 39.953125 Q 51.609375 33.734375 51.609375 26.3125 Q 51.609375 18.359375 48.75 11.984375 Q 45.90625 5.609375 40.453125 2.21875 Q 35.015625 -1.171875 29 -1.171875 Q 24.609375 -1.171875 21.109375 0.6875 Q 17.625 2.546875 15.375 5.375 L 15.375 -19.875 z M 14.546875 25.640625 Q 14.546875 15.625 18.59375 10.84375 Q 22.65625 6.0625 28.421875 6.0625 Q 34.28125 6.0625 38.453125 11.015625 Q 42.625 15.96875 42.625 26.375 Q 42.625 36.28125 38.546875 41.203125 Q 34.46875 46.140625 28.8125 46.140625 Q 23.1875 46.140625 18.859375 40.890625 Q 14.546875 35.640625 14.546875 25.640625 z \" id=\"ArialMT-112\" />\n",
" <path d=\"M 14.703125 0 L 6.546875 0 L 6.546875 71.578125 L 15.328125 71.578125 L 15.328125 46.046875 Q 20.90625 53.03125 29.546875 53.03125 Q 34.328125 53.03125 38.59375 51.09375 Q 42.875 49.171875 45.625 45.671875 Q 48.390625 42.1875 49.953125 37.25 Q 51.515625 32.328125 51.515625 26.703125 Q 51.515625 13.375 44.921875 6.09375 Q 38.328125 -1.171875 29.109375 -1.171875 Q 19.921875 -1.171875 14.703125 6.5 z M 14.59375 26.3125 Q 14.59375 17 17.140625 12.84375 Q 21.296875 6.0625 28.375 6.0625 Q 34.125 6.0625 38.328125 11.0625 Q 42.53125 16.0625 42.53125 25.984375 Q 42.53125 36.140625 38.5 40.96875 Q 34.46875 45.796875 28.765625 45.796875 Q 23 45.796875 18.796875 40.796875 Q 14.59375 35.796875 14.59375 26.3125 z \" id=\"ArialMT-98\" />\n",
" <path d=\"M 6.390625 0 L 6.390625 71.578125 L 15.1875 71.578125 L 15.1875 0 z \" id=\"ArialMT-108\" />\n",
" </defs>\n",
" <g style=\"fill:#444443;\" transform=\"translate(-0 40.54366)scale(0.09 -0.09)\">\n",
" <use xlink:href=\"#ArialMT-34\" />\n",
" <use x=\"35.498047\" xlink:href=\"#ArialMT-100\" />\n",
" <use x=\"91.113281\" xlink:href=\"#ArialMT-111\" />\n",
" <use x=\"146.728516\" xlink:href=\"#ArialMT-101\" />\n",
" <use x=\"202.34375\" xlink:href=\"#ArialMT-115\" />\n",
" <use x=\"252.34375\" xlink:href=\"#ArialMT-32\" />\n",
" <use x=\"280.126953\" xlink:href=\"#ArialMT-110\" />\n",
" <use x=\"335.742188\" xlink:href=\"#ArialMT-111\" />\n",
" <use x=\"391.357422\" xlink:href=\"#ArialMT-116\" />\n",
" <use x=\"419.140625\" xlink:href=\"#ArialMT-32\" />\n",
" <use x=\"446.923828\" xlink:href=\"#ArialMT-99\" />\n",
" <use x=\"496.923828\" xlink:href=\"#ArialMT-111\" />\n",
" <use x=\"552.539062\" xlink:href=\"#ArialMT-110\" />\n",
" <use x=\"608.154297\" xlink:href=\"#ArialMT-116\" />\n",
" <use x=\"635.9375\" xlink:href=\"#ArialMT-97\" />\n",
" <use x=\"691.552734\" xlink:href=\"#ArialMT-105\" />\n",
" <use x=\"713.769531\" xlink:href=\"#ArialMT-110\" />\n",
" <use x=\"769.384766\" xlink:href=\"#ArialMT-32\" />\n",
" <use x=\"797.167969\" xlink:href=\"#ArialMT-112\" />\n",
" <use x=\"852.783203\" xlink:href=\"#ArialMT-97\" />\n",
" <use x=\"908.398438\" xlink:href=\"#ArialMT-99\" />\n",
" <use x=\"958.398438\" xlink:href=\"#ArialMT-98\" />\n",
" <use x=\"1014.013672\" xlink:href=\"#ArialMT-105\" />\n",
" <use x=\"1036.230469\" xlink:href=\"#ArialMT-111\" />\n",
" <use x=\"1091.845703\" xlink:href=\"#ArialMT-32\" />\n",
" <use x=\"1119.628906\" xlink:href=\"#ArialMT-99\" />\n",
" <use x=\"1169.628906\" xlink:href=\"#ArialMT-97\" />\n",
" <use x=\"1225.244141\" xlink:href=\"#ArialMT-108\" />\n",
" <use x=\"1247.460938\" xlink:href=\"#ArialMT-108\" />\n",
" <use x=\"1269.677734\" xlink:href=\"#ArialMT-34\" />\n",
" </g>\n",
" </g>\n",
" </g>\n",
" </g>\n",
"</svg></g>\n",
"\n",
"<g class=\"edge\" id=\"edge11\"><title>node11-&gt;leaf13</title>\n",
"<path d=\"M657.696,-145.714C666.616,-126.797 677.68,-103.333 686.256,-85.1462\" fill=\"none\" stroke=\"#444443\" stroke-width=\"0.3\" />\n",
"<polygon fill=\"#444443\" points=\"687.718,-85.3296 688.157,-81.1145 685.185,-84.1354 687.718,-85.3296\" stroke=\"#444443\" />\n",
"</g>\n",
"\n",
"<g class=\"node\" id=\"node5\"><title>node7</title>\n",
"<svg height=\"80px\" preserveAspectRatio=\"xMinYMin meet\" version=\"1.1\" viewBox=\"0 0 201.32 79.151676\" width=\"202px\" x=\"486.5\" y=\"-344.5\">\n",
" <defs>\n",
" <style type=\"text/css\">\n",
"*{stroke-linecap:butt;stroke-linejoin:round;}\n",
" </style>\n",
" </defs>\n",
" <g id=\"figure_1\">\n",
" <g id=\"patch_1\">\n",
" <path d=\"M 0 79.151676 L 201.32 79.151676 L 201.32 0 L 0 0 z \" style=\"fill:#ffffff;\" />\n",
" </g>\n",
" <g id=\"axes_1\">\n",
" <g id=\"patch_2\">\n",
" <path d=\"M 17.18 49.294176 L 201.32 49.294176 L 201.32 0.726635 L 17.18 0.726635 z \" style=\"fill:#ffffff;\" />\n",
" </g>\n",
" <g id=\"patch_3\">\n",
" <path clip-path=\"url(#pd873fd3c91)\" d=\"M 17.18 49.294176 L 26.410075 49.294176 L 26.410075 41.585042 L 17.18 41.585042 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_4\">\n",
" <path clip-path=\"url(#pd873fd3c91)\" d=\"M 26.410075 49.294176 L 35.64015 49.294176 L 35.64015 46.210523 L 26.410075 46.210523 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_5\">\n",
" <path clip-path=\"url(#pd873fd3c91)\" d=\"M 35.64015 49.294176 L 44.870226 49.294176 L 44.870226 44.668696 L 35.64015 44.668696 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_6\">\n",
" <path clip-path=\"url(#pd873fd3c91)\" d=\"M 44.870226 49.294176 L 54.100301 49.294176 L 54.100301 46.210523 L 44.870226 46.210523 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_7\">\n",
" <path clip-path=\"url(#pd873fd3c91)\" d=\"M 54.100301 49.294176 L 63.330376 49.294176 L 63.330376 46.210523 L 54.100301 46.210523 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_8\">\n",
" <path clip-path=\"url(#pd873fd3c91)\" d=\"M 63.330376 49.294176 L 72.560451 49.294176 L 72.560451 47.752349 L 63.330376 47.752349 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_9\">\n",
" <path clip-path=\"url(#pd873fd3c91)\" d=\"M 72.560451 49.294176 L 81.790526 49.294176 L 81.790526 46.210523 L 72.560451 46.210523 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_10\">\n",
" <path clip-path=\"url(#pd873fd3c91)\" d=\"M 81.790526 49.294176 L 91.020602 49.294176 L 91.020602 44.668696 L 81.790526 44.668696 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_11\">\n",
" <path clip-path=\"url(#pd873fd3c91)\" d=\"M 91.020602 49.294176 L 100.250677 49.294176 L 100.250677 47.752349 L 91.020602 47.752349 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_12\">\n",
" <path clip-path=\"url(#pd873fd3c91)\" d=\"M 100.250677 49.294176 L 109.480752 49.294176 L 109.480752 49.294176 L 100.250677 49.294176 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_13\">\n",
" <path clip-path=\"url(#pd873fd3c91)\" d=\"M 109.480752 49.294176 L 118.710827 49.294176 L 118.710827 49.294176 L 109.480752 49.294176 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_14\">\n",
" <path clip-path=\"url(#pd873fd3c91)\" d=\"M 118.710827 49.294176 L 127.940902 49.294176 L 127.940902 47.752349 L 118.710827 47.752349 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_15\">\n",
" <path clip-path=\"url(#pd873fd3c91)\" d=\"M 127.940902 49.294176 L 137.170977 49.294176 L 137.170977 49.294176 L 127.940902 49.294176 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_16\">\n",
" <path clip-path=\"url(#pd873fd3c91)\" d=\"M 137.170977 49.294176 L 146.401053 49.294176 L 146.401053 47.752349 L 137.170977 47.752349 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_17\">\n",
" <path clip-path=\"url(#pd873fd3c91)\" d=\"M 146.401053 49.294176 L 155.631128 49.294176 L 155.631128 49.294176 L 146.401053 49.294176 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_18\">\n",
" <path clip-path=\"url(#pd873fd3c91)\" d=\"M 155.631128 49.294176 L 164.861203 49.294176 L 164.861203 49.294176 L 155.631128 49.294176 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_19\">\n",
" <path clip-path=\"url(#pd873fd3c91)\" d=\"M 164.861203 49.294176 L 174.091278 49.294176 L 174.091278 49.294176 L 164.861203 49.294176 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_20\">\n",
" <path clip-path=\"url(#pd873fd3c91)\" d=\"M 174.091278 49.294176 L 183.321353 49.294176 L 183.321353 49.294176 L 174.091278 49.294176 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_21\">\n",
" <path clip-path=\"url(#pd873fd3c91)\" d=\"M 183.321353 49.294176 L 192.551429 49.294176 L 192.551429 47.752349 L 183.321353 47.752349 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_22\">\n",
" <path clip-path=\"url(#pd873fd3c91)\" d=\"M 17.18 41.585042 L 26.410075 41.585042 L 26.410075 3.039375 L 17.18 3.039375 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_23\">\n",
" <path clip-path=\"url(#pd873fd3c91)\" d=\"M 26.410075 46.210523 L 35.64015 46.210523 L 35.64015 44.668696 L 26.410075 44.668696 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_24\">\n",
" <path clip-path=\"url(#pd873fd3c91)\" d=\"M 35.64015 44.668696 L 44.870226 44.668696 L 44.870226 38.501389 L 35.64015 38.501389 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_25\">\n",
" <path clip-path=\"url(#pd873fd3c91)\" d=\"M 44.870226 46.210523 L 54.100301 46.210523 L 54.100301 41.585042 L 44.870226 41.585042 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_26\">\n",
" <path clip-path=\"url(#pd873fd3c91)\" d=\"M 54.100301 46.210523 L 63.330376 46.210523 L 63.330376 40.043216 L 54.100301 40.043216 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_27\">\n",
" <path clip-path=\"url(#pd873fd3c91)\" d=\"M 63.330376 47.752349 L 72.560451 47.752349 L 72.560451 47.752349 L 63.330376 47.752349 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_28\">\n",
" <path clip-path=\"url(#pd873fd3c91)\" d=\"M 72.560451 46.210523 L 81.790526 46.210523 L 81.790526 46.210523 L 72.560451 46.210523 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_29\">\n",
" <path clip-path=\"url(#pd873fd3c91)\" d=\"M 81.790526 44.668696 L 91.020602 44.668696 L 91.020602 43.126869 L 81.790526 43.126869 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_30\">\n",
" <path clip-path=\"url(#pd873fd3c91)\" d=\"M 91.020602 47.752349 L 100.250677 47.752349 L 100.250677 47.752349 L 91.020602 47.752349 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_31\">\n",
" <path clip-path=\"url(#pd873fd3c91)\" d=\"M 100.250677 49.294176 L 109.480752 49.294176 L 109.480752 47.752349 L 100.250677 47.752349 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_32\">\n",
" <path clip-path=\"url(#pd873fd3c91)\" d=\"M 109.480752 49.294176 L 118.710827 49.294176 L 118.710827 49.294176 L 109.480752 49.294176 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_33\">\n",
" <path clip-path=\"url(#pd873fd3c91)\" d=\"M 118.710827 47.752349 L 127.940902 47.752349 L 127.940902 47.752349 L 118.710827 47.752349 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_34\">\n",
" <path clip-path=\"url(#pd873fd3c91)\" d=\"M 127.940902 49.294176 L 137.170977 49.294176 L 137.170977 49.294176 L 127.940902 49.294176 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_35\">\n",
" <path clip-path=\"url(#pd873fd3c91)\" d=\"M 137.170977 47.752349 L 146.401053 47.752349 L 146.401053 47.752349 L 137.170977 47.752349 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_36\">\n",
" <path clip-path=\"url(#pd873fd3c91)\" d=\"M 146.401053 49.294176 L 155.631128 49.294176 L 155.631128 47.752349 L 146.401053 47.752349 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_37\">\n",
" <path clip-path=\"url(#pd873fd3c91)\" d=\"M 155.631128 49.294176 L 164.861203 49.294176 L 164.861203 49.294176 L 155.631128 49.294176 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_38\">\n",
" <path clip-path=\"url(#pd873fd3c91)\" d=\"M 164.861203 49.294176 L 174.091278 49.294176 L 174.091278 49.294176 L 164.861203 49.294176 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_39\">\n",
" <path clip-path=\"url(#pd873fd3c91)\" d=\"M 174.091278 49.294176 L 183.321353 49.294176 L 183.321353 49.294176 L 174.091278 49.294176 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_40\">\n",
" <path clip-path=\"url(#pd873fd3c91)\" d=\"M 183.321353 47.752349 L 192.551429 47.752349 L 192.551429 47.752349 L 183.321353 47.752349 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_41\">\n",
" <path d=\"M 20.427619 50.109576 L 17.113099 57.448176 L 23.742139 57.448176 z \" style=\"fill:#444443;\" />\n",
" </g>\n",
" <g id=\"matplotlib.axis_1\">\n",
" <g id=\"xtick_1\">\n",
" <g id=\"line2d_1\">\n",
" <defs>\n",
" <path d=\"M 0 0 L 0 3.5 \" id=\"ma0d48fa8d7\" style=\"stroke:#000000;stroke-width:0.3;\" />\n",
" </defs>\n",
" <g>\n",
" <use style=\"stroke:#000000;stroke-width:0.3;\" x=\"17.18\" y=\"49.294176\" xlink:href=\"#ma0d48fa8d7\" />\n",
" </g>\n",
" </g>\n",
" <g id=\"text_1\">\n",
" \n",
" <defs>\n",
" <path d=\"M 31.78125 66.40625 Q 24.171875 66.40625 20.328125 58.90625 Q 16.5 51.421875 16.5 36.375 Q 16.5 21.390625 20.328125 13.890625 Q 24.171875 6.390625 31.78125 6.390625 Q 39.453125 6.390625 43.28125 13.890625 Q 47.125 21.390625 47.125 36.375 Q 47.125 51.421875 43.28125 58.90625 Q 39.453125 66.40625 31.78125 66.40625 z M 31.78125 74.21875 Q 44.046875 74.21875 50.515625 64.515625 Q 56.984375 54.828125 56.984375 36.375 Q 56.984375 17.96875 50.515625 8.265625 Q 44.046875 -1.421875 31.78125 -1.421875 Q 19.53125 -1.421875 13.0625 8.265625 Q 6.59375 17.96875 6.59375 36.375 Q 6.59375 54.828125 13.0625 64.515625 Q 19.53125 74.21875 31.78125 74.21875 z \" id=\"DejaVuSans-48\" />\n",
" </defs>\n",
" <g style=\"fill:#444443;\" transform=\"translate(14.635 62.372926)scale(0.08 -0.08)\">\n",
" <use xlink:href=\"#DejaVuSans-48\" />\n",
" </g>\n",
" </g>\n",
" </g>\n",
" <g id=\"xtick_2\">\n",
" <g id=\"line2d_2\">\n",
" <g>\n",
" <use style=\"stroke:#000000;stroke-width:0.3;\" x=\"192.551429\" y=\"49.294176\" xlink:href=\"#ma0d48fa8d7\" />\n",
" </g>\n",
" </g>\n",
" <g id=\"text_2\">\n",
" \n",
" <defs>\n",
" <path d=\"M 19.1875 8.296875 L 53.609375 8.296875 L 53.609375 0 L 7.328125 0 L 7.328125 8.296875 Q 12.9375 14.109375 22.625 23.890625 Q 32.328125 33.6875 34.8125 36.53125 Q 39.546875 41.84375 41.421875 45.53125 Q 43.3125 49.21875 43.3125 52.78125 Q 43.3125 58.59375 39.234375 62.25 Q 35.15625 65.921875 28.609375 65.921875 Q 23.96875 65.921875 18.8125 64.3125 Q 13.671875 62.703125 7.8125 59.421875 L 7.8125 69.390625 Q 13.765625 71.78125 18.9375 73 Q 24.125 74.21875 28.421875 74.21875 Q 39.75 74.21875 46.484375 68.546875 Q 53.21875 62.890625 53.21875 53.421875 Q 53.21875 48.921875 51.53125 44.890625 Q 49.859375 40.875 45.40625 35.40625 Q 44.1875 33.984375 37.640625 27.21875 Q 31.109375 20.453125 19.1875 8.296875 z \" id=\"DejaVuSans-50\" />\n",
" <path d=\"M 8.203125 72.90625 L 55.078125 72.90625 L 55.078125 68.703125 L 28.609375 0 L 18.3125 0 L 43.21875 64.59375 L 8.203125 64.59375 z \" id=\"DejaVuSans-55\" />\n",
" </defs>\n",
" <g style=\"fill:#444443;\" transform=\"translate(187.461429 62.372926)scale(0.08 -0.08)\">\n",
" <use xlink:href=\"#DejaVuSans-50\" />\n",
" <use x=\"63.623047\" xlink:href=\"#DejaVuSans-55\" />\n",
" </g>\n",
" </g>\n",
" </g>\n",
" <g id=\"text_3\">\n",
" \n",
" <defs>\n",
" <path d=\"M 6.59375 -19.875 L 6.59375 51.859375 L 14.59375 51.859375 L 14.59375 45.125 Q 17.4375 49.078125 21 51.046875 Q 24.5625 53.03125 29.640625 53.03125 Q 36.28125 53.03125 41.359375 49.609375 Q 46.4375 46.1875 49.015625 39.953125 Q 51.609375 33.734375 51.609375 26.3125 Q 51.609375 18.359375 48.75 11.984375 Q 45.90625 5.609375 40.453125 2.21875 Q 35.015625 -1.171875 29 -1.171875 Q 24.609375 -1.171875 21.109375 0.6875 Q 17.625 2.546875 15.375 5.375 L 15.375 -19.875 z M 14.546875 25.640625 Q 14.546875 15.625 18.59375 10.84375 Q 22.65625 6.0625 28.421875 6.0625 Q 34.28125 6.0625 38.453125 11.015625 Q 42.625 15.96875 42.625 26.375 Q 42.625 36.28125 38.546875 41.203125 Q 34.46875 46.140625 28.8125 46.140625 Q 23.1875 46.140625 18.859375 40.890625 Q 14.546875 35.640625 14.546875 25.640625 z \" id=\"ArialMT-112\" />\n",
" <path d=\"M 42.09375 16.703125 L 51.171875 15.578125 Q 49.03125 7.625 43.21875 3.21875 Q 37.40625 -1.171875 28.375 -1.171875 Q 17 -1.171875 10.328125 5.828125 Q 3.65625 12.84375 3.65625 25.484375 Q 3.65625 38.578125 10.390625 45.796875 Q 17.140625 53.03125 27.875 53.03125 Q 38.28125 53.03125 44.875 45.953125 Q 51.46875 38.875 51.46875 26.03125 Q 51.46875 25.25 51.421875 23.6875 L 12.75 23.6875 Q 13.234375 15.140625 17.578125 10.59375 Q 21.921875 6.0625 28.421875 6.0625 Q 33.25 6.0625 36.671875 8.59375 Q 40.09375 11.140625 42.09375 16.703125 z M 13.234375 30.90625 L 42.1875 30.90625 Q 41.609375 37.453125 38.875 40.71875 Q 34.671875 45.796875 27.984375 45.796875 Q 21.921875 45.796875 17.796875 41.75 Q 13.671875 37.703125 13.234375 30.90625 z \" id=\"ArialMT-101\" />\n",
" <path d=\"M 6.5 0 L 6.5 51.859375 L 14.40625 51.859375 L 14.40625 44 Q 17.4375 49.515625 20 51.265625 Q 22.5625 53.03125 25.640625 53.03125 Q 30.078125 53.03125 34.671875 50.203125 L 31.640625 42.046875 Q 28.421875 43.953125 25.203125 43.953125 Q 22.3125 43.953125 20.015625 42.21875 Q 17.71875 40.484375 16.75 37.40625 Q 15.28125 32.71875 15.28125 27.15625 L 15.28125 0 z \" id=\"ArialMT-114\" />\n",
" <path d=\"M 40.4375 19 L 49.078125 17.875 Q 47.65625 8.9375 41.8125 3.875 Q 35.984375 -1.171875 27.484375 -1.171875 Q 16.84375 -1.171875 10.375 5.78125 Q 3.90625 12.75 3.90625 25.734375 Q 3.90625 34.125 6.6875 40.421875 Q 9.46875 46.734375 15.15625 49.875 Q 20.84375 53.03125 27.546875 53.03125 Q 35.984375 53.03125 41.359375 48.75 Q 46.734375 44.484375 48.25 36.625 L 39.703125 35.296875 Q 38.484375 40.53125 35.375 43.15625 Q 32.28125 45.796875 27.875 45.796875 Q 21.234375 45.796875 17.078125 41.03125 Q 12.9375 36.28125 12.9375 25.984375 Q 12.9375 15.53125 16.9375 10.796875 Q 20.953125 6.0625 27.390625 6.0625 Q 32.5625 6.0625 36.03125 9.234375 Q 39.5 12.40625 40.4375 19 z \" id=\"ArialMT-99\" />\n",
" <path d=\"M 6.59375 0 L 6.59375 51.859375 L 14.5 51.859375 L 14.5 44.484375 Q 20.21875 53.03125 31 53.03125 Q 35.6875 53.03125 39.625 51.34375 Q 43.5625 49.65625 45.515625 46.921875 Q 47.46875 44.1875 48.25 40.4375 Q 48.734375 37.984375 48.734375 31.890625 L 48.734375 0 L 39.9375 0 L 39.9375 31.546875 Q 39.9375 36.921875 38.90625 39.578125 Q 37.890625 42.234375 35.28125 43.8125 Q 32.671875 45.40625 29.15625 45.40625 Q 23.53125 45.40625 19.453125 41.84375 Q 15.375 38.28125 15.375 28.328125 L 15.375 0 z \" id=\"ArialMT-110\" />\n",
" <path d=\"M 25.78125 7.859375 L 27.046875 0.09375 Q 23.34375 -0.6875 20.40625 -0.6875 Q 15.625 -0.6875 12.984375 0.828125 Q 10.359375 2.34375 9.28125 4.8125 Q 8.203125 7.28125 8.203125 15.1875 L 8.203125 45.015625 L 1.765625 45.015625 L 1.765625 51.859375 L 8.203125 51.859375 L 8.203125 64.703125 L 16.9375 69.96875 L 16.9375 51.859375 L 25.78125 51.859375 L 25.78125 45.015625 L 16.9375 45.015625 L 16.9375 14.703125 Q 16.9375 10.9375 17.40625 9.859375 Q 17.875 8.796875 18.921875 8.15625 Q 19.96875 7.515625 21.921875 7.515625 Q 23.390625 7.515625 25.78125 7.859375 z \" id=\"ArialMT-116\" />\n",
" <path d=\"M 40.4375 6.390625 Q 35.546875 2.25 31.03125 0.53125 Q 26.515625 -1.171875 21.34375 -1.171875 Q 12.796875 -1.171875 8.203125 3 Q 3.609375 7.171875 3.609375 13.671875 Q 3.609375 17.484375 5.34375 20.625 Q 7.078125 23.78125 9.890625 25.6875 Q 12.703125 27.59375 16.21875 28.5625 Q 18.796875 29.25 24.03125 29.890625 Q 34.671875 31.15625 39.703125 32.90625 Q 39.75 34.71875 39.75 35.203125 Q 39.75 40.578125 37.25 42.78125 Q 33.890625 45.75 27.25 45.75 Q 21.046875 45.75 18.09375 43.578125 Q 15.140625 41.40625 13.71875 35.890625 L 5.125 37.0625 Q 6.296875 42.578125 8.984375 45.96875 Q 11.671875 49.359375 16.75 51.1875 Q 21.828125 53.03125 28.515625 53.03125 Q 35.15625 53.03125 39.296875 51.46875 Q 43.453125 49.90625 45.40625 47.53125 Q 47.359375 45.171875 48.140625 41.546875 Q 48.578125 39.3125 48.578125 33.453125 L 48.578125 21.734375 Q 48.578125 9.46875 49.140625 6.21875 Q 49.703125 2.984375 51.375 0 L 42.1875 0 Q 40.828125 2.734375 40.4375 6.390625 z M 39.703125 26.03125 Q 34.90625 24.078125 25.34375 22.703125 Q 19.921875 21.921875 17.671875 20.9375 Q 15.4375 19.96875 14.203125 18.09375 Q 12.984375 16.21875 12.984375 13.921875 Q 12.984375 10.40625 15.640625 8.0625 Q 18.3125 5.71875 23.4375 5.71875 Q 28.515625 5.71875 32.46875 7.9375 Q 36.421875 10.15625 38.28125 14.015625 Q 39.703125 17 39.703125 22.796875 z \" id=\"ArialMT-97\" />\n",
" <path d=\"M 4.984375 -4.296875 L 13.53125 -5.5625 Q 14.0625 -9.515625 16.5 -11.328125 Q 19.78125 -13.765625 25.4375 -13.765625 Q 31.546875 -13.765625 34.859375 -11.328125 Q 38.1875 -8.890625 39.359375 -4.5 Q 40.046875 -1.8125 39.984375 6.78125 Q 34.234375 0 25.640625 0 Q 14.9375 0 9.078125 7.71875 Q 3.21875 15.4375 3.21875 26.21875 Q 3.21875 33.640625 5.90625 39.90625 Q 8.59375 46.1875 13.6875 49.609375 Q 18.796875 53.03125 25.6875 53.03125 Q 34.859375 53.03125 40.828125 45.609375 L 40.828125 51.859375 L 48.921875 51.859375 L 48.921875 7.03125 Q 48.921875 -5.078125 46.453125 -10.125 Q 44 -15.1875 38.640625 -18.109375 Q 33.296875 -21.046875 25.484375 -21.046875 Q 16.21875 -21.046875 10.5 -16.875 Q 4.78125 -12.703125 4.984375 -4.296875 z M 12.25 26.859375 Q 12.25 16.65625 16.296875 11.96875 Q 20.359375 7.28125 26.46875 7.28125 Q 32.515625 7.28125 36.609375 11.9375 Q 40.71875 16.609375 40.71875 26.5625 Q 40.71875 36.078125 36.5 40.90625 Q 32.28125 45.75 26.3125 45.75 Q 20.453125 45.75 16.34375 40.984375 Q 12.25 36.234375 12.25 26.859375 z \" id=\"ArialMT-103\" />\n",
" <path d=\"M -1.515625 -19.875 L -1.515625 -13.53125 L 56.734375 -13.53125 L 56.734375 -19.875 z \" id=\"ArialMT-95\" />\n",
" <path d=\"M 6.640625 61.46875 L 6.640625 71.578125 L 15.4375 71.578125 L 15.4375 61.46875 z M 6.640625 0 L 6.640625 51.859375 L 15.4375 51.859375 L 15.4375 0 z \" id=\"ArialMT-105\" />\n",
" <path d=\"M 40.234375 0 L 40.234375 6.546875 Q 35.296875 -1.171875 25.734375 -1.171875 Q 19.53125 -1.171875 14.328125 2.25 Q 9.125 5.671875 6.265625 11.796875 Q 3.421875 17.921875 3.421875 25.875 Q 3.421875 33.640625 6 39.96875 Q 8.59375 46.296875 13.765625 49.65625 Q 18.953125 53.03125 25.34375 53.03125 Q 30.03125 53.03125 33.6875 51.046875 Q 37.359375 49.078125 39.65625 45.90625 L 39.65625 71.578125 L 48.390625 71.578125 L 48.390625 0 z M 12.453125 25.875 Q 12.453125 15.921875 16.640625 10.984375 Q 20.84375 6.0625 26.5625 6.0625 Q 32.328125 6.0625 36.34375 10.765625 Q 40.375 15.484375 40.375 25.140625 Q 40.375 35.796875 36.265625 40.765625 Q 32.171875 45.75 26.171875 45.75 Q 20.3125 45.75 16.375 40.96875 Q 12.453125 36.1875 12.453125 25.875 z \" id=\"ArialMT-100\" />\n",
" <path d=\"M 6.390625 0 L 6.390625 71.578125 L 15.1875 71.578125 L 15.1875 0 z \" id=\"ArialMT-108\" />\n",
" </defs>\n",
" <g style=\"fill:#444443;\" transform=\"translate(63.216875 76.626051)scale(0.12 -0.12)\">\n",
" <use xlink:href=\"#ArialMT-112\" />\n",
" <use x=\"55.615234\" xlink:href=\"#ArialMT-101\" />\n",
" <use x=\"111.230469\" xlink:href=\"#ArialMT-114\" />\n",
" <use x=\"144.53125\" xlink:href=\"#ArialMT-99\" />\n",
" <use x=\"194.53125\" xlink:href=\"#ArialMT-101\" />\n",
" <use x=\"250.146484\" xlink:href=\"#ArialMT-110\" />\n",
" <use x=\"305.761719\" xlink:href=\"#ArialMT-116\" />\n",
" <use x=\"333.544922\" xlink:href=\"#ArialMT-97\" />\n",
" <use x=\"389.160156\" xlink:href=\"#ArialMT-103\" />\n",
" <use x=\"444.775391\" xlink:href=\"#ArialMT-101\" />\n",
" <use x=\"500.390625\" xlink:href=\"#ArialMT-95\" />\n",
" <use x=\"556.005859\" xlink:href=\"#ArialMT-105\" />\n",
" <use x=\"578.222656\" xlink:href=\"#ArialMT-110\" />\n",
" <use x=\"633.837891\" xlink:href=\"#ArialMT-100\" />\n",
" <use x=\"689.453125\" xlink:href=\"#ArialMT-101\" />\n",
" <use x=\"745.068359\" xlink:href=\"#ArialMT-108\" />\n",
" </g>\n",
" </g>\n",
" </g>\n",
" <g id=\"matplotlib.axis_2\">\n",
" <g id=\"ytick_1\">\n",
" <g id=\"line2d_3\">\n",
" <defs>\n",
" <path d=\"M 0 0 L -3.5 0 \" id=\"mcfdf7e0485\" style=\"stroke:#000000;stroke-width:0.3;\" />\n",
" </defs>\n",
" <g>\n",
" <use style=\"stroke:#000000;stroke-width:0.3;\" x=\"17.18\" y=\"49.294176\" xlink:href=\"#mcfdf7e0485\" />\n",
" </g>\n",
" </g>\n",
" <g id=\"text_4\">\n",
" \n",
" <g style=\"fill:#444443;\" transform=\"translate(5.09 52.333551)scale(0.08 -0.08)\">\n",
" <use xlink:href=\"#DejaVuSans-48\" />\n",
" </g>\n",
" </g>\n",
" </g>\n",
" <g id=\"ytick_2\">\n",
" <g id=\"line2d_4\">\n",
" <g>\n",
" <use style=\"stroke:#000000;stroke-width:0.3;\" x=\"17.18\" y=\"3.039375\" xlink:href=\"#mcfdf7e0485\" />\n",
" </g>\n",
" </g>\n",
" <g id=\"text_5\">\n",
" \n",
" <defs>\n",
" <path d=\"M 40.578125 39.3125 Q 47.65625 37.796875 51.625 33 Q 55.609375 28.21875 55.609375 21.1875 Q 55.609375 10.40625 48.1875 4.484375 Q 40.765625 -1.421875 27.09375 -1.421875 Q 22.515625 -1.421875 17.65625 -0.515625 Q 12.796875 0.390625 7.625 2.203125 L 7.625 11.71875 Q 11.71875 9.328125 16.59375 8.109375 Q 21.484375 6.890625 26.8125 6.890625 Q 36.078125 6.890625 40.9375 10.546875 Q 45.796875 14.203125 45.796875 21.1875 Q 45.796875 27.640625 41.28125 31.265625 Q 36.765625 34.90625 28.71875 34.90625 L 20.21875 34.90625 L 20.21875 43.015625 L 29.109375 43.015625 Q 36.375 43.015625 40.234375 45.921875 Q 44.09375 48.828125 44.09375 54.296875 Q 44.09375 59.90625 40.109375 62.90625 Q 36.140625 65.921875 28.71875 65.921875 Q 24.65625 65.921875 20.015625 65.03125 Q 15.375 64.15625 9.8125 62.3125 L 9.8125 71.09375 Q 15.4375 72.65625 20.34375 73.4375 Q 25.25 74.21875 29.59375 74.21875 Q 40.828125 74.21875 47.359375 69.109375 Q 53.90625 64.015625 53.90625 55.328125 Q 53.90625 49.265625 50.4375 45.09375 Q 46.96875 40.921875 40.578125 39.3125 z \" id=\"DejaVuSans-51\" />\n",
" </defs>\n",
" <g style=\"fill:#444443;\" transform=\"translate(0 6.07875)scale(0.08 -0.08)\">\n",
" <use xlink:href=\"#DejaVuSans-51\" />\n",
" <use x=\"63.623047\" xlink:href=\"#DejaVuSans-48\" />\n",
" </g>\n",
" </g>\n",
" </g>\n",
" </g>\n",
" <g id=\"patch_42\">\n",
" <path d=\"M 17.18 49.294176 L 17.18 0.726635 \" style=\"fill:none;stroke:#000000;stroke-linecap:square;stroke-linejoin:miter;stroke-width:0.3;\" />\n",
" </g>\n",
" <g id=\"patch_43\">\n",
" <path d=\"M 17.18 49.294176 L 201.32 49.294176 \" style=\"fill:none;stroke:#000000;stroke-linecap:square;stroke-linejoin:miter;stroke-width:0.3;\" />\n",
" </g>\n",
" <g id=\"text_6\">\n",
" \n",
" <defs>\n",
" <path d=\"M 4.15625 35.296875 Q 4.15625 48 6.765625 55.734375 Q 9.375 63.484375 14.515625 67.671875 Q 19.671875 71.875 27.484375 71.875 Q 33.25 71.875 37.59375 69.546875 Q 41.9375 67.234375 44.765625 62.859375 Q 47.609375 58.5 49.21875 52.21875 Q 50.828125 45.953125 50.828125 35.296875 Q 50.828125 22.703125 48.234375 14.96875 Q 45.65625 7.234375 40.5 3 Q 35.359375 -1.21875 27.484375 -1.21875 Q 17.140625 -1.21875 11.234375 6.203125 Q 4.15625 15.140625 4.15625 35.296875 z M 13.1875 35.296875 Q 13.1875 17.671875 17.3125 11.828125 Q 21.4375 6 27.484375 6 Q 33.546875 6 37.671875 11.859375 Q 41.796875 17.71875 41.796875 35.296875 Q 41.796875 52.984375 37.671875 58.78125 Q 33.546875 64.59375 27.390625 64.59375 Q 21.34375 64.59375 17.71875 59.46875 Q 13.1875 52.9375 13.1875 35.296875 z \" id=\"ArialMT-48\" />\n",
" <path d=\"M 9.078125 0 L 9.078125 10.015625 L 19.09375 10.015625 L 19.09375 0 z \" id=\"ArialMT-46\" />\n",
" <path d=\"M 4.15625 18.75 L 13.375 19.53125 Q 14.40625 12.796875 18.140625 9.390625 Q 21.875 6 27.15625 6 Q 33.5 6 37.890625 10.78125 Q 42.28125 15.578125 42.28125 23.484375 Q 42.28125 31 38.0625 35.34375 Q 33.84375 39.703125 27 39.703125 Q 22.75 39.703125 19.328125 37.765625 Q 15.921875 35.84375 13.96875 32.765625 L 5.71875 33.84375 L 12.640625 70.609375 L 48.25 70.609375 L 48.25 62.203125 L 19.671875 62.203125 L 15.828125 42.96875 Q 22.265625 47.46875 29.34375 47.46875 Q 38.71875 47.46875 45.15625 40.96875 Q 51.609375 34.46875 51.609375 24.265625 Q 51.609375 14.546875 45.953125 7.46875 Q 39.0625 -1.21875 27.15625 -1.21875 Q 17.390625 -1.21875 11.203125 4.25 Q 5.03125 9.71875 4.15625 18.75 z \" id=\"ArialMT-53\" />\n",
" </defs>\n",
" <g style=\"fill:#444443;\" transform=\"translate(12.643244 65.602176)scale(0.08 -0.08)\">\n",
" <use xlink:href=\"#ArialMT-48\" />\n",
" <use x=\"55.615234\" xlink:href=\"#ArialMT-46\" />\n",
" <use x=\"83.398438\" xlink:href=\"#ArialMT-53\" />\n",
" <use x=\"139.013672\" xlink:href=\"#ArialMT-48\" />\n",
" </g>\n",
" </g>\n",
" </g>\n",
" </g>\n",
" <defs>\n",
" <clipPath id=\"pd873fd3c91\">\n",
" <rect height=\"48.567541\" width=\"184.14\" x=\"17.18\" y=\"0.726635\" />\n",
" </clipPath>\n",
" </defs>\n",
"</svg></g>\n",
"\n",
"<g class=\"edge\" id=\"edge13\"><title>node7-&gt;node8</title>\n",
"<path d=\"M527.296,-260.288C510.762,-248.183 492.854,-235.072 476.451,-223.062\" fill=\"none\" stroke=\"#444443\" stroke-width=\"0.3\" />\n",
"<polygon fill=\"#444443\" points=\"477.246,-221.909 473.191,-220.676 475.592,-224.168 477.246,-221.909\" stroke=\"#444443\" />\n",
"</g>\n",
"\n",
"<g class=\"edge\" id=\"edge14\"><title>node7-&gt;node11</title>\n",
"<path d=\"M606.546,-260.288C612.755,-246.403 619.556,-231.194 625.526,-217.842\" fill=\"none\" stroke=\"#444443\" stroke-width=\"0.3\" />\n",
"<polygon fill=\"#444443\" points=\"626.832,-218.352 627.186,-214.129 624.275,-217.209 626.832,-218.352\" stroke=\"#444443\" />\n",
"</g>\n",
"\n",
"<g class=\"node\" id=\"node7\"><title>node14</title>\n",
"<svg height=\"75px\" preserveAspectRatio=\"xMinYMin meet\" version=\"1.1\" viewBox=\"0 0 204.002679 74.943741\" width=\"205px\" x=\"756.5\" y=\"-342.5\">\n",
" <defs>\n",
" <style type=\"text/css\">\n",
"*{stroke-linecap:butt;stroke-linejoin:round;}\n",
" </style>\n",
" </defs>\n",
" <g id=\"figure_1\">\n",
" <g id=\"patch_1\">\n",
" <path d=\"M 0 74.943741 L 204.002679 74.943741 L 204.002679 0 L 0 0 z \" style=\"fill:#ffffff;\" />\n",
" </g>\n",
" <g id=\"axes_1\">\n",
" <g id=\"patch_2\">\n",
" <path d=\"M 17.18 45.050616 L 201.32 45.050616 L 201.32 0.938813 L 17.18 0.938813 z \" style=\"fill:#ffffff;\" />\n",
" </g>\n",
" <g id=\"patch_3\">\n",
" <path clip-path=\"url(#p12a096479c)\" d=\"M 17.18 45.050616 L 26.410075 45.050616 L 26.410075 45.050616 L 17.18 45.050616 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_4\">\n",
" <path clip-path=\"url(#p12a096479c)\" d=\"M 26.410075 45.050616 L 35.64015 45.050616 L 35.64015 45.050616 L 26.410075 45.050616 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_5\">\n",
" <path clip-path=\"url(#p12a096479c)\" d=\"M 35.64015 45.050616 L 44.870226 45.050616 L 44.870226 45.050616 L 35.64015 45.050616 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_6\">\n",
" <path clip-path=\"url(#p12a096479c)\" d=\"M 44.870226 45.050616 L 54.100301 45.050616 L 54.100301 45.050616 L 44.870226 45.050616 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_7\">\n",
" <path clip-path=\"url(#p12a096479c)\" d=\"M 54.100301 45.050616 L 63.330376 45.050616 L 63.330376 45.050616 L 54.100301 45.050616 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_8\">\n",
" <path clip-path=\"url(#p12a096479c)\" d=\"M 63.330376 45.050616 L 72.560451 45.050616 L 72.560451 45.050616 L 63.330376 45.050616 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_9\">\n",
" <path clip-path=\"url(#p12a096479c)\" d=\"M 72.560451 45.050616 L 81.790526 45.050616 L 81.790526 45.050616 L 72.560451 45.050616 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_10\">\n",
" <path clip-path=\"url(#p12a096479c)\" d=\"M 81.790526 45.050616 L 91.020602 45.050616 L 91.020602 43.434799 L 81.790526 43.434799 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_11\">\n",
" <path clip-path=\"url(#p12a096479c)\" d=\"M 91.020602 45.050616 L 100.250677 45.050616 L 100.250677 45.050616 L 91.020602 45.050616 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_12\">\n",
" <path clip-path=\"url(#p12a096479c)\" d=\"M 100.250677 45.050616 L 109.480752 45.050616 L 109.480752 43.434799 L 100.250677 43.434799 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_13\">\n",
" <path clip-path=\"url(#p12a096479c)\" d=\"M 109.480752 45.050616 L 118.710827 45.050616 L 118.710827 45.050616 L 109.480752 45.050616 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_14\">\n",
" <path clip-path=\"url(#p12a096479c)\" d=\"M 118.710827 45.050616 L 127.940902 45.050616 L 127.940902 43.434799 L 118.710827 43.434799 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_15\">\n",
" <path clip-path=\"url(#p12a096479c)\" d=\"M 127.940902 45.050616 L 137.170977 45.050616 L 137.170977 45.050616 L 127.940902 45.050616 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_16\">\n",
" <path clip-path=\"url(#p12a096479c)\" d=\"M 137.170977 45.050616 L 146.401053 45.050616 L 146.401053 45.050616 L 137.170977 45.050616 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_17\">\n",
" <path clip-path=\"url(#p12a096479c)\" d=\"M 146.401053 45.050616 L 155.631128 45.050616 L 155.631128 40.203165 L 146.401053 40.203165 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_18\">\n",
" <path clip-path=\"url(#p12a096479c)\" d=\"M 155.631128 45.050616 L 164.861203 45.050616 L 164.861203 41.818982 L 155.631128 41.818982 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_19\">\n",
" <path clip-path=\"url(#p12a096479c)\" d=\"M 164.861203 45.050616 L 174.091278 45.050616 L 174.091278 45.050616 L 164.861203 45.050616 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_20\">\n",
" <path clip-path=\"url(#p12a096479c)\" d=\"M 174.091278 45.050616 L 183.321353 45.050616 L 183.321353 43.434799 L 174.091278 43.434799 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_21\">\n",
" <path clip-path=\"url(#p12a096479c)\" d=\"M 183.321353 45.050616 L 192.551429 45.050616 L 192.551429 40.203165 L 183.321353 40.203165 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_22\">\n",
" <path clip-path=\"url(#p12a096479c)\" d=\"M 17.18 45.050616 L 26.410075 45.050616 L 26.410075 45.050616 L 17.18 45.050616 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_23\">\n",
" <path clip-path=\"url(#p12a096479c)\" d=\"M 26.410075 45.050616 L 35.64015 45.050616 L 35.64015 45.050616 L 26.410075 45.050616 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_24\">\n",
" <path clip-path=\"url(#p12a096479c)\" d=\"M 35.64015 45.050616 L 44.870226 45.050616 L 44.870226 40.203165 L 35.64015 40.203165 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_25\">\n",
" <path clip-path=\"url(#p12a096479c)\" d=\"M 44.870226 45.050616 L 54.100301 45.050616 L 54.100301 43.434799 L 44.870226 43.434799 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_26\">\n",
" <path clip-path=\"url(#p12a096479c)\" d=\"M 54.100301 45.050616 L 63.330376 45.050616 L 63.330376 35.355714 L 54.100301 35.355714 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_27\">\n",
" <path clip-path=\"url(#p12a096479c)\" d=\"M 63.330376 45.050616 L 72.560451 45.050616 L 72.560451 38.587348 L 63.330376 38.587348 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_28\">\n",
" <path clip-path=\"url(#p12a096479c)\" d=\"M 72.560451 45.050616 L 81.790526 45.050616 L 81.790526 40.203165 L 72.560451 40.203165 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_29\">\n",
" <path clip-path=\"url(#p12a096479c)\" d=\"M 81.790526 43.434799 L 91.020602 43.434799 L 91.020602 40.203165 L 81.790526 40.203165 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_30\">\n",
" <path clip-path=\"url(#p12a096479c)\" d=\"M 91.020602 45.050616 L 100.250677 45.050616 L 100.250677 30.508263 L 91.020602 30.508263 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_31\">\n",
" <path clip-path=\"url(#p12a096479c)\" d=\"M 100.250677 43.434799 L 109.480752 43.434799 L 109.480752 27.27663 L 100.250677 27.27663 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_32\">\n",
" <path clip-path=\"url(#p12a096479c)\" d=\"M 109.480752 45.050616 L 118.710827 45.050616 L 118.710827 28.892447 L 109.480752 28.892447 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_33\">\n",
" <path clip-path=\"url(#p12a096479c)\" d=\"M 118.710827 43.434799 L 127.940902 43.434799 L 127.940902 3.039375 L 118.710827 3.039375 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_34\">\n",
" <path clip-path=\"url(#p12a096479c)\" d=\"M 127.940902 45.050616 L 137.170977 45.050616 L 137.170977 6.271009 L 127.940902 6.271009 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_35\">\n",
" <path clip-path=\"url(#p12a096479c)\" d=\"M 137.170977 45.050616 L 146.401053 45.050616 L 146.401053 33.739897 L 137.170977 33.739897 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_36\">\n",
" <path clip-path=\"url(#p12a096479c)\" d=\"M 146.401053 40.203165 L 155.631128 40.203165 L 155.631128 35.355714 L 146.401053 35.355714 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_37\">\n",
" <path clip-path=\"url(#p12a096479c)\" d=\"M 155.631128 41.818982 L 164.861203 41.818982 L 164.861203 7.886826 L 155.631128 7.886826 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_38\">\n",
" <path clip-path=\"url(#p12a096479c)\" d=\"M 164.861203 45.050616 L 174.091278 45.050616 L 174.091278 32.12408 L 164.861203 32.12408 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_39\">\n",
" <path clip-path=\"url(#p12a096479c)\" d=\"M 174.091278 43.434799 L 183.321353 43.434799 L 183.321353 36.971531 L 174.091278 36.971531 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_40\">\n",
" <path clip-path=\"url(#p12a096479c)\" d=\"M 183.321353 40.203165 L 192.551429 40.203165 L 192.551429 35.355714 L 183.321353 35.355714 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_41\">\n",
" <path d=\"M 186.737855 45.866016 L 183.423335 53.204616 L 190.052375 53.204616 z \" style=\"fill:#444443;\" />\n",
" </g>\n",
" <g id=\"matplotlib.axis_1\">\n",
" <g id=\"xtick_1\">\n",
" <g id=\"line2d_1\">\n",
" <defs>\n",
" <path d=\"M 0 0 L 0 3.5 \" id=\"m3aaf29a3ce\" style=\"stroke:#000000;stroke-width:0.3;\" />\n",
" </defs>\n",
" <g>\n",
" <use style=\"stroke:#000000;stroke-width:0.3;\" x=\"17.18\" y=\"45.050616\" xlink:href=\"#m3aaf29a3ce\" />\n",
" </g>\n",
" </g>\n",
" <g id=\"text_1\">\n",
" \n",
" <defs>\n",
" <path d=\"M 31.78125 66.40625 Q 24.171875 66.40625 20.328125 58.90625 Q 16.5 51.421875 16.5 36.375 Q 16.5 21.390625 20.328125 13.890625 Q 24.171875 6.390625 31.78125 6.390625 Q 39.453125 6.390625 43.28125 13.890625 Q 47.125 21.390625 47.125 36.375 Q 47.125 51.421875 43.28125 58.90625 Q 39.453125 66.40625 31.78125 66.40625 z M 31.78125 74.21875 Q 44.046875 74.21875 50.515625 64.515625 Q 56.984375 54.828125 56.984375 36.375 Q 56.984375 17.96875 50.515625 8.265625 Q 44.046875 -1.421875 31.78125 -1.421875 Q 19.53125 -1.421875 13.0625 8.265625 Q 6.59375 17.96875 6.59375 36.375 Q 6.59375 54.828125 13.0625 64.515625 Q 19.53125 74.21875 31.78125 74.21875 z \" id=\"DejaVuSans-48\" />\n",
" <path d=\"M 10.6875 12.40625 L 21 12.40625 L 21 0 L 10.6875 0 z \" id=\"DejaVuSans-46\" />\n",
" </defs>\n",
" <g style=\"fill:#444443;\" transform=\"translate(5.72875 58.129366)scale(0.08 -0.08)\">\n",
" <use xlink:href=\"#DejaVuSans-48\" />\n",
" <use x=\"63.623047\" xlink:href=\"#DejaVuSans-46\" />\n",
" <use x=\"95.410156\" xlink:href=\"#DejaVuSans-48\" />\n",
" <use x=\"159.033203\" xlink:href=\"#DejaVuSans-48\" />\n",
" <use x=\"222.65625\" xlink:href=\"#DejaVuSans-48\" />\n",
" </g>\n",
" </g>\n",
" </g>\n",
" <g id=\"xtick_2\">\n",
" <g id=\"line2d_2\">\n",
" <g>\n",
" <use style=\"stroke:#000000;stroke-width:0.3;\" x=\"192.551429\" y=\"45.050616\" xlink:href=\"#m3aaf29a3ce\" />\n",
" </g>\n",
" </g>\n",
" <g id=\"text_2\">\n",
" \n",
" <defs>\n",
" <path d=\"M 19.1875 8.296875 L 53.609375 8.296875 L 53.609375 0 L 7.328125 0 L 7.328125 8.296875 Q 12.9375 14.109375 22.625 23.890625 Q 32.328125 33.6875 34.8125 36.53125 Q 39.546875 41.84375 41.421875 45.53125 Q 43.3125 49.21875 43.3125 52.78125 Q 43.3125 58.59375 39.234375 62.25 Q 35.15625 65.921875 28.609375 65.921875 Q 23.96875 65.921875 18.8125 64.3125 Q 13.671875 62.703125 7.8125 59.421875 L 7.8125 69.390625 Q 13.765625 71.78125 18.9375 73 Q 24.125 74.21875 28.421875 74.21875 Q 39.75 74.21875 46.484375 68.546875 Q 53.21875 62.890625 53.21875 53.421875 Q 53.21875 48.921875 51.53125 44.890625 Q 49.859375 40.875 45.40625 35.40625 Q 44.1875 33.984375 37.640625 27.21875 Q 31.109375 20.453125 19.1875 8.296875 z \" id=\"DejaVuSans-50\" />\n",
" <path d=\"M 10.796875 72.90625 L 49.515625 72.90625 L 49.515625 64.59375 L 19.828125 64.59375 L 19.828125 46.734375 Q 21.96875 47.46875 24.109375 47.828125 Q 26.265625 48.1875 28.421875 48.1875 Q 40.625 48.1875 47.75 41.5 Q 54.890625 34.8125 54.890625 23.390625 Q 54.890625 11.625 47.5625 5.09375 Q 40.234375 -1.421875 26.90625 -1.421875 Q 22.3125 -1.421875 17.546875 -0.640625 Q 12.796875 0.140625 7.71875 1.703125 L 7.71875 11.625 Q 12.109375 9.234375 16.796875 8.0625 Q 21.484375 6.890625 26.703125 6.890625 Q 35.15625 6.890625 40.078125 11.328125 Q 45.015625 15.765625 45.015625 23.390625 Q 45.015625 31 40.078125 35.4375 Q 35.15625 39.890625 26.703125 39.890625 Q 22.75 39.890625 18.8125 39.015625 Q 14.890625 38.140625 10.796875 36.28125 z \" id=\"DejaVuSans-53\" />\n",
" <path d=\"M 40.578125 39.3125 Q 47.65625 37.796875 51.625 33 Q 55.609375 28.21875 55.609375 21.1875 Q 55.609375 10.40625 48.1875 4.484375 Q 40.765625 -1.421875 27.09375 -1.421875 Q 22.515625 -1.421875 17.65625 -0.515625 Q 12.796875 0.390625 7.625 2.203125 L 7.625 11.71875 Q 11.71875 9.328125 16.59375 8.109375 Q 21.484375 6.890625 26.8125 6.890625 Q 36.078125 6.890625 40.9375 10.546875 Q 45.796875 14.203125 45.796875 21.1875 Q 45.796875 27.640625 41.28125 31.265625 Q 36.765625 34.90625 28.71875 34.90625 L 20.21875 34.90625 L 20.21875 43.015625 L 29.109375 43.015625 Q 36.375 43.015625 40.234375 45.921875 Q 44.09375 48.828125 44.09375 54.296875 Q 44.09375 59.90625 40.109375 62.90625 Q 36.140625 65.921875 28.71875 65.921875 Q 24.65625 65.921875 20.015625 65.03125 Q 15.375 64.15625 9.8125 62.3125 L 9.8125 71.09375 Q 15.4375 72.65625 20.34375 73.4375 Q 25.25 74.21875 29.59375 74.21875 Q 40.828125 74.21875 47.359375 69.109375 Q 53.90625 64.015625 53.90625 55.328125 Q 53.90625 49.265625 50.4375 45.09375 Q 46.96875 40.921875 40.578125 39.3125 z \" id=\"DejaVuSans-51\" />\n",
" <path d=\"M 8.203125 72.90625 L 55.078125 72.90625 L 55.078125 68.703125 L 28.609375 0 L 18.3125 0 L 43.21875 64.59375 L 8.203125 64.59375 z \" id=\"DejaVuSans-55\" />\n",
" </defs>\n",
" <g style=\"fill:#444443;\" transform=\"translate(181.100179 58.129366)scale(0.08 -0.08)\">\n",
" <use xlink:href=\"#DejaVuSans-50\" />\n",
" <use x=\"63.623047\" xlink:href=\"#DejaVuSans-46\" />\n",
" <use x=\"95.410156\" xlink:href=\"#DejaVuSans-53\" />\n",
" <use x=\"159.033203\" xlink:href=\"#DejaVuSans-51\" />\n",
" <use x=\"222.65625\" xlink:href=\"#DejaVuSans-55\" />\n",
" </g>\n",
" </g>\n",
" </g>\n",
" <g id=\"text_3\">\n",
" \n",
" <defs>\n",
" <path d=\"M 6.390625 0 L 6.390625 71.578125 L 15.1875 71.578125 L 15.1875 0 z \" id=\"ArialMT-108\" />\n",
" <path d=\"M 3.328125 25.921875 Q 3.328125 40.328125 11.328125 47.265625 Q 18.015625 53.03125 27.640625 53.03125 Q 38.328125 53.03125 45.109375 46.015625 Q 51.90625 39.015625 51.90625 26.65625 Q 51.90625 16.65625 48.90625 10.90625 Q 45.90625 5.171875 40.15625 2 Q 34.421875 -1.171875 27.640625 -1.171875 Q 16.75 -1.171875 10.03125 5.8125 Q 3.328125 12.796875 3.328125 25.921875 z M 12.359375 25.921875 Q 12.359375 15.96875 16.703125 11.015625 Q 21.046875 6.0625 27.640625 6.0625 Q 34.1875 6.0625 38.53125 11.03125 Q 42.875 16.015625 42.875 26.21875 Q 42.875 35.84375 38.5 40.796875 Q 34.125 45.75 27.640625 45.75 Q 21.046875 45.75 16.703125 40.8125 Q 12.359375 35.890625 12.359375 25.921875 z \" id=\"ArialMT-111\" />\n",
" <path d=\"M 4.984375 -4.296875 L 13.53125 -5.5625 Q 14.0625 -9.515625 16.5 -11.328125 Q 19.78125 -13.765625 25.4375 -13.765625 Q 31.546875 -13.765625 34.859375 -11.328125 Q 38.1875 -8.890625 39.359375 -4.5 Q 40.046875 -1.8125 39.984375 6.78125 Q 34.234375 0 25.640625 0 Q 14.9375 0 9.078125 7.71875 Q 3.21875 15.4375 3.21875 26.21875 Q 3.21875 33.640625 5.90625 39.90625 Q 8.59375 46.1875 13.6875 49.609375 Q 18.796875 53.03125 25.6875 53.03125 Q 34.859375 53.03125 40.828125 45.609375 L 40.828125 51.859375 L 48.921875 51.859375 L 48.921875 7.03125 Q 48.921875 -5.078125 46.453125 -10.125 Q 44 -15.1875 38.640625 -18.109375 Q 33.296875 -21.046875 25.484375 -21.046875 Q 16.21875 -21.046875 10.5 -16.875 Q 4.78125 -12.703125 4.984375 -4.296875 z M 12.25 26.859375 Q 12.25 16.65625 16.296875 11.96875 Q 20.359375 7.28125 26.46875 7.28125 Q 32.515625 7.28125 36.609375 11.9375 Q 40.71875 16.609375 40.71875 26.5625 Q 40.71875 36.078125 36.5 40.90625 Q 32.28125 45.75 26.3125 45.75 Q 20.453125 45.75 16.34375 40.984375 Q 12.25 36.234375 12.25 26.859375 z \" id=\"ArialMT-103\" />\n",
" <path d=\"M 37.25 0 L 28.46875 0 L 28.46875 56 Q 25.296875 52.984375 20.140625 49.953125 Q 14.984375 46.921875 10.890625 45.40625 L 10.890625 53.90625 Q 18.265625 57.375 23.78125 62.296875 Q 29.296875 67.234375 31.59375 71.875 L 37.25 71.875 z \" id=\"ArialMT-49\" />\n",
" <path d=\"M 4.15625 35.296875 Q 4.15625 48 6.765625 55.734375 Q 9.375 63.484375 14.515625 67.671875 Q 19.671875 71.875 27.484375 71.875 Q 33.25 71.875 37.59375 69.546875 Q 41.9375 67.234375 44.765625 62.859375 Q 47.609375 58.5 49.21875 52.21875 Q 50.828125 45.953125 50.828125 35.296875 Q 50.828125 22.703125 48.234375 14.96875 Q 45.65625 7.234375 40.5 3 Q 35.359375 -1.21875 27.484375 -1.21875 Q 17.140625 -1.21875 11.234375 6.203125 Q 4.15625 15.140625 4.15625 35.296875 z M 13.1875 35.296875 Q 13.1875 17.671875 17.3125 11.828125 Q 21.4375 6 27.484375 6 Q 33.546875 6 37.671875 11.859375 Q 41.796875 17.71875 41.796875 35.296875 Q 41.796875 52.984375 37.671875 58.78125 Q 33.546875 64.59375 27.390625 64.59375 Q 21.34375 64.59375 17.71875 59.46875 Q 13.1875 52.9375 13.1875 35.296875 z \" id=\"ArialMT-48\" />\n",
" <path d=\"M -1.515625 -19.875 L -1.515625 -13.53125 L 56.734375 -13.53125 L 56.734375 -19.875 z \" id=\"ArialMT-95\" />\n",
" <path d=\"M 6.59375 -19.875 L 6.59375 51.859375 L 14.59375 51.859375 L 14.59375 45.125 Q 17.4375 49.078125 21 51.046875 Q 24.5625 53.03125 29.640625 53.03125 Q 36.28125 53.03125 41.359375 49.609375 Q 46.4375 46.1875 49.015625 39.953125 Q 51.609375 33.734375 51.609375 26.3125 Q 51.609375 18.359375 48.75 11.984375 Q 45.90625 5.609375 40.453125 2.21875 Q 35.015625 -1.171875 29 -1.171875 Q 24.609375 -1.171875 21.109375 0.6875 Q 17.625 2.546875 15.375 5.375 L 15.375 -19.875 z M 14.546875 25.640625 Q 14.546875 15.625 18.59375 10.84375 Q 22.65625 6.0625 28.421875 6.0625 Q 34.28125 6.0625 38.453125 11.015625 Q 42.625 15.96875 42.625 26.375 Q 42.625 36.28125 38.546875 41.203125 Q 34.46875 46.140625 28.8125 46.140625 Q 23.1875 46.140625 18.859375 40.890625 Q 14.546875 35.640625 14.546875 25.640625 z \" id=\"ArialMT-112\" />\n",
" <path d=\"M 42.09375 16.703125 L 51.171875 15.578125 Q 49.03125 7.625 43.21875 3.21875 Q 37.40625 -1.171875 28.375 -1.171875 Q 17 -1.171875 10.328125 5.828125 Q 3.65625 12.84375 3.65625 25.484375 Q 3.65625 38.578125 10.390625 45.796875 Q 17.140625 53.03125 27.875 53.03125 Q 38.28125 53.03125 44.875 45.953125 Q 51.46875 38.875 51.46875 26.03125 Q 51.46875 25.25 51.421875 23.6875 L 12.75 23.6875 Q 13.234375 15.140625 17.578125 10.59375 Q 21.921875 6.0625 28.421875 6.0625 Q 33.25 6.0625 36.671875 8.59375 Q 40.09375 11.140625 42.09375 16.703125 z M 13.234375 30.90625 L 42.1875 30.90625 Q 41.609375 37.453125 38.875 40.71875 Q 34.671875 45.796875 27.984375 45.796875 Q 21.921875 45.796875 17.796875 41.75 Q 13.671875 37.703125 13.234375 30.90625 z \" id=\"ArialMT-101\" />\n",
" <path d=\"M 6.5 0 L 6.5 51.859375 L 14.40625 51.859375 L 14.40625 44 Q 17.4375 49.515625 20 51.265625 Q 22.5625 53.03125 25.640625 53.03125 Q 30.078125 53.03125 34.671875 50.203125 L 31.640625 42.046875 Q 28.421875 43.953125 25.203125 43.953125 Q 22.3125 43.953125 20.015625 42.21875 Q 17.71875 40.484375 16.75 37.40625 Q 15.28125 32.71875 15.28125 27.15625 L 15.28125 0 z \" id=\"ArialMT-114\" />\n",
" <path d=\"M 6.640625 61.46875 L 6.640625 71.578125 L 15.4375 71.578125 L 15.4375 61.46875 z M 6.640625 0 L 6.640625 51.859375 L 15.4375 51.859375 L 15.4375 0 z \" id=\"ArialMT-105\" />\n",
" <path d=\"M 40.234375 0 L 40.234375 6.546875 Q 35.296875 -1.171875 25.734375 -1.171875 Q 19.53125 -1.171875 14.328125 2.25 Q 9.125 5.671875 6.265625 11.796875 Q 3.421875 17.921875 3.421875 25.875 Q 3.421875 33.640625 6 39.96875 Q 8.59375 46.296875 13.765625 49.65625 Q 18.953125 53.03125 25.34375 53.03125 Q 30.03125 53.03125 33.6875 51.046875 Q 37.359375 49.078125 39.65625 45.90625 L 39.65625 71.578125 L 48.390625 71.578125 L 48.390625 0 z M 12.453125 25.875 Q 12.453125 15.921875 16.640625 10.984375 Q 20.84375 6.0625 26.5625 6.0625 Q 32.328125 6.0625 36.34375 10.765625 Q 40.375 15.484375 40.375 25.140625 Q 40.375 35.796875 36.265625 40.765625 Q 32.171875 45.75 26.171875 45.75 Q 20.3125 45.75 16.375 40.96875 Q 12.453125 36.1875 12.453125 25.875 z \" id=\"ArialMT-100\" />\n",
" </defs>\n",
" <g style=\"fill:#444443;\" transform=\"translate(74.556875 72.418116)scale(0.12 -0.12)\">\n",
" <use xlink:href=\"#ArialMT-108\" />\n",
" <use x=\"22.216797\" xlink:href=\"#ArialMT-111\" />\n",
" <use x=\"77.832031\" xlink:href=\"#ArialMT-103\" />\n",
" <use x=\"133.447266\" xlink:href=\"#ArialMT-49\" />\n",
" <use x=\"189.0625\" xlink:href=\"#ArialMT-48\" />\n",
" <use x=\"244.677734\" xlink:href=\"#ArialMT-95\" />\n",
" <use x=\"300.292969\" xlink:href=\"#ArialMT-112\" />\n",
" <use x=\"355.908203\" xlink:href=\"#ArialMT-101\" />\n",
" <use x=\"411.523438\" xlink:href=\"#ArialMT-114\" />\n",
" <use x=\"444.824219\" xlink:href=\"#ArialMT-105\" />\n",
" <use x=\"467.041016\" xlink:href=\"#ArialMT-111\" />\n",
" <use x=\"522.65625\" xlink:href=\"#ArialMT-100\" />\n",
" </g>\n",
" </g>\n",
" </g>\n",
" <g id=\"matplotlib.axis_2\">\n",
" <g id=\"ytick_1\">\n",
" <g id=\"line2d_3\">\n",
" <defs>\n",
" <path d=\"M 0 0 L -3.5 0 \" id=\"m3837beed30\" style=\"stroke:#000000;stroke-width:0.3;\" />\n",
" </defs>\n",
" <g>\n",
" <use style=\"stroke:#000000;stroke-width:0.3;\" x=\"17.18\" y=\"45.050616\" xlink:href=\"#m3837beed30\" />\n",
" </g>\n",
" </g>\n",
" <g id=\"text_4\">\n",
" \n",
" <g style=\"fill:#444443;\" transform=\"translate(5.09 48.089991)scale(0.08 -0.08)\">\n",
" <use xlink:href=\"#DejaVuSans-48\" />\n",
" </g>\n",
" </g>\n",
" </g>\n",
" <g id=\"ytick_2\">\n",
" <g id=\"line2d_4\">\n",
" <g>\n",
" <use style=\"stroke:#000000;stroke-width:0.3;\" x=\"17.18\" y=\"3.039375\" xlink:href=\"#m3837beed30\" />\n",
" </g>\n",
" </g>\n",
" <g id=\"text_5\">\n",
" \n",
" <defs>\n",
" <path d=\"M 33.015625 40.375 Q 26.375 40.375 22.484375 35.828125 Q 18.609375 31.296875 18.609375 23.390625 Q 18.609375 15.53125 22.484375 10.953125 Q 26.375 6.390625 33.015625 6.390625 Q 39.65625 6.390625 43.53125 10.953125 Q 47.40625 15.53125 47.40625 23.390625 Q 47.40625 31.296875 43.53125 35.828125 Q 39.65625 40.375 33.015625 40.375 z M 52.59375 71.296875 L 52.59375 62.3125 Q 48.875 64.0625 45.09375 64.984375 Q 41.3125 65.921875 37.59375 65.921875 Q 27.828125 65.921875 22.671875 59.328125 Q 17.53125 52.734375 16.796875 39.40625 Q 19.671875 43.65625 24.015625 45.921875 Q 28.375 48.1875 33.59375 48.1875 Q 44.578125 48.1875 50.953125 41.515625 Q 57.328125 34.859375 57.328125 23.390625 Q 57.328125 12.15625 50.6875 5.359375 Q 44.046875 -1.421875 33.015625 -1.421875 Q 20.359375 -1.421875 13.671875 8.265625 Q 6.984375 17.96875 6.984375 36.375 Q 6.984375 53.65625 15.1875 63.9375 Q 23.390625 74.21875 37.203125 74.21875 Q 40.921875 74.21875 44.703125 73.484375 Q 48.484375 72.75 52.59375 71.296875 z \" id=\"DejaVuSans-54\" />\n",
" </defs>\n",
" <g style=\"fill:#444443;\" transform=\"translate(0 6.07875)scale(0.08 -0.08)\">\n",
" <use xlink:href=\"#DejaVuSans-50\" />\n",
" <use x=\"63.623047\" xlink:href=\"#DejaVuSans-54\" />\n",
" </g>\n",
" </g>\n",
" </g>\n",
" </g>\n",
" <g id=\"patch_42\">\n",
" <path d=\"M 17.18 45.050616 L 17.18 0.938813 \" style=\"fill:none;stroke:#000000;stroke-linecap:square;stroke-linejoin:miter;stroke-width:0.3;\" />\n",
" </g>\n",
" <g id=\"patch_43\">\n",
" <path d=\"M 17.18 45.050616 L 201.32 45.050616 \" style=\"fill:none;stroke:#000000;stroke-linecap:square;stroke-linejoin:miter;stroke-width:0.3;\" />\n",
" </g>\n",
" <g id=\"text_6\">\n",
" \n",
" <defs>\n",
" <path d=\"M 50.34375 8.453125 L 50.34375 0 L 3.03125 0 Q 2.9375 3.171875 4.046875 6.109375 Q 5.859375 10.9375 9.828125 15.625 Q 13.8125 20.3125 21.34375 26.46875 Q 33.015625 36.03125 37.109375 41.625 Q 41.21875 47.21875 41.21875 52.203125 Q 41.21875 57.421875 37.46875 61 Q 33.734375 64.59375 27.734375 64.59375 Q 21.390625 64.59375 17.578125 60.78125 Q 13.765625 56.984375 13.71875 50.25 L 4.6875 51.171875 Q 5.609375 61.28125 11.65625 66.578125 Q 17.71875 71.875 27.9375 71.875 Q 38.234375 71.875 44.234375 66.15625 Q 50.25 60.453125 50.25 52 Q 50.25 47.703125 48.484375 43.546875 Q 46.734375 39.40625 42.65625 34.8125 Q 38.578125 30.21875 29.109375 22.21875 Q 21.1875 15.578125 18.9375 13.203125 Q 16.703125 10.84375 15.234375 8.453125 z \" id=\"ArialMT-50\" />\n",
" <path d=\"M 9.078125 0 L 9.078125 10.015625 L 19.09375 10.015625 L 19.09375 0 z \" id=\"ArialMT-46\" />\n",
" <path d=\"M 32.328125 0 L 32.328125 17.140625 L 1.265625 17.140625 L 1.265625 25.203125 L 33.9375 71.578125 L 41.109375 71.578125 L 41.109375 25.203125 L 50.78125 25.203125 L 50.78125 17.140625 L 41.109375 17.140625 L 41.109375 0 z M 32.328125 25.203125 L 32.328125 57.46875 L 9.90625 25.203125 z \" id=\"ArialMT-52\" />\n",
" <path d=\"M 4.15625 18.75 L 13.375 19.53125 Q 14.40625 12.796875 18.140625 9.390625 Q 21.875 6 27.15625 6 Q 33.5 6 37.890625 10.78125 Q 42.28125 15.578125 42.28125 23.484375 Q 42.28125 31 38.0625 35.34375 Q 33.84375 39.703125 27 39.703125 Q 22.75 39.703125 19.328125 37.765625 Q 15.921875 35.84375 13.96875 32.765625 L 5.71875 33.84375 L 12.640625 70.609375 L 48.25 70.609375 L 48.25 62.203125 L 19.671875 62.203125 L 15.828125 42.96875 Q 22.265625 47.46875 29.34375 47.46875 Q 38.71875 47.46875 45.15625 40.96875 Q 51.609375 34.46875 51.609375 24.265625 Q 51.609375 14.546875 45.953125 7.46875 Q 39.0625 -1.21875 27.15625 -1.21875 Q 17.390625 -1.21875 11.203125 4.25 Q 5.03125 9.71875 4.15625 18.75 z \" id=\"ArialMT-53\" />\n",
" </defs>\n",
" <g style=\"fill:#444443;\" transform=\"translate(178.95348 61.358616)scale(0.08 -0.08)\">\n",
" <use xlink:href=\"#ArialMT-50\" />\n",
" <use x=\"55.615234\" xlink:href=\"#ArialMT-46\" />\n",
" <use x=\"83.398438\" xlink:href=\"#ArialMT-52\" />\n",
" <use x=\"139.013672\" xlink:href=\"#ArialMT-53\" />\n",
" </g>\n",
" </g>\n",
" </g>\n",
" </g>\n",
" <defs>\n",
" <clipPath id=\"p12a096479c\">\n",
" <rect height=\"44.111803\" width=\"184.14\" x=\"17.18\" y=\"0.938813\" />\n",
" </clipPath>\n",
" </defs>\n",
"</svg></g>\n",
"\n",
"\n",
"<g class=\"node\" id=\"node6\"><title>node15</title>\n",
"<svg height=\"94px\" preserveAspectRatio=\"xMinYMin meet\" version=\"1.1\" viewBox=\"0 0 201.32 93.615404\" width=\"202px\" x=\"758.5\" y=\"-226.5\">\n",
" <defs>\n",
" <style type=\"text/css\">\n",
"*{stroke-linecap:butt;stroke-linejoin:round;}\n",
" </style>\n",
" </defs>\n",
" <g id=\"figure_1\">\n",
" <g id=\"patch_1\">\n",
" <path d=\"M 0 93.615404 L 201.32 93.615404 L 201.32 0 L 0 0 z \" style=\"fill:#ffffff;\" />\n",
" </g>\n",
" <g id=\"axes_1\">\n",
" <g id=\"patch_2\">\n",
" <path d=\"M 17.18 63.722279 L 201.32 63.722279 L 201.32 0.00523 L 17.18 0.00523 z \" style=\"fill:#ffffff;\" />\n",
" </g>\n",
" <g id=\"patch_3\">\n",
" <path clip-path=\"url(#pf1962c09f1)\" d=\"M 22.460843 63.722279 L 31.260775 63.722279 L 31.260775 63.722279 L 22.460843 63.722279 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_4\">\n",
" <path clip-path=\"url(#pf1962c09f1)\" d=\"M 31.260775 63.722279 L 40.060706 63.722279 L 40.060706 63.722279 L 31.260775 63.722279 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_5\">\n",
" <path clip-path=\"url(#pf1962c09f1)\" d=\"M 40.060706 63.722279 L 48.860637 63.722279 L 48.860637 63.722279 L 40.060706 63.722279 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_6\">\n",
" <path clip-path=\"url(#pf1962c09f1)\" d=\"M 48.860637 63.722279 L 57.660569 63.722279 L 57.660569 63.722279 L 48.860637 63.722279 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_7\">\n",
" <path clip-path=\"url(#pf1962c09f1)\" d=\"M 57.660569 63.722279 L 66.4605 63.722279 L 66.4605 63.722279 L 57.660569 63.722279 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_8\">\n",
" <path clip-path=\"url(#pf1962c09f1)\" d=\"M 66.4605 63.722279 L 75.260431 63.722279 L 75.260431 58.077358 L 66.4605 58.077358 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_9\">\n",
" <path clip-path=\"url(#pf1962c09f1)\" d=\"M 75.260431 63.722279 L 84.060362 63.722279 L 84.060362 59.488588 L 75.260431 59.488588 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_10\">\n",
" <path clip-path=\"url(#pf1962c09f1)\" d=\"M 84.060362 63.722279 L 92.860294 63.722279 L 92.860294 63.722279 L 84.060362 63.722279 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_11\">\n",
" <path clip-path=\"url(#pf1962c09f1)\" d=\"M 92.860294 63.722279 L 101.660225 63.722279 L 101.660225 63.722279 L 92.860294 63.722279 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_12\">\n",
" <path clip-path=\"url(#pf1962c09f1)\" d=\"M 101.660225 63.722279 L 110.460156 63.722279 L 110.460156 60.899818 L 101.660225 60.899818 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_13\">\n",
" <path clip-path=\"url(#pf1962c09f1)\" d=\"M 110.460156 63.722279 L 119.260088 63.722279 L 119.260088 63.722279 L 110.460156 63.722279 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_14\">\n",
" <path clip-path=\"url(#pf1962c09f1)\" d=\"M 119.260088 63.722279 L 128.060019 63.722279 L 128.060019 63.722279 L 119.260088 63.722279 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_15\">\n",
" <path clip-path=\"url(#pf1962c09f1)\" d=\"M 128.060019 63.722279 L 136.85995 63.722279 L 136.85995 63.722279 L 128.060019 63.722279 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_16\">\n",
" <path clip-path=\"url(#pf1962c09f1)\" d=\"M 136.85995 63.722279 L 145.659882 63.722279 L 145.659882 63.722279 L 136.85995 63.722279 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_17\">\n",
" <path clip-path=\"url(#pf1962c09f1)\" d=\"M 145.659882 63.722279 L 154.459813 63.722279 L 154.459813 63.722279 L 145.659882 63.722279 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_18\">\n",
" <path clip-path=\"url(#pf1962c09f1)\" d=\"M 154.459813 63.722279 L 163.259744 63.722279 L 163.259744 63.722279 L 154.459813 63.722279 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_19\">\n",
" <path clip-path=\"url(#pf1962c09f1)\" d=\"M 163.259744 63.722279 L 172.059676 63.722279 L 172.059676 63.722279 L 163.259744 63.722279 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_20\">\n",
" <path clip-path=\"url(#pf1962c09f1)\" d=\"M 172.059676 63.722279 L 180.859607 63.722279 L 180.859607 63.722279 L 172.059676 63.722279 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_21\">\n",
" <path clip-path=\"url(#pf1962c09f1)\" d=\"M 180.859607 63.722279 L 189.659538 63.722279 L 189.659538 63.722279 L 180.859607 63.722279 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_22\">\n",
" <path clip-path=\"url(#pf1962c09f1)\" d=\"M 22.460843 63.722279 L 31.260775 63.722279 L 31.260775 63.722279 L 22.460843 63.722279 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_23\">\n",
" <path clip-path=\"url(#pf1962c09f1)\" d=\"M 31.260775 63.722279 L 40.060706 63.722279 L 40.060706 63.722279 L 31.260775 63.722279 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_24\">\n",
" <path clip-path=\"url(#pf1962c09f1)\" d=\"M 40.060706 63.722279 L 48.860637 63.722279 L 48.860637 63.722279 L 40.060706 63.722279 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_25\">\n",
" <path clip-path=\"url(#pf1962c09f1)\" d=\"M 48.860637 63.722279 L 57.660569 63.722279 L 57.660569 63.722279 L 48.860637 63.722279 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_26\">\n",
" <path clip-path=\"url(#pf1962c09f1)\" d=\"M 57.660569 63.722279 L 66.4605 63.722279 L 66.4605 63.722279 L 57.660569 63.722279 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_27\">\n",
" <path clip-path=\"url(#pf1962c09f1)\" d=\"M 66.4605 58.077358 L 75.260431 58.077358 L 75.260431 14.329218 L 66.4605 14.329218 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_28\">\n",
" <path clip-path=\"url(#pf1962c09f1)\" d=\"M 75.260431 59.488588 L 84.060362 59.488588 L 84.060362 3.039375 L 75.260431 3.039375 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_29\">\n",
" <path clip-path=\"url(#pf1962c09f1)\" d=\"M 84.060362 63.722279 L 92.860294 63.722279 L 92.860294 29.852751 L 84.060362 29.852751 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_30\">\n",
" <path clip-path=\"url(#pf1962c09f1)\" d=\"M 92.860294 63.722279 L 101.660225 63.722279 L 101.660225 29.852751 L 92.860294 29.852751 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_31\">\n",
" <path clip-path=\"url(#pf1962c09f1)\" d=\"M 101.660225 60.899818 L 110.460156 60.899818 L 110.460156 32.675212 L 101.660225 32.675212 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_32\">\n",
" <path clip-path=\"url(#pf1962c09f1)\" d=\"M 110.460156 63.722279 L 119.260088 63.722279 L 119.260088 62.311049 L 110.460156 62.311049 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_33\">\n",
" <path clip-path=\"url(#pf1962c09f1)\" d=\"M 119.260088 63.722279 L 128.060019 63.722279 L 128.060019 63.722279 L 119.260088 63.722279 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_34\">\n",
" <path clip-path=\"url(#pf1962c09f1)\" d=\"M 128.060019 63.722279 L 136.85995 63.722279 L 136.85995 60.899818 L 128.060019 60.899818 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_35\">\n",
" <path clip-path=\"url(#pf1962c09f1)\" d=\"M 136.85995 63.722279 L 145.659882 63.722279 L 145.659882 63.722279 L 136.85995 63.722279 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_36\">\n",
" <path clip-path=\"url(#pf1962c09f1)\" d=\"M 145.659882 63.722279 L 154.459813 63.722279 L 154.459813 63.722279 L 145.659882 63.722279 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_37\">\n",
" <path clip-path=\"url(#pf1962c09f1)\" d=\"M 154.459813 63.722279 L 163.259744 63.722279 L 163.259744 63.722279 L 154.459813 63.722279 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_38\">\n",
" <path clip-path=\"url(#pf1962c09f1)\" d=\"M 163.259744 63.722279 L 172.059676 63.722279 L 172.059676 63.722279 L 163.259744 63.722279 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_39\">\n",
" <path clip-path=\"url(#pf1962c09f1)\" d=\"M 172.059676 63.722279 L 180.859607 63.722279 L 180.859607 63.722279 L 172.059676 63.722279 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_40\">\n",
" <path clip-path=\"url(#pf1962c09f1)\" d=\"M 180.859607 63.722279 L 189.659538 63.722279 L 189.659538 62.311049 L 180.859607 62.311049 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_41\">\n",
" <path d=\"M 77.15849 64.537679 L 73.84397 71.876279 L 80.47301 71.876279 z \" style=\"fill:#444443;\" />\n",
" </g>\n",
" <g id=\"matplotlib.axis_1\">\n",
" <g id=\"xtick_1\">\n",
" <g id=\"line2d_1\">\n",
" <defs>\n",
" <path d=\"M 0 0 L 0 3.5 \" id=\"mb7e93e5a8c\" style=\"stroke:#000000;stroke-width:0.3;\" />\n",
" </defs>\n",
" <g>\n",
" <use style=\"stroke:#000000;stroke-width:0.3;\" x=\"22.460843\" y=\"63.722279\" xlink:href=\"#mb7e93e5a8c\" />\n",
" </g>\n",
" </g>\n",
" <g id=\"text_1\">\n",
" \n",
" <defs>\n",
" <path d=\"M 12.40625 8.296875 L 28.515625 8.296875 L 28.515625 63.921875 L 10.984375 60.40625 L 10.984375 69.390625 L 28.421875 72.90625 L 38.28125 72.90625 L 38.28125 8.296875 L 54.390625 8.296875 L 54.390625 0 L 12.40625 0 z \" id=\"DejaVuSans-49\" />\n",
" <path d=\"M 10.6875 12.40625 L 21 12.40625 L 21 0 L 10.6875 0 z \" id=\"DejaVuSans-46\" />\n",
" <path d=\"M 40.578125 39.3125 Q 47.65625 37.796875 51.625 33 Q 55.609375 28.21875 55.609375 21.1875 Q 55.609375 10.40625 48.1875 4.484375 Q 40.765625 -1.421875 27.09375 -1.421875 Q 22.515625 -1.421875 17.65625 -0.515625 Q 12.796875 0.390625 7.625 2.203125 L 7.625 11.71875 Q 11.71875 9.328125 16.59375 8.109375 Q 21.484375 6.890625 26.8125 6.890625 Q 36.078125 6.890625 40.9375 10.546875 Q 45.796875 14.203125 45.796875 21.1875 Q 45.796875 27.640625 41.28125 31.265625 Q 36.765625 34.90625 28.71875 34.90625 L 20.21875 34.90625 L 20.21875 43.015625 L 29.109375 43.015625 Q 36.375 43.015625 40.234375 45.921875 Q 44.09375 48.828125 44.09375 54.296875 Q 44.09375 59.90625 40.109375 62.90625 Q 36.140625 65.921875 28.71875 65.921875 Q 24.65625 65.921875 20.015625 65.03125 Q 15.375 64.15625 9.8125 62.3125 L 9.8125 71.09375 Q 15.4375 72.65625 20.34375 73.4375 Q 25.25 74.21875 29.59375 74.21875 Q 40.828125 74.21875 47.359375 69.109375 Q 53.90625 64.015625 53.90625 55.328125 Q 53.90625 49.265625 50.4375 45.09375 Q 46.96875 40.921875 40.578125 39.3125 z \" id=\"DejaVuSans-51\" />\n",
" <path d=\"M 10.984375 1.515625 L 10.984375 10.5 Q 14.703125 8.734375 18.5 7.8125 Q 22.3125 6.890625 25.984375 6.890625 Q 35.75 6.890625 40.890625 13.453125 Q 46.046875 20.015625 46.78125 33.40625 Q 43.953125 29.203125 39.59375 26.953125 Q 35.25 24.703125 29.984375 24.703125 Q 19.046875 24.703125 12.671875 31.3125 Q 6.296875 37.9375 6.296875 49.421875 Q 6.296875 60.640625 12.9375 67.421875 Q 19.578125 74.21875 30.609375 74.21875 Q 43.265625 74.21875 49.921875 64.515625 Q 56.59375 54.828125 56.59375 36.375 Q 56.59375 19.140625 48.40625 8.859375 Q 40.234375 -1.421875 26.421875 -1.421875 Q 22.703125 -1.421875 18.890625 -0.6875 Q 15.09375 0.046875 10.984375 1.515625 z M 30.609375 32.421875 Q 37.25 32.421875 41.125 36.953125 Q 45.015625 41.5 45.015625 49.421875 Q 45.015625 57.28125 41.125 61.84375 Q 37.25 66.40625 30.609375 66.40625 Q 23.96875 66.40625 20.09375 61.84375 Q 16.21875 57.28125 16.21875 49.421875 Q 16.21875 41.5 20.09375 36.953125 Q 23.96875 32.421875 30.609375 32.421875 z \" id=\"DejaVuSans-57\" />\n",
" <path d=\"M 31.78125 34.625 Q 24.75 34.625 20.71875 30.859375 Q 16.703125 27.09375 16.703125 20.515625 Q 16.703125 13.921875 20.71875 10.15625 Q 24.75 6.390625 31.78125 6.390625 Q 38.8125 6.390625 42.859375 10.171875 Q 46.921875 13.96875 46.921875 20.515625 Q 46.921875 27.09375 42.890625 30.859375 Q 38.875 34.625 31.78125 34.625 z M 21.921875 38.8125 Q 15.578125 40.375 12.03125 44.71875 Q 8.5 49.078125 8.5 55.328125 Q 8.5 64.0625 14.71875 69.140625 Q 20.953125 74.21875 31.78125 74.21875 Q 42.671875 74.21875 48.875 69.140625 Q 55.078125 64.0625 55.078125 55.328125 Q 55.078125 49.078125 51.53125 44.71875 Q 48 40.375 41.703125 38.8125 Q 48.828125 37.15625 52.796875 32.3125 Q 56.78125 27.484375 56.78125 20.515625 Q 56.78125 9.90625 50.3125 4.234375 Q 43.84375 -1.421875 31.78125 -1.421875 Q 19.734375 -1.421875 13.25 4.234375 Q 6.78125 9.90625 6.78125 20.515625 Q 6.78125 27.484375 10.78125 32.3125 Q 14.796875 37.15625 21.921875 38.8125 z M 18.3125 54.390625 Q 18.3125 48.734375 21.84375 45.5625 Q 25.390625 42.390625 31.78125 42.390625 Q 38.140625 42.390625 41.71875 45.5625 Q 45.3125 48.734375 45.3125 54.390625 Q 45.3125 60.0625 41.71875 63.234375 Q 38.140625 66.40625 31.78125 66.40625 Q 25.390625 66.40625 21.84375 63.234375 Q 18.3125 60.0625 18.3125 54.390625 z \" id=\"DejaVuSans-56\" />\n",
" </defs>\n",
" <g style=\"fill:#444443;\" transform=\"translate(11.009593 76.801029)scale(0.08 -0.08)\">\n",
" <use xlink:href=\"#DejaVuSans-49\" />\n",
" <use x=\"63.623047\" xlink:href=\"#DejaVuSans-46\" />\n",
" <use x=\"95.410156\" xlink:href=\"#DejaVuSans-51\" />\n",
" <use x=\"159.033203\" xlink:href=\"#DejaVuSans-57\" />\n",
" <use x=\"222.65625\" xlink:href=\"#DejaVuSans-56\" />\n",
" </g>\n",
" </g>\n",
" </g>\n",
" <g id=\"xtick_2\">\n",
" <g id=\"line2d_2\">\n",
" <g>\n",
" <use style=\"stroke:#000000;stroke-width:0.3;\" x=\"189.659538\" y=\"63.722279\" xlink:href=\"#mb7e93e5a8c\" />\n",
" </g>\n",
" </g>\n",
" <g id=\"text_2\">\n",
" \n",
" <defs>\n",
" <path d=\"M 37.796875 64.3125 L 12.890625 25.390625 L 37.796875 25.390625 z M 35.203125 72.90625 L 47.609375 72.90625 L 47.609375 25.390625 L 58.015625 25.390625 L 58.015625 17.1875 L 47.609375 17.1875 L 47.609375 0 L 37.796875 0 L 37.796875 17.1875 L 4.890625 17.1875 L 4.890625 26.703125 z \" id=\"DejaVuSans-52\" />\n",
" </defs>\n",
" <g style=\"fill:#444443;\" transform=\"translate(178.208288 76.801029)scale(0.08 -0.08)\">\n",
" <use xlink:href=\"#DejaVuSans-52\" />\n",
" <use x=\"63.623047\" xlink:href=\"#DejaVuSans-46\" />\n",
" <use x=\"95.410156\" xlink:href=\"#DejaVuSans-57\" />\n",
" <use x=\"159.033203\" xlink:href=\"#DejaVuSans-51\" />\n",
" <use x=\"222.65625\" xlink:href=\"#DejaVuSans-57\" />\n",
" </g>\n",
" </g>\n",
" </g>\n",
" <g id=\"text_3\">\n",
" \n",
" <defs>\n",
" <path d=\"M 6.390625 0 L 6.390625 71.578125 L 15.1875 71.578125 L 15.1875 0 z \" id=\"ArialMT-108\" />\n",
" <path d=\"M 3.328125 25.921875 Q 3.328125 40.328125 11.328125 47.265625 Q 18.015625 53.03125 27.640625 53.03125 Q 38.328125 53.03125 45.109375 46.015625 Q 51.90625 39.015625 51.90625 26.65625 Q 51.90625 16.65625 48.90625 10.90625 Q 45.90625 5.171875 40.15625 2 Q 34.421875 -1.171875 27.640625 -1.171875 Q 16.75 -1.171875 10.03125 5.8125 Q 3.328125 12.796875 3.328125 25.921875 z M 12.359375 25.921875 Q 12.359375 15.96875 16.703125 11.015625 Q 21.046875 6.0625 27.640625 6.0625 Q 34.1875 6.0625 38.53125 11.03125 Q 42.875 16.015625 42.875 26.21875 Q 42.875 35.84375 38.5 40.796875 Q 34.125 45.75 27.640625 45.75 Q 21.046875 45.75 16.703125 40.8125 Q 12.359375 35.890625 12.359375 25.921875 z \" id=\"ArialMT-111\" />\n",
" <path d=\"M 4.984375 -4.296875 L 13.53125 -5.5625 Q 14.0625 -9.515625 16.5 -11.328125 Q 19.78125 -13.765625 25.4375 -13.765625 Q 31.546875 -13.765625 34.859375 -11.328125 Q 38.1875 -8.890625 39.359375 -4.5 Q 40.046875 -1.8125 39.984375 6.78125 Q 34.234375 0 25.640625 0 Q 14.9375 0 9.078125 7.71875 Q 3.21875 15.4375 3.21875 26.21875 Q 3.21875 33.640625 5.90625 39.90625 Q 8.59375 46.1875 13.6875 49.609375 Q 18.796875 53.03125 25.6875 53.03125 Q 34.859375 53.03125 40.828125 45.609375 L 40.828125 51.859375 L 48.921875 51.859375 L 48.921875 7.03125 Q 48.921875 -5.078125 46.453125 -10.125 Q 44 -15.1875 38.640625 -18.109375 Q 33.296875 -21.046875 25.484375 -21.046875 Q 16.21875 -21.046875 10.5 -16.875 Q 4.78125 -12.703125 4.984375 -4.296875 z M 12.25 26.859375 Q 12.25 16.65625 16.296875 11.96875 Q 20.359375 7.28125 26.46875 7.28125 Q 32.515625 7.28125 36.609375 11.9375 Q 40.71875 16.609375 40.71875 26.5625 Q 40.71875 36.078125 36.5 40.90625 Q 32.28125 45.75 26.3125 45.75 Q 20.453125 45.75 16.34375 40.984375 Q 12.25 36.234375 12.25 26.859375 z \" id=\"ArialMT-103\" />\n",
" <path d=\"M 37.25 0 L 28.46875 0 L 28.46875 56 Q 25.296875 52.984375 20.140625 49.953125 Q 14.984375 46.921875 10.890625 45.40625 L 10.890625 53.90625 Q 18.265625 57.375 23.78125 62.296875 Q 29.296875 67.234375 31.59375 71.875 L 37.25 71.875 z \" id=\"ArialMT-49\" />\n",
" <path d=\"M 4.15625 35.296875 Q 4.15625 48 6.765625 55.734375 Q 9.375 63.484375 14.515625 67.671875 Q 19.671875 71.875 27.484375 71.875 Q 33.25 71.875 37.59375 69.546875 Q 41.9375 67.234375 44.765625 62.859375 Q 47.609375 58.5 49.21875 52.21875 Q 50.828125 45.953125 50.828125 35.296875 Q 50.828125 22.703125 48.234375 14.96875 Q 45.65625 7.234375 40.5 3 Q 35.359375 -1.21875 27.484375 -1.21875 Q 17.140625 -1.21875 11.234375 6.203125 Q 4.15625 15.140625 4.15625 35.296875 z M 13.1875 35.296875 Q 13.1875 17.671875 17.3125 11.828125 Q 21.4375 6 27.484375 6 Q 33.546875 6 37.671875 11.859375 Q 41.796875 17.71875 41.796875 35.296875 Q 41.796875 52.984375 37.671875 58.78125 Q 33.546875 64.59375 27.390625 64.59375 Q 21.34375 64.59375 17.71875 59.46875 Q 13.1875 52.9375 13.1875 35.296875 z \" id=\"ArialMT-48\" />\n",
" <path d=\"M -1.515625 -19.875 L -1.515625 -13.53125 L 56.734375 -13.53125 L 56.734375 -19.875 z \" id=\"ArialMT-95\" />\n",
" <path d=\"M 42.09375 16.703125 L 51.171875 15.578125 Q 49.03125 7.625 43.21875 3.21875 Q 37.40625 -1.171875 28.375 -1.171875 Q 17 -1.171875 10.328125 5.828125 Q 3.65625 12.84375 3.65625 25.484375 Q 3.65625 38.578125 10.390625 45.796875 Q 17.140625 53.03125 27.875 53.03125 Q 38.28125 53.03125 44.875 45.953125 Q 51.46875 38.875 51.46875 26.03125 Q 51.46875 25.25 51.421875 23.6875 L 12.75 23.6875 Q 13.234375 15.140625 17.578125 10.59375 Q 21.921875 6.0625 28.421875 6.0625 Q 33.25 6.0625 36.671875 8.59375 Q 40.09375 11.140625 42.09375 16.703125 z M 13.234375 30.90625 L 42.1875 30.90625 Q 41.609375 37.453125 38.875 40.71875 Q 34.671875 45.796875 27.984375 45.796875 Q 21.921875 45.796875 17.796875 41.75 Q 13.671875 37.703125 13.234375 30.90625 z \" id=\"ArialMT-101\" />\n",
" <path d=\"M 6.59375 0 L 6.59375 51.859375 L 14.5 51.859375 L 14.5 44.484375 Q 20.21875 53.03125 31 53.03125 Q 35.6875 53.03125 39.625 51.34375 Q 43.5625 49.65625 45.515625 46.921875 Q 47.46875 44.1875 48.25 40.4375 Q 48.734375 37.984375 48.734375 31.890625 L 48.734375 0 L 39.9375 0 L 39.9375 31.546875 Q 39.9375 36.921875 38.90625 39.578125 Q 37.890625 42.234375 35.28125 43.8125 Q 32.671875 45.40625 29.15625 45.40625 Q 23.53125 45.40625 19.453125 41.84375 Q 15.375 38.28125 15.375 28.328125 L 15.375 0 z \" id=\"ArialMT-110\" />\n",
" <path d=\"M 25.78125 7.859375 L 27.046875 0.09375 Q 23.34375 -0.6875 20.40625 -0.6875 Q 15.625 -0.6875 12.984375 0.828125 Q 10.359375 2.34375 9.28125 4.8125 Q 8.203125 7.28125 8.203125 15.1875 L 8.203125 45.015625 L 1.765625 45.015625 L 1.765625 51.859375 L 8.203125 51.859375 L 8.203125 64.703125 L 16.9375 69.96875 L 16.9375 51.859375 L 25.78125 51.859375 L 25.78125 45.015625 L 16.9375 45.015625 L 16.9375 14.703125 Q 16.9375 10.9375 17.40625 9.859375 Q 17.875 8.796875 18.921875 8.15625 Q 19.96875 7.515625 21.921875 7.515625 Q 23.390625 7.515625 25.78125 7.859375 z \" id=\"ArialMT-116\" />\n",
" <path d=\"M 6.59375 0 L 6.59375 71.578125 L 15.375 71.578125 L 15.375 45.90625 Q 21.53125 53.03125 30.90625 53.03125 Q 36.671875 53.03125 40.921875 50.75 Q 45.171875 48.484375 47 44.484375 Q 48.828125 40.484375 48.828125 32.859375 L 48.828125 0 L 40.046875 0 L 40.046875 32.859375 Q 40.046875 39.453125 37.1875 42.453125 Q 34.328125 45.453125 29.109375 45.453125 Q 25.203125 45.453125 21.75 43.421875 Q 18.3125 41.40625 16.84375 37.9375 Q 15.375 34.46875 15.375 28.375 L 15.375 0 z \" id=\"ArialMT-104\" />\n",
" </defs>\n",
" <g style=\"fill:#444443;\" transform=\"translate(74.887812 91.089779)scale(0.12 -0.12)\">\n",
" <use xlink:href=\"#ArialMT-108\" />\n",
" <use x=\"22.216797\" xlink:href=\"#ArialMT-111\" />\n",
" <use x=\"77.832031\" xlink:href=\"#ArialMT-103\" />\n",
" <use x=\"133.447266\" xlink:href=\"#ArialMT-49\" />\n",
" <use x=\"189.0625\" xlink:href=\"#ArialMT-48\" />\n",
" <use x=\"244.677734\" xlink:href=\"#ArialMT-95\" />\n",
" <use x=\"300.292969\" xlink:href=\"#ArialMT-108\" />\n",
" <use x=\"322.509766\" xlink:href=\"#ArialMT-101\" />\n",
" <use x=\"378.125\" xlink:href=\"#ArialMT-110\" />\n",
" <use x=\"433.740234\" xlink:href=\"#ArialMT-103\" />\n",
" <use x=\"489.355469\" xlink:href=\"#ArialMT-116\" />\n",
" <use x=\"517.138672\" xlink:href=\"#ArialMT-104\" />\n",
" </g>\n",
" </g>\n",
" </g>\n",
" <g id=\"matplotlib.axis_2\">\n",
" <g id=\"ytick_1\">\n",
" <g id=\"line2d_3\">\n",
" <defs>\n",
" <path d=\"M 0 0 L -3.5 0 \" id=\"m9dba27f747\" style=\"stroke:#000000;stroke-width:0.3;\" />\n",
" </defs>\n",
" <g>\n",
" <use style=\"stroke:#000000;stroke-width:0.3;\" x=\"17.18\" y=\"63.722279\" xlink:href=\"#m9dba27f747\" />\n",
" </g>\n",
" </g>\n",
" <g id=\"text_4\">\n",
" \n",
" <defs>\n",
" <path d=\"M 31.78125 66.40625 Q 24.171875 66.40625 20.328125 58.90625 Q 16.5 51.421875 16.5 36.375 Q 16.5 21.390625 20.328125 13.890625 Q 24.171875 6.390625 31.78125 6.390625 Q 39.453125 6.390625 43.28125 13.890625 Q 47.125 21.390625 47.125 36.375 Q 47.125 51.421875 43.28125 58.90625 Q 39.453125 66.40625 31.78125 66.40625 z M 31.78125 74.21875 Q 44.046875 74.21875 50.515625 64.515625 Q 56.984375 54.828125 56.984375 36.375 Q 56.984375 17.96875 50.515625 8.265625 Q 44.046875 -1.421875 31.78125 -1.421875 Q 19.53125 -1.421875 13.0625 8.265625 Q 6.59375 17.96875 6.59375 36.375 Q 6.59375 54.828125 13.0625 64.515625 Q 19.53125 74.21875 31.78125 74.21875 z \" id=\"DejaVuSans-48\" />\n",
" </defs>\n",
" <g style=\"fill:#444443;\" transform=\"translate(5.09 66.761654)scale(0.08 -0.08)\">\n",
" <use xlink:href=\"#DejaVuSans-48\" />\n",
" </g>\n",
" </g>\n",
" </g>\n",
" <g id=\"ytick_2\">\n",
" <g id=\"line2d_4\">\n",
" <g>\n",
" <use style=\"stroke:#000000;stroke-width:0.3;\" x=\"17.18\" y=\"3.039375\" xlink:href=\"#m9dba27f747\" />\n",
" </g>\n",
" </g>\n",
" <g id=\"text_5\">\n",
" \n",
" <g style=\"fill:#444443;\" transform=\"translate(0 6.07875)scale(0.08 -0.08)\">\n",
" <use xlink:href=\"#DejaVuSans-52\" />\n",
" <use x=\"63.623047\" xlink:href=\"#DejaVuSans-51\" />\n",
" </g>\n",
" </g>\n",
" </g>\n",
" </g>\n",
" <g id=\"patch_42\">\n",
" <path d=\"M 17.18 63.722279 L 17.18 0.00523 \" style=\"fill:none;stroke:#000000;stroke-linecap:square;stroke-linejoin:miter;stroke-width:0.3;\" />\n",
" </g>\n",
" <g id=\"patch_43\">\n",
" <path d=\"M 17.18 63.722279 L 201.32 63.722279 \" style=\"fill:none;stroke:#000000;stroke-linecap:square;stroke-linejoin:miter;stroke-width:0.3;\" />\n",
" </g>\n",
" <g id=\"text_6\">\n",
" \n",
" <defs>\n",
" <path d=\"M 50.34375 8.453125 L 50.34375 0 L 3.03125 0 Q 2.9375 3.171875 4.046875 6.109375 Q 5.859375 10.9375 9.828125 15.625 Q 13.8125 20.3125 21.34375 26.46875 Q 33.015625 36.03125 37.109375 41.625 Q 41.21875 47.21875 41.21875 52.203125 Q 41.21875 57.421875 37.46875 61 Q 33.734375 64.59375 27.734375 64.59375 Q 21.390625 64.59375 17.578125 60.78125 Q 13.765625 56.984375 13.71875 50.25 L 4.6875 51.171875 Q 5.609375 61.28125 11.65625 66.578125 Q 17.71875 71.875 27.9375 71.875 Q 38.234375 71.875 44.234375 66.15625 Q 50.25 60.453125 50.25 52 Q 50.25 47.703125 48.484375 43.546875 Q 46.734375 39.40625 42.65625 34.8125 Q 38.578125 30.21875 29.109375 22.21875 Q 21.1875 15.578125 18.9375 13.203125 Q 16.703125 10.84375 15.234375 8.453125 z \" id=\"ArialMT-50\" />\n",
" <path d=\"M 9.078125 0 L 9.078125 10.015625 L 19.09375 10.015625 L 19.09375 0 z \" id=\"ArialMT-46\" />\n",
" <path d=\"M 4.15625 18.75 L 13.375 19.53125 Q 14.40625 12.796875 18.140625 9.390625 Q 21.875 6 27.15625 6 Q 33.5 6 37.890625 10.78125 Q 42.28125 15.578125 42.28125 23.484375 Q 42.28125 31 38.0625 35.34375 Q 33.84375 39.703125 27 39.703125 Q 22.75 39.703125 19.328125 37.765625 Q 15.921875 35.84375 13.96875 32.765625 L 5.71875 33.84375 L 12.640625 70.609375 L 48.25 70.609375 L 48.25 62.203125 L 19.671875 62.203125 L 15.828125 42.96875 Q 22.265625 47.46875 29.34375 47.46875 Q 38.71875 47.46875 45.15625 40.96875 Q 51.609375 34.46875 51.609375 24.265625 Q 51.609375 14.546875 45.953125 7.46875 Q 39.0625 -1.21875 27.15625 -1.21875 Q 17.390625 -1.21875 11.203125 4.25 Q 5.03125 9.71875 4.15625 18.75 z \" id=\"ArialMT-53\" />\n",
" <path d=\"M 49.75 54.046875 L 41.015625 53.375 Q 39.84375 58.546875 37.703125 60.890625 Q 34.125 64.65625 28.90625 64.65625 Q 24.703125 64.65625 21.53125 62.3125 Q 17.390625 59.28125 14.984375 53.46875 Q 12.59375 47.65625 12.5 36.921875 Q 15.671875 41.75 20.265625 44.09375 Q 24.859375 46.4375 29.890625 46.4375 Q 38.671875 46.4375 44.84375 39.96875 Q 51.03125 33.5 51.03125 23.25 Q 51.03125 16.5 48.125 10.71875 Q 45.21875 4.9375 40.140625 1.859375 Q 35.0625 -1.21875 28.609375 -1.21875 Q 17.625 -1.21875 10.6875 6.859375 Q 3.765625 14.9375 3.765625 33.5 Q 3.765625 54.25 11.421875 63.671875 Q 18.109375 71.875 29.4375 71.875 Q 37.890625 71.875 43.28125 67.140625 Q 48.6875 62.40625 49.75 54.046875 z M 13.875 23.1875 Q 13.875 18.65625 15.796875 14.5 Q 17.71875 10.359375 21.1875 8.171875 Q 24.65625 6 28.46875 6 Q 34.03125 6 38.03125 10.484375 Q 42.046875 14.984375 42.046875 22.703125 Q 42.046875 30.125 38.078125 34.390625 Q 34.125 38.671875 28.125 38.671875 Q 22.171875 38.671875 18.015625 34.390625 Q 13.875 30.125 13.875 23.1875 z \" id=\"ArialMT-54\" />\n",
" </defs>\n",
" <g style=\"fill:#444443;\" transform=\"translate(69.374115 80.030279)scale(0.08 -0.08)\">\n",
" <use xlink:href=\"#ArialMT-50\" />\n",
" <use x=\"55.615234\" xlink:href=\"#ArialMT-46\" />\n",
" <use x=\"83.398438\" xlink:href=\"#ArialMT-53\" />\n",
" <use x=\"139.013672\" xlink:href=\"#ArialMT-54\" />\n",
" </g>\n",
" </g>\n",
" </g>\n",
" </g>\n",
" <defs>\n",
" <clipPath id=\"pf1962c09f1\">\n",
" <rect height=\"63.717049\" width=\"184.14\" x=\"17.18\" y=\"0.00523\" />\n",
" </clipPath>\n",
" </defs>\n",
"</svg></g>\n",
"\n",
"<g class=\"node\" id=\"node17\"><title>leaf16</title>\n",
"<polygon fill=\"none\" points=\"870,-99 776,-99 776,-11 870,-11 870,-99\" stroke=\"#444443\" stroke-width=\"0\" />\n",
"<svg height=\"79px\" preserveAspectRatio=\"xMinYMin meet\" version=\"1.1\" viewBox=\"0 0 84.933281 78.738962\" width=\"85px\" x=\"780.5\" y=\"-94.5\">\n",
" <defs>\n",
" <style type=\"text/css\">\n",
"*{stroke-linecap:butt;stroke-linejoin:round;}\n",
" </style>\n",
" </defs>\n",
" <g id=\"figure_1\">\n",
" <g id=\"patch_1\">\n",
" <path d=\"M 0 78.738962 L 84.933281 78.738962 L 84.933281 0 L 0 0 z \" style=\"fill:#ffffff;\" />\n",
" </g>\n",
" <g id=\"axes_1\">\n",
" <g id=\"patch_2\">\n",
" <path d=\"M 71.760641 29.351474 C 71.760641 24.84254 70.719618 20.393896 68.718915 16.353145 C 66.718212 12.312394 63.811331 8.787595 60.225409 6.054165 L 42.466641 29.351474 L 71.760641 29.351474 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_3\">\n",
" <path d=\"M 60.225409 6.054165 C 57.616003 4.065101 54.690866 2.528496 51.572338 1.508616 C 48.453809 0.488736 45.185979 -0 41.905518 0.062848 C 38.625057 0.125697 35.378345 0.739241 32.301169 1.877821 C 29.223993 3.0164 26.359859 4.663918 23.828555 6.75147 C 21.29725 8.839021 19.134562 11.337092 17.430942 14.141206 C 15.727322 16.94532 14.506856 20.015831 13.820586 23.224321 C 13.134317 26.432811 12.991947 29.733918 13.399432 32.98958 C 13.806917 36.245241 14.758494 39.409428 16.214367 42.349803 C 17.67024 45.290179 19.609825 47.965172 21.952002 50.262906 C 24.294178 52.560641 27.005834 54.44863 29.973557 55.847913 C 32.94128 57.247196 36.123114 58.137989 39.385983 58.483037 C 42.648853 58.828085 45.946627 58.622509 49.141383 57.874907 C 52.336139 57.127305 55.382709 55.848247 58.153675 54.091227 C 60.924642 52.334206 63.380828 50.124065 65.41951 47.553238 C 67.458191 44.982411 69.050545 42.087244 70.129972 38.988824 C 71.2094 35.890403 71.760641 32.632534 71.760641 29.351471 L 42.466641 29.351474 L 60.225409 6.054165 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"text_1\">\n",
" \n",
" <defs>\n",
" <path d=\"M 6.59375 0 L 6.59375 51.859375 L 14.5 51.859375 L 14.5 44.484375 Q 20.21875 53.03125 31 53.03125 Q 35.6875 53.03125 39.625 51.34375 Q 43.5625 49.65625 45.515625 46.921875 Q 47.46875 44.1875 48.25 40.4375 Q 48.734375 37.984375 48.734375 31.890625 L 48.734375 0 L 39.9375 0 L 39.9375 31.546875 Q 39.9375 36.921875 38.90625 39.578125 Q 37.890625 42.234375 35.28125 43.8125 Q 32.671875 45.40625 29.15625 45.40625 Q 23.53125 45.40625 19.453125 41.84375 Q 15.375 38.28125 15.375 28.328125 L 15.375 0 z \" id=\"ArialMT-110\" />\n",
" <path d=\"M 52.828125 42.09375 L 5.5625 42.09375 L 5.5625 50.296875 L 52.828125 50.296875 z M 52.828125 20.359375 L 5.5625 20.359375 L 5.5625 28.5625 L 52.828125 28.5625 z \" id=\"ArialMT-61\" />\n",
" <path d=\"M 32.328125 0 L 32.328125 17.140625 L 1.265625 17.140625 L 1.265625 25.203125 L 33.9375 71.578125 L 41.109375 71.578125 L 41.109375 25.203125 L 50.78125 25.203125 L 50.78125 17.140625 L 41.109375 17.140625 L 41.109375 0 z M 32.328125 25.203125 L 32.328125 57.46875 L 9.90625 25.203125 z \" id=\"ArialMT-52\" />\n",
" <path d=\"M 37.25 0 L 28.46875 0 L 28.46875 56 Q 25.296875 52.984375 20.140625 49.953125 Q 14.984375 46.921875 10.890625 45.40625 L 10.890625 53.90625 Q 18.265625 57.375 23.78125 62.296875 Q 29.296875 67.234375 31.59375 71.875 L 37.25 71.875 z \" id=\"ArialMT-49\" />\n",
" </defs>\n",
" <g style=\"fill:#444443;\" transform=\"translate(32.331094 67.431025)scale(0.09 -0.09)\">\n",
" <use xlink:href=\"#ArialMT-110\" />\n",
" <use x=\"55.615234\" xlink:href=\"#ArialMT-61\" />\n",
" <use x=\"114.013672\" xlink:href=\"#ArialMT-52\" />\n",
" <use x=\"169.628906\" xlink:href=\"#ArialMT-49\" />\n",
" </g>\n",
" \n",
" <defs>\n",
" <path d=\"M 7.03125 46.234375 L 4.59375 59.859375 L 4.59375 71.578125 L 14.59375 71.578125 L 14.59375 59.859375 L 12.40625 46.234375 z M 23.1875 46.234375 L 20.796875 59.859375 L 20.796875 71.578125 L 30.8125 71.578125 L 30.8125 59.859375 L 28.46875 46.234375 z \" id=\"ArialMT-34\" />\n",
" <path d=\"M 40.4375 19 L 49.078125 17.875 Q 47.65625 8.9375 41.8125 3.875 Q 35.984375 -1.171875 27.484375 -1.171875 Q 16.84375 -1.171875 10.375 5.78125 Q 3.90625 12.75 3.90625 25.734375 Q 3.90625 34.125 6.6875 40.421875 Q 9.46875 46.734375 15.15625 49.875 Q 20.84375 53.03125 27.546875 53.03125 Q 35.984375 53.03125 41.359375 48.75 Q 46.734375 44.484375 48.25 36.625 L 39.703125 35.296875 Q 38.484375 40.53125 35.375 43.15625 Q 32.28125 45.796875 27.875 45.796875 Q 21.234375 45.796875 17.078125 41.03125 Q 12.9375 36.28125 12.9375 25.984375 Q 12.9375 15.53125 16.9375 10.796875 Q 20.953125 6.0625 27.390625 6.0625 Q 32.5625 6.0625 36.03125 9.234375 Q 39.5 12.40625 40.4375 19 z \" id=\"ArialMT-99\" />\n",
" <path d=\"M 3.328125 25.921875 Q 3.328125 40.328125 11.328125 47.265625 Q 18.015625 53.03125 27.640625 53.03125 Q 38.328125 53.03125 45.109375 46.015625 Q 51.90625 39.015625 51.90625 26.65625 Q 51.90625 16.65625 48.90625 10.90625 Q 45.90625 5.171875 40.15625 2 Q 34.421875 -1.171875 27.640625 -1.171875 Q 16.75 -1.171875 10.03125 5.8125 Q 3.328125 12.796875 3.328125 25.921875 z M 12.359375 25.921875 Q 12.359375 15.96875 16.703125 11.015625 Q 21.046875 6.0625 27.640625 6.0625 Q 34.1875 6.0625 38.53125 11.03125 Q 42.875 16.015625 42.875 26.21875 Q 42.875 35.84375 38.5 40.796875 Q 34.125 45.75 27.640625 45.75 Q 21.046875 45.75 16.703125 40.8125 Q 12.359375 35.890625 12.359375 25.921875 z \" id=\"ArialMT-111\" />\n",
" <path d=\"M 25.78125 7.859375 L 27.046875 0.09375 Q 23.34375 -0.6875 20.40625 -0.6875 Q 15.625 -0.6875 12.984375 0.828125 Q 10.359375 2.34375 9.28125 4.8125 Q 8.203125 7.28125 8.203125 15.1875 L 8.203125 45.015625 L 1.765625 45.015625 L 1.765625 51.859375 L 8.203125 51.859375 L 8.203125 64.703125 L 16.9375 69.96875 L 16.9375 51.859375 L 25.78125 51.859375 L 25.78125 45.015625 L 16.9375 45.015625 L 16.9375 14.703125 Q 16.9375 10.9375 17.40625 9.859375 Q 17.875 8.796875 18.921875 8.15625 Q 19.96875 7.515625 21.921875 7.515625 Q 23.390625 7.515625 25.78125 7.859375 z \" id=\"ArialMT-116\" />\n",
" <path d=\"M 40.4375 6.390625 Q 35.546875 2.25 31.03125 0.53125 Q 26.515625 -1.171875 21.34375 -1.171875 Q 12.796875 -1.171875 8.203125 3 Q 3.609375 7.171875 3.609375 13.671875 Q 3.609375 17.484375 5.34375 20.625 Q 7.078125 23.78125 9.890625 25.6875 Q 12.703125 27.59375 16.21875 28.5625 Q 18.796875 29.25 24.03125 29.890625 Q 34.671875 31.15625 39.703125 32.90625 Q 39.75 34.71875 39.75 35.203125 Q 39.75 40.578125 37.25 42.78125 Q 33.890625 45.75 27.25 45.75 Q 21.046875 45.75 18.09375 43.578125 Q 15.140625 41.40625 13.71875 35.890625 L 5.125 37.0625 Q 6.296875 42.578125 8.984375 45.96875 Q 11.671875 49.359375 16.75 51.1875 Q 21.828125 53.03125 28.515625 53.03125 Q 35.15625 53.03125 39.296875 51.46875 Q 43.453125 49.90625 45.40625 47.53125 Q 47.359375 45.171875 48.140625 41.546875 Q 48.578125 39.3125 48.578125 33.453125 L 48.578125 21.734375 Q 48.578125 9.46875 49.140625 6.21875 Q 49.703125 2.984375 51.375 0 L 42.1875 0 Q 40.828125 2.734375 40.4375 6.390625 z M 39.703125 26.03125 Q 34.90625 24.078125 25.34375 22.703125 Q 19.921875 21.921875 17.671875 20.9375 Q 15.4375 19.96875 14.203125 18.09375 Q 12.984375 16.21875 12.984375 13.921875 Q 12.984375 10.40625 15.640625 8.0625 Q 18.3125 5.71875 23.4375 5.71875 Q 28.515625 5.71875 32.46875 7.9375 Q 36.421875 10.15625 38.28125 14.015625 Q 39.703125 17 39.703125 22.796875 z \" id=\"ArialMT-97\" />\n",
" <path d=\"M 6.640625 61.46875 L 6.640625 71.578125 L 15.4375 71.578125 L 15.4375 61.46875 z M 6.640625 0 L 6.640625 51.859375 L 15.4375 51.859375 L 15.4375 0 z \" id=\"ArialMT-105\" />\n",
" <path d=\"M 3.078125 15.484375 L 11.765625 16.84375 Q 12.5 11.625 15.84375 8.84375 Q 19.1875 6.0625 25.203125 6.0625 Q 31.25 6.0625 34.171875 8.515625 Q 37.109375 10.984375 37.109375 14.3125 Q 37.109375 17.28125 34.515625 19 Q 32.71875 20.171875 25.53125 21.96875 Q 15.875 24.421875 12.140625 26.203125 Q 8.40625 27.984375 6.46875 31.125 Q 4.546875 34.28125 4.546875 38.09375 Q 4.546875 41.546875 6.125 44.5 Q 7.71875 47.46875 10.453125 49.421875 Q 12.5 50.921875 16.03125 51.96875 Q 19.578125 53.03125 23.640625 53.03125 Q 29.734375 53.03125 34.34375 51.265625 Q 38.96875 49.515625 41.15625 46.5 Q 43.359375 43.5 44.1875 38.484375 L 35.59375 37.3125 Q 35.015625 41.3125 32.203125 43.546875 Q 29.390625 45.796875 24.265625 45.796875 Q 18.21875 45.796875 15.625 43.796875 Q 13.03125 41.796875 13.03125 39.109375 Q 13.03125 37.40625 14.109375 36.03125 Q 15.1875 34.625 17.484375 33.6875 Q 18.796875 33.203125 25.25 31.453125 Q 34.578125 28.953125 38.25 27.359375 Q 41.9375 25.78125 44.03125 22.75 Q 46.140625 19.734375 46.140625 15.234375 Q 46.140625 10.84375 43.578125 6.953125 Q 41.015625 3.078125 36.171875 0.953125 Q 31.34375 -1.171875 25.25 -1.171875 Q 15.140625 -1.171875 9.84375 3.03125 Q 4.546875 7.234375 3.078125 15.484375 z \" id=\"ArialMT-115\" />\n",
" <path id=\"ArialMT-32\" />\n",
" <path d=\"M 6.59375 -19.875 L 6.59375 51.859375 L 14.59375 51.859375 L 14.59375 45.125 Q 17.4375 49.078125 21 51.046875 Q 24.5625 53.03125 29.640625 53.03125 Q 36.28125 53.03125 41.359375 49.609375 Q 46.4375 46.1875 49.015625 39.953125 Q 51.609375 33.734375 51.609375 26.3125 Q 51.609375 18.359375 48.75 11.984375 Q 45.90625 5.609375 40.453125 2.21875 Q 35.015625 -1.171875 29 -1.171875 Q 24.609375 -1.171875 21.109375 0.6875 Q 17.625 2.546875 15.375 5.375 L 15.375 -19.875 z M 14.546875 25.640625 Q 14.546875 15.625 18.59375 10.84375 Q 22.65625 6.0625 28.421875 6.0625 Q 34.28125 6.0625 38.453125 11.015625 Q 42.625 15.96875 42.625 26.375 Q 42.625 36.28125 38.546875 41.203125 Q 34.46875 46.140625 28.8125 46.140625 Q 23.1875 46.140625 18.859375 40.890625 Q 14.546875 35.640625 14.546875 25.640625 z \" id=\"ArialMT-112\" />\n",
" <path d=\"M 14.703125 0 L 6.546875 0 L 6.546875 71.578125 L 15.328125 71.578125 L 15.328125 46.046875 Q 20.90625 53.03125 29.546875 53.03125 Q 34.328125 53.03125 38.59375 51.09375 Q 42.875 49.171875 45.625 45.671875 Q 48.390625 42.1875 49.953125 37.25 Q 51.515625 32.328125 51.515625 26.703125 Q 51.515625 13.375 44.921875 6.09375 Q 38.328125 -1.171875 29.109375 -1.171875 Q 19.921875 -1.171875 14.703125 6.5 z M 14.59375 26.3125 Q 14.59375 17 17.140625 12.84375 Q 21.296875 6.0625 28.375 6.0625 Q 34.125 6.0625 38.328125 11.0625 Q 42.53125 16.0625 42.53125 25.984375 Q 42.53125 36.140625 38.5 40.96875 Q 34.46875 45.796875 28.765625 45.796875 Q 23 45.796875 18.796875 40.796875 Q 14.59375 35.796875 14.59375 26.3125 z \" id=\"ArialMT-98\" />\n",
" <path d=\"M 6.390625 0 L 6.390625 71.578125 L 15.1875 71.578125 L 15.1875 0 z \" id=\"ArialMT-108\" />\n",
" </defs>\n",
" <g style=\"fill:#444443;\" transform=\"translate(-0 76.950212)scale(0.09 -0.09)\">\n",
" <use xlink:href=\"#ArialMT-34\" />\n",
" <use x=\"35.498047\" xlink:href=\"#ArialMT-99\" />\n",
" <use x=\"85.498047\" xlink:href=\"#ArialMT-111\" />\n",
" <use x=\"141.113281\" xlink:href=\"#ArialMT-110\" />\n",
" <use x=\"196.728516\" xlink:href=\"#ArialMT-116\" />\n",
" <use x=\"224.511719\" xlink:href=\"#ArialMT-97\" />\n",
" <use x=\"280.126953\" xlink:href=\"#ArialMT-105\" />\n",
" <use x=\"302.34375\" xlink:href=\"#ArialMT-110\" />\n",
" <use x=\"357.958984\" xlink:href=\"#ArialMT-115\" />\n",
" <use x=\"407.958984\" xlink:href=\"#ArialMT-32\" />\n",
" <use x=\"435.742188\" xlink:href=\"#ArialMT-112\" />\n",
" <use x=\"491.357422\" xlink:href=\"#ArialMT-97\" />\n",
" <use x=\"546.972656\" xlink:href=\"#ArialMT-99\" />\n",
" <use x=\"596.972656\" xlink:href=\"#ArialMT-98\" />\n",
" <use x=\"652.587891\" xlink:href=\"#ArialMT-105\" />\n",
" <use x=\"674.804688\" xlink:href=\"#ArialMT-111\" />\n",
" <use x=\"730.419922\" xlink:href=\"#ArialMT-32\" />\n",
" <use x=\"758.203125\" xlink:href=\"#ArialMT-99\" />\n",
" <use x=\"808.203125\" xlink:href=\"#ArialMT-97\" />\n",
" <use x=\"863.818359\" xlink:href=\"#ArialMT-108\" />\n",
" <use x=\"886.035156\" xlink:href=\"#ArialMT-108\" />\n",
" <use x=\"908.251953\" xlink:href=\"#ArialMT-34\" />\n",
" </g>\n",
" </g>\n",
" </g>\n",
" </g>\n",
"</svg></g>\n",
"\n",
"<g class=\"edge\" id=\"edge16\"><title>node15-&gt;leaf16</title>\n",
"<path d=\"M844.15,-128.261C841.719,-119.958 839.21,-111.385 836.807,-103.173\" fill=\"none\" stroke=\"#444443\" stroke-width=\"0.3\" />\n",
"<polygon fill=\"#444443\" points=\"838.103,-102.619 835.636,-99.1733 835.416,-103.406 838.103,-102.619\" stroke=\"#444443\" />\n",
"</g>\n",
"\n",
"<g class=\"node\" id=\"node18\"><title>leaf17</title>\n",
"<polygon fill=\"none\" points=\"978,-109.5 884,-109.5 884,-0.5 978,-0.5 978,-109.5\" stroke=\"#444443\" stroke-width=\"0\" />\n",
"<svg height=\"100px\" preserveAspectRatio=\"xMinYMin meet\" version=\"1.1\" viewBox=\"0 0 84.933281 99.729823\" width=\"85px\" x=\"888.5\" y=\"-104.5\">\n",
" <defs>\n",
" <style type=\"text/css\">\n",
"*{stroke-linecap:butt;stroke-linejoin:round;}\n",
" </style>\n",
" </defs>\n",
" <g id=\"figure_1\">\n",
" <g id=\"patch_1\">\n",
" <path d=\"M 0 99.729823 L 84.933281 99.729823 L 84.933281 0 L 0 0 z \" style=\"fill:#ffffff;\" />\n",
" </g>\n",
" <g id=\"axes_1\">\n",
" <g id=\"patch_2\">\n",
" <path d=\"M 81.726641 39.579054 C 81.726641 38.467726 81.679453 37.356899 81.585206 36.249574 C 81.490959 35.142249 81.349737 34.039425 81.161921 32.944082 L 42.466641 39.579054 L 81.726641 39.579054 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_3\">\n",
" <path d=\"M 81.161921 32.944082 C 80.314317 28.000838 78.527277 23.265497 75.897674 18.99475 C 73.268071 14.724003 69.844294 10.996441 65.811939 8.014127 C 61.779583 5.031812 57.212852 2.849626 52.359298 1.585859 C 47.505745 0.322092 42.454683 0 37.47992 0.637043 C 32.505157 1.274087 27.698238 2.858543 23.319736 5.304521 C 18.941234 7.750499 15.071721 11.012989 11.920956 14.915139 C 8.770191 18.817288 6.396153 23.28729 4.927534 28.082834 C 3.458915 32.878379 2.922741 37.91122 3.348075 42.908537 C 3.77341 47.905854 5.152427 52.775688 7.410373 57.254056 C 9.668318 61.732423 12.763642 65.736913 16.528553 69.050451 C 20.293464 72.363989 24.658681 74.9256 29.387575 76.596424 C 34.116469 78.267248 39.122019 79.016539 44.132885 78.80368 C 49.143752 78.59082 54.067725 77.419727 58.637887 75.353884 C 63.208049 73.28804 67.3403 70.36546 70.810639 66.744572 C 74.280979 63.123683 77.025547 58.871117 78.895565 54.217396 C 80.765584 49.563675 81.726641 44.594436 81.726641 39.57905 L 42.466641 39.579054 L 81.161921 32.944082 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"text_1\">\n",
" \n",
" <defs>\n",
" <path d=\"M 6.59375 0 L 6.59375 51.859375 L 14.5 51.859375 L 14.5 44.484375 Q 20.21875 53.03125 31 53.03125 Q 35.6875 53.03125 39.625 51.34375 Q 43.5625 49.65625 45.515625 46.921875 Q 47.46875 44.1875 48.25 40.4375 Q 48.734375 37.984375 48.734375 31.890625 L 48.734375 0 L 39.9375 0 L 39.9375 31.546875 Q 39.9375 36.921875 38.90625 39.578125 Q 37.890625 42.234375 35.28125 43.8125 Q 32.671875 45.40625 29.15625 45.40625 Q 23.53125 45.40625 19.453125 41.84375 Q 15.375 38.28125 15.375 28.328125 L 15.375 0 z \" id=\"ArialMT-110\" />\n",
" <path d=\"M 52.828125 42.09375 L 5.5625 42.09375 L 5.5625 50.296875 L 52.828125 50.296875 z M 52.828125 20.359375 L 5.5625 20.359375 L 5.5625 28.5625 L 52.828125 28.5625 z \" id=\"ArialMT-61\" />\n",
" <path d=\"M 37.25 0 L 28.46875 0 L 28.46875 56 Q 25.296875 52.984375 20.140625 49.953125 Q 14.984375 46.921875 10.890625 45.40625 L 10.890625 53.90625 Q 18.265625 57.375 23.78125 62.296875 Q 29.296875 67.234375 31.59375 71.875 L 37.25 71.875 z \" id=\"ArialMT-49\" />\n",
" </defs>\n",
" <g style=\"fill:#444443;\" transform=\"translate(30.492422 88.421886)scale(0.09 -0.09)\">\n",
" <use xlink:href=\"#ArialMT-110\" />\n",
" <use x=\"55.615234\" xlink:href=\"#ArialMT-61\" />\n",
" <use x=\"114.013672\" xlink:href=\"#ArialMT-49\" />\n",
" <use x=\"162.253906\" xlink:href=\"#ArialMT-49\" />\n",
" <use x=\"210.494141\" xlink:href=\"#ArialMT-49\" />\n",
" </g>\n",
" \n",
" <defs>\n",
" <path d=\"M 7.03125 46.234375 L 4.59375 59.859375 L 4.59375 71.578125 L 14.59375 71.578125 L 14.59375 59.859375 L 12.40625 46.234375 z M 23.1875 46.234375 L 20.796875 59.859375 L 20.796875 71.578125 L 30.8125 71.578125 L 30.8125 59.859375 L 28.46875 46.234375 z \" id=\"ArialMT-34\" />\n",
" <path d=\"M 40.4375 19 L 49.078125 17.875 Q 47.65625 8.9375 41.8125 3.875 Q 35.984375 -1.171875 27.484375 -1.171875 Q 16.84375 -1.171875 10.375 5.78125 Q 3.90625 12.75 3.90625 25.734375 Q 3.90625 34.125 6.6875 40.421875 Q 9.46875 46.734375 15.15625 49.875 Q 20.84375 53.03125 27.546875 53.03125 Q 35.984375 53.03125 41.359375 48.75 Q 46.734375 44.484375 48.25 36.625 L 39.703125 35.296875 Q 38.484375 40.53125 35.375 43.15625 Q 32.28125 45.796875 27.875 45.796875 Q 21.234375 45.796875 17.078125 41.03125 Q 12.9375 36.28125 12.9375 25.984375 Q 12.9375 15.53125 16.9375 10.796875 Q 20.953125 6.0625 27.390625 6.0625 Q 32.5625 6.0625 36.03125 9.234375 Q 39.5 12.40625 40.4375 19 z \" id=\"ArialMT-99\" />\n",
" <path d=\"M 3.328125 25.921875 Q 3.328125 40.328125 11.328125 47.265625 Q 18.015625 53.03125 27.640625 53.03125 Q 38.328125 53.03125 45.109375 46.015625 Q 51.90625 39.015625 51.90625 26.65625 Q 51.90625 16.65625 48.90625 10.90625 Q 45.90625 5.171875 40.15625 2 Q 34.421875 -1.171875 27.640625 -1.171875 Q 16.75 -1.171875 10.03125 5.8125 Q 3.328125 12.796875 3.328125 25.921875 z M 12.359375 25.921875 Q 12.359375 15.96875 16.703125 11.015625 Q 21.046875 6.0625 27.640625 6.0625 Q 34.1875 6.0625 38.53125 11.03125 Q 42.875 16.015625 42.875 26.21875 Q 42.875 35.84375 38.5 40.796875 Q 34.125 45.75 27.640625 45.75 Q 21.046875 45.75 16.703125 40.8125 Q 12.359375 35.890625 12.359375 25.921875 z \" id=\"ArialMT-111\" />\n",
" <path d=\"M 25.78125 7.859375 L 27.046875 0.09375 Q 23.34375 -0.6875 20.40625 -0.6875 Q 15.625 -0.6875 12.984375 0.828125 Q 10.359375 2.34375 9.28125 4.8125 Q 8.203125 7.28125 8.203125 15.1875 L 8.203125 45.015625 L 1.765625 45.015625 L 1.765625 51.859375 L 8.203125 51.859375 L 8.203125 64.703125 L 16.9375 69.96875 L 16.9375 51.859375 L 25.78125 51.859375 L 25.78125 45.015625 L 16.9375 45.015625 L 16.9375 14.703125 Q 16.9375 10.9375 17.40625 9.859375 Q 17.875 8.796875 18.921875 8.15625 Q 19.96875 7.515625 21.921875 7.515625 Q 23.390625 7.515625 25.78125 7.859375 z \" id=\"ArialMT-116\" />\n",
" <path d=\"M 40.4375 6.390625 Q 35.546875 2.25 31.03125 0.53125 Q 26.515625 -1.171875 21.34375 -1.171875 Q 12.796875 -1.171875 8.203125 3 Q 3.609375 7.171875 3.609375 13.671875 Q 3.609375 17.484375 5.34375 20.625 Q 7.078125 23.78125 9.890625 25.6875 Q 12.703125 27.59375 16.21875 28.5625 Q 18.796875 29.25 24.03125 29.890625 Q 34.671875 31.15625 39.703125 32.90625 Q 39.75 34.71875 39.75 35.203125 Q 39.75 40.578125 37.25 42.78125 Q 33.890625 45.75 27.25 45.75 Q 21.046875 45.75 18.09375 43.578125 Q 15.140625 41.40625 13.71875 35.890625 L 5.125 37.0625 Q 6.296875 42.578125 8.984375 45.96875 Q 11.671875 49.359375 16.75 51.1875 Q 21.828125 53.03125 28.515625 53.03125 Q 35.15625 53.03125 39.296875 51.46875 Q 43.453125 49.90625 45.40625 47.53125 Q 47.359375 45.171875 48.140625 41.546875 Q 48.578125 39.3125 48.578125 33.453125 L 48.578125 21.734375 Q 48.578125 9.46875 49.140625 6.21875 Q 49.703125 2.984375 51.375 0 L 42.1875 0 Q 40.828125 2.734375 40.4375 6.390625 z M 39.703125 26.03125 Q 34.90625 24.078125 25.34375 22.703125 Q 19.921875 21.921875 17.671875 20.9375 Q 15.4375 19.96875 14.203125 18.09375 Q 12.984375 16.21875 12.984375 13.921875 Q 12.984375 10.40625 15.640625 8.0625 Q 18.3125 5.71875 23.4375 5.71875 Q 28.515625 5.71875 32.46875 7.9375 Q 36.421875 10.15625 38.28125 14.015625 Q 39.703125 17 39.703125 22.796875 z \" id=\"ArialMT-97\" />\n",
" <path d=\"M 6.640625 61.46875 L 6.640625 71.578125 L 15.4375 71.578125 L 15.4375 61.46875 z M 6.640625 0 L 6.640625 51.859375 L 15.4375 51.859375 L 15.4375 0 z \" id=\"ArialMT-105\" />\n",
" <path d=\"M 3.078125 15.484375 L 11.765625 16.84375 Q 12.5 11.625 15.84375 8.84375 Q 19.1875 6.0625 25.203125 6.0625 Q 31.25 6.0625 34.171875 8.515625 Q 37.109375 10.984375 37.109375 14.3125 Q 37.109375 17.28125 34.515625 19 Q 32.71875 20.171875 25.53125 21.96875 Q 15.875 24.421875 12.140625 26.203125 Q 8.40625 27.984375 6.46875 31.125 Q 4.546875 34.28125 4.546875 38.09375 Q 4.546875 41.546875 6.125 44.5 Q 7.71875 47.46875 10.453125 49.421875 Q 12.5 50.921875 16.03125 51.96875 Q 19.578125 53.03125 23.640625 53.03125 Q 29.734375 53.03125 34.34375 51.265625 Q 38.96875 49.515625 41.15625 46.5 Q 43.359375 43.5 44.1875 38.484375 L 35.59375 37.3125 Q 35.015625 41.3125 32.203125 43.546875 Q 29.390625 45.796875 24.265625 45.796875 Q 18.21875 45.796875 15.625 43.796875 Q 13.03125 41.796875 13.03125 39.109375 Q 13.03125 37.40625 14.109375 36.03125 Q 15.1875 34.625 17.484375 33.6875 Q 18.796875 33.203125 25.25 31.453125 Q 34.578125 28.953125 38.25 27.359375 Q 41.9375 25.78125 44.03125 22.75 Q 46.140625 19.734375 46.140625 15.234375 Q 46.140625 10.84375 43.578125 6.953125 Q 41.015625 3.078125 36.171875 0.953125 Q 31.34375 -1.171875 25.25 -1.171875 Q 15.140625 -1.171875 9.84375 3.03125 Q 4.546875 7.234375 3.078125 15.484375 z \" id=\"ArialMT-115\" />\n",
" <path id=\"ArialMT-32\" />\n",
" <path d=\"M 6.59375 -19.875 L 6.59375 51.859375 L 14.59375 51.859375 L 14.59375 45.125 Q 17.4375 49.078125 21 51.046875 Q 24.5625 53.03125 29.640625 53.03125 Q 36.28125 53.03125 41.359375 49.609375 Q 46.4375 46.1875 49.015625 39.953125 Q 51.609375 33.734375 51.609375 26.3125 Q 51.609375 18.359375 48.75 11.984375 Q 45.90625 5.609375 40.453125 2.21875 Q 35.015625 -1.171875 29 -1.171875 Q 24.609375 -1.171875 21.109375 0.6875 Q 17.625 2.546875 15.375 5.375 L 15.375 -19.875 z M 14.546875 25.640625 Q 14.546875 15.625 18.59375 10.84375 Q 22.65625 6.0625 28.421875 6.0625 Q 34.28125 6.0625 38.453125 11.015625 Q 42.625 15.96875 42.625 26.375 Q 42.625 36.28125 38.546875 41.203125 Q 34.46875 46.140625 28.8125 46.140625 Q 23.1875 46.140625 18.859375 40.890625 Q 14.546875 35.640625 14.546875 25.640625 z \" id=\"ArialMT-112\" />\n",
" <path d=\"M 14.703125 0 L 6.546875 0 L 6.546875 71.578125 L 15.328125 71.578125 L 15.328125 46.046875 Q 20.90625 53.03125 29.546875 53.03125 Q 34.328125 53.03125 38.59375 51.09375 Q 42.875 49.171875 45.625 45.671875 Q 48.390625 42.1875 49.953125 37.25 Q 51.515625 32.328125 51.515625 26.703125 Q 51.515625 13.375 44.921875 6.09375 Q 38.328125 -1.171875 29.109375 -1.171875 Q 19.921875 -1.171875 14.703125 6.5 z M 14.59375 26.3125 Q 14.59375 17 17.140625 12.84375 Q 21.296875 6.0625 28.375 6.0625 Q 34.125 6.0625 38.328125 11.0625 Q 42.53125 16.0625 42.53125 25.984375 Q 42.53125 36.140625 38.5 40.96875 Q 34.46875 45.796875 28.765625 45.796875 Q 23 45.796875 18.796875 40.796875 Q 14.59375 35.796875 14.59375 26.3125 z \" id=\"ArialMT-98\" />\n",
" <path d=\"M 6.390625 0 L 6.390625 71.578125 L 15.1875 71.578125 L 15.1875 0 z \" id=\"ArialMT-108\" />\n",
" </defs>\n",
" <g style=\"fill:#444443;\" transform=\"translate(0 97.941073)scale(0.09 -0.09)\">\n",
" <use xlink:href=\"#ArialMT-34\" />\n",
" <use x=\"35.498047\" xlink:href=\"#ArialMT-99\" />\n",
" <use x=\"85.498047\" xlink:href=\"#ArialMT-111\" />\n",
" <use x=\"141.113281\" xlink:href=\"#ArialMT-110\" />\n",
" <use x=\"196.728516\" xlink:href=\"#ArialMT-116\" />\n",
" <use x=\"224.511719\" xlink:href=\"#ArialMT-97\" />\n",
" <use x=\"280.126953\" xlink:href=\"#ArialMT-105\" />\n",
" <use x=\"302.34375\" xlink:href=\"#ArialMT-110\" />\n",
" <use x=\"357.958984\" xlink:href=\"#ArialMT-115\" />\n",
" <use x=\"407.958984\" xlink:href=\"#ArialMT-32\" />\n",
" <use x=\"435.742188\" xlink:href=\"#ArialMT-112\" />\n",
" <use x=\"491.357422\" xlink:href=\"#ArialMT-97\" />\n",
" <use x=\"546.972656\" xlink:href=\"#ArialMT-99\" />\n",
" <use x=\"596.972656\" xlink:href=\"#ArialMT-98\" />\n",
" <use x=\"652.587891\" xlink:href=\"#ArialMT-105\" />\n",
" <use x=\"674.804688\" xlink:href=\"#ArialMT-111\" />\n",
" <use x=\"730.419922\" xlink:href=\"#ArialMT-32\" />\n",
" <use x=\"758.203125\" xlink:href=\"#ArialMT-99\" />\n",
" <use x=\"808.203125\" xlink:href=\"#ArialMT-97\" />\n",
" <use x=\"863.818359\" xlink:href=\"#ArialMT-108\" />\n",
" <use x=\"886.035156\" xlink:href=\"#ArialMT-108\" />\n",
" <use x=\"908.251953\" xlink:href=\"#ArialMT-34\" />\n",
" </g>\n",
" </g>\n",
" </g>\n",
" </g>\n",
"</svg></g>\n",
"\n",
"<g class=\"edge\" id=\"edge17\"><title>node15-&gt;leaf17</title>\n",
"<path d=\"M888.701,-128.261C891.596,-123.314 894.548,-118.272 897.478,-113.267\" fill=\"none\" stroke=\"#444443\" stroke-width=\"0.3\" />\n",
"<polygon fill=\"#444443\" points=\"898.689,-113.969 899.502,-109.81 896.273,-112.555 898.689,-113.969\" stroke=\"#444443\" />\n",
"</g>\n",
"\n",
"<g class=\"node\" id=\"node19\"><title>leaf18</title>\n",
"<polygon fill=\"none\" points=\"1105.25,-200 978.75,-200 978.75,-160 1105.25,-160 1105.25,-200\" stroke=\"#444443\" stroke-width=\"0\" />\n",
"<svg height=\"31px\" preserveAspectRatio=\"xMinYMin meet\" version=\"1.1\" viewBox=\"0 0 117.458438 30.941329\" width=\"118px\" x=\"983.5\" y=\"-195.5\">\n",
" <defs>\n",
" <style type=\"text/css\">\n",
"*{stroke-linecap:butt;stroke-linejoin:round;}\n",
" </style>\n",
" </defs>\n",
" <g id=\"figure_1\">\n",
" <g id=\"patch_1\">\n",
" <path d=\"M 0 30.941329 L 117.458438 30.941329 L 117.458438 -0 L 0 -0 z \" style=\"fill:#ffffff;\" />\n",
" </g>\n",
" <g id=\"axes_1\">\n",
" <g id=\"patch_2\">\n",
" <path d=\"M 65.071219 6.342 C 65.071219 5.509176 64.907171 4.684451 64.588463 3.915022 C 64.269755 3.145593 63.802585 2.446424 63.21369 1.857529 C 62.624795 1.268633 61.925626 0.801464 61.156197 0.482756 C 60.386768 0.164048 59.562043 0 58.729219 0 C 57.896395 0 57.071669 0.164048 56.30224 0.482756 C 55.532812 0.801464 54.833643 1.268633 54.244748 1.857529 C 53.655852 2.446424 53.188683 3.145593 52.869975 3.915022 C 52.551267 4.684451 52.387219 5.509176 52.387219 6.342 C 52.387219 7.174824 52.551267 7.999549 52.869975 8.768978 C 53.188683 9.538407 53.655852 10.237576 54.244748 10.826471 C 54.833643 11.415367 55.532812 11.882536 56.30224 12.201244 C 57.071669 12.519952 57.896395 12.684 58.729219 12.684 C 59.562043 12.684 60.386768 12.519952 61.156197 12.201244 C 61.925626 11.882536 62.624795 11.415367 63.21369 10.826471 C 63.802585 10.237576 64.269755 9.538407 64.588463 8.768978 C 64.907171 7.999549 65.071219 7.174824 65.071219 6.342 M 58.729219 6.342 M 65.071219 6.342 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"text_1\">\n",
" \n",
" <defs>\n",
" <path d=\"M 6.59375 0 L 6.59375 51.859375 L 14.5 51.859375 L 14.5 44.484375 Q 20.21875 53.03125 31 53.03125 Q 35.6875 53.03125 39.625 51.34375 Q 43.5625 49.65625 45.515625 46.921875 Q 47.46875 44.1875 48.25 40.4375 Q 48.734375 37.984375 48.734375 31.890625 L 48.734375 0 L 39.9375 0 L 39.9375 31.546875 Q 39.9375 36.921875 38.90625 39.578125 Q 37.890625 42.234375 35.28125 43.8125 Q 32.671875 45.40625 29.15625 45.40625 Q 23.53125 45.40625 19.453125 41.84375 Q 15.375 38.28125 15.375 28.328125 L 15.375 0 z \" id=\"ArialMT-110\" />\n",
" <path d=\"M 52.828125 42.09375 L 5.5625 42.09375 L 5.5625 50.296875 L 52.828125 50.296875 z M 52.828125 20.359375 L 5.5625 20.359375 L 5.5625 28.5625 L 52.828125 28.5625 z \" id=\"ArialMT-61\" />\n",
" <path d=\"M 4.203125 18.890625 L 12.984375 20.0625 Q 14.5 12.59375 18.140625 9.296875 Q 21.78125 6 27 6 Q 33.203125 6 37.46875 10.296875 Q 41.75 14.59375 41.75 20.953125 Q 41.75 27 37.796875 30.921875 Q 33.84375 34.859375 27.734375 34.859375 Q 25.25 34.859375 21.53125 33.890625 L 22.515625 41.609375 Q 23.390625 41.5 23.921875 41.5 Q 29.546875 41.5 34.03125 44.421875 Q 38.53125 47.359375 38.53125 53.46875 Q 38.53125 58.296875 35.25 61.46875 Q 31.984375 64.65625 26.8125 64.65625 Q 21.6875 64.65625 18.265625 61.421875 Q 14.84375 58.203125 13.875 51.765625 L 5.078125 53.328125 Q 6.6875 62.15625 12.390625 67.015625 Q 18.109375 71.875 26.609375 71.875 Q 32.46875 71.875 37.390625 69.359375 Q 42.328125 66.84375 44.9375 62.5 Q 47.5625 58.15625 47.5625 53.265625 Q 47.5625 48.640625 45.0625 44.828125 Q 42.578125 41.015625 37.703125 38.765625 Q 44.046875 37.3125 47.5625 32.6875 Q 51.078125 28.078125 51.078125 21.140625 Q 51.078125 11.765625 44.234375 5.25 Q 37.40625 -1.265625 26.953125 -1.265625 Q 17.53125 -1.265625 11.296875 4.34375 Q 5.078125 9.96875 4.203125 18.890625 z \" id=\"ArialMT-51\" />\n",
" </defs>\n",
" <g style=\"fill:#444443;\" transform=\"translate(51.096094 19.633391)scale(0.09 -0.09)\">\n",
" <use xlink:href=\"#ArialMT-110\" />\n",
" <use x=\"55.615234\" xlink:href=\"#ArialMT-61\" />\n",
" <use x=\"114.013672\" xlink:href=\"#ArialMT-51\" />\n",
" </g>\n",
" \n",
" <defs>\n",
" <path d=\"M 7.03125 46.234375 L 4.59375 59.859375 L 4.59375 71.578125 L 14.59375 71.578125 L 14.59375 59.859375 L 12.40625 46.234375 z M 23.1875 46.234375 L 20.796875 59.859375 L 20.796875 71.578125 L 30.8125 71.578125 L 30.8125 59.859375 L 28.46875 46.234375 z \" id=\"ArialMT-34\" />\n",
" <path d=\"M 40.234375 0 L 40.234375 6.546875 Q 35.296875 -1.171875 25.734375 -1.171875 Q 19.53125 -1.171875 14.328125 2.25 Q 9.125 5.671875 6.265625 11.796875 Q 3.421875 17.921875 3.421875 25.875 Q 3.421875 33.640625 6 39.96875 Q 8.59375 46.296875 13.765625 49.65625 Q 18.953125 53.03125 25.34375 53.03125 Q 30.03125 53.03125 33.6875 51.046875 Q 37.359375 49.078125 39.65625 45.90625 L 39.65625 71.578125 L 48.390625 71.578125 L 48.390625 0 z M 12.453125 25.875 Q 12.453125 15.921875 16.640625 10.984375 Q 20.84375 6.0625 26.5625 6.0625 Q 32.328125 6.0625 36.34375 10.765625 Q 40.375 15.484375 40.375 25.140625 Q 40.375 35.796875 36.265625 40.765625 Q 32.171875 45.75 26.171875 45.75 Q 20.3125 45.75 16.375 40.96875 Q 12.453125 36.1875 12.453125 25.875 z \" id=\"ArialMT-100\" />\n",
" <path d=\"M 3.328125 25.921875 Q 3.328125 40.328125 11.328125 47.265625 Q 18.015625 53.03125 27.640625 53.03125 Q 38.328125 53.03125 45.109375 46.015625 Q 51.90625 39.015625 51.90625 26.65625 Q 51.90625 16.65625 48.90625 10.90625 Q 45.90625 5.171875 40.15625 2 Q 34.421875 -1.171875 27.640625 -1.171875 Q 16.75 -1.171875 10.03125 5.8125 Q 3.328125 12.796875 3.328125 25.921875 z M 12.359375 25.921875 Q 12.359375 15.96875 16.703125 11.015625 Q 21.046875 6.0625 27.640625 6.0625 Q 34.1875 6.0625 38.53125 11.03125 Q 42.875 16.015625 42.875 26.21875 Q 42.875 35.84375 38.5 40.796875 Q 34.125 45.75 27.640625 45.75 Q 21.046875 45.75 16.703125 40.8125 Q 12.359375 35.890625 12.359375 25.921875 z \" id=\"ArialMT-111\" />\n",
" <path d=\"M 42.09375 16.703125 L 51.171875 15.578125 Q 49.03125 7.625 43.21875 3.21875 Q 37.40625 -1.171875 28.375 -1.171875 Q 17 -1.171875 10.328125 5.828125 Q 3.65625 12.84375 3.65625 25.484375 Q 3.65625 38.578125 10.390625 45.796875 Q 17.140625 53.03125 27.875 53.03125 Q 38.28125 53.03125 44.875 45.953125 Q 51.46875 38.875 51.46875 26.03125 Q 51.46875 25.25 51.421875 23.6875 L 12.75 23.6875 Q 13.234375 15.140625 17.578125 10.59375 Q 21.921875 6.0625 28.421875 6.0625 Q 33.25 6.0625 36.671875 8.59375 Q 40.09375 11.140625 42.09375 16.703125 z M 13.234375 30.90625 L 42.1875 30.90625 Q 41.609375 37.453125 38.875 40.71875 Q 34.671875 45.796875 27.984375 45.796875 Q 21.921875 45.796875 17.796875 41.75 Q 13.671875 37.703125 13.234375 30.90625 z \" id=\"ArialMT-101\" />\n",
" <path d=\"M 3.078125 15.484375 L 11.765625 16.84375 Q 12.5 11.625 15.84375 8.84375 Q 19.1875 6.0625 25.203125 6.0625 Q 31.25 6.0625 34.171875 8.515625 Q 37.109375 10.984375 37.109375 14.3125 Q 37.109375 17.28125 34.515625 19 Q 32.71875 20.171875 25.53125 21.96875 Q 15.875 24.421875 12.140625 26.203125 Q 8.40625 27.984375 6.46875 31.125 Q 4.546875 34.28125 4.546875 38.09375 Q 4.546875 41.546875 6.125 44.5 Q 7.71875 47.46875 10.453125 49.421875 Q 12.5 50.921875 16.03125 51.96875 Q 19.578125 53.03125 23.640625 53.03125 Q 29.734375 53.03125 34.34375 51.265625 Q 38.96875 49.515625 41.15625 46.5 Q 43.359375 43.5 44.1875 38.484375 L 35.59375 37.3125 Q 35.015625 41.3125 32.203125 43.546875 Q 29.390625 45.796875 24.265625 45.796875 Q 18.21875 45.796875 15.625 43.796875 Q 13.03125 41.796875 13.03125 39.109375 Q 13.03125 37.40625 14.109375 36.03125 Q 15.1875 34.625 17.484375 33.6875 Q 18.796875 33.203125 25.25 31.453125 Q 34.578125 28.953125 38.25 27.359375 Q 41.9375 25.78125 44.03125 22.75 Q 46.140625 19.734375 46.140625 15.234375 Q 46.140625 10.84375 43.578125 6.953125 Q 41.015625 3.078125 36.171875 0.953125 Q 31.34375 -1.171875 25.25 -1.171875 Q 15.140625 -1.171875 9.84375 3.03125 Q 4.546875 7.234375 3.078125 15.484375 z \" id=\"ArialMT-115\" />\n",
" <path id=\"ArialMT-32\" />\n",
" <path d=\"M 25.78125 7.859375 L 27.046875 0.09375 Q 23.34375 -0.6875 20.40625 -0.6875 Q 15.625 -0.6875 12.984375 0.828125 Q 10.359375 2.34375 9.28125 4.8125 Q 8.203125 7.28125 8.203125 15.1875 L 8.203125 45.015625 L 1.765625 45.015625 L 1.765625 51.859375 L 8.203125 51.859375 L 8.203125 64.703125 L 16.9375 69.96875 L 16.9375 51.859375 L 25.78125 51.859375 L 25.78125 45.015625 L 16.9375 45.015625 L 16.9375 14.703125 Q 16.9375 10.9375 17.40625 9.859375 Q 17.875 8.796875 18.921875 8.15625 Q 19.96875 7.515625 21.921875 7.515625 Q 23.390625 7.515625 25.78125 7.859375 z \" id=\"ArialMT-116\" />\n",
" <path d=\"M 40.4375 19 L 49.078125 17.875 Q 47.65625 8.9375 41.8125 3.875 Q 35.984375 -1.171875 27.484375 -1.171875 Q 16.84375 -1.171875 10.375 5.78125 Q 3.90625 12.75 3.90625 25.734375 Q 3.90625 34.125 6.6875 40.421875 Q 9.46875 46.734375 15.15625 49.875 Q 20.84375 53.03125 27.546875 53.03125 Q 35.984375 53.03125 41.359375 48.75 Q 46.734375 44.484375 48.25 36.625 L 39.703125 35.296875 Q 38.484375 40.53125 35.375 43.15625 Q 32.28125 45.796875 27.875 45.796875 Q 21.234375 45.796875 17.078125 41.03125 Q 12.9375 36.28125 12.9375 25.984375 Q 12.9375 15.53125 16.9375 10.796875 Q 20.953125 6.0625 27.390625 6.0625 Q 32.5625 6.0625 36.03125 9.234375 Q 39.5 12.40625 40.4375 19 z \" id=\"ArialMT-99\" />\n",
" <path d=\"M 40.4375 6.390625 Q 35.546875 2.25 31.03125 0.53125 Q 26.515625 -1.171875 21.34375 -1.171875 Q 12.796875 -1.171875 8.203125 3 Q 3.609375 7.171875 3.609375 13.671875 Q 3.609375 17.484375 5.34375 20.625 Q 7.078125 23.78125 9.890625 25.6875 Q 12.703125 27.59375 16.21875 28.5625 Q 18.796875 29.25 24.03125 29.890625 Q 34.671875 31.15625 39.703125 32.90625 Q 39.75 34.71875 39.75 35.203125 Q 39.75 40.578125 37.25 42.78125 Q 33.890625 45.75 27.25 45.75 Q 21.046875 45.75 18.09375 43.578125 Q 15.140625 41.40625 13.71875 35.890625 L 5.125 37.0625 Q 6.296875 42.578125 8.984375 45.96875 Q 11.671875 49.359375 16.75 51.1875 Q 21.828125 53.03125 28.515625 53.03125 Q 35.15625 53.03125 39.296875 51.46875 Q 43.453125 49.90625 45.40625 47.53125 Q 47.359375 45.171875 48.140625 41.546875 Q 48.578125 39.3125 48.578125 33.453125 L 48.578125 21.734375 Q 48.578125 9.46875 49.140625 6.21875 Q 49.703125 2.984375 51.375 0 L 42.1875 0 Q 40.828125 2.734375 40.4375 6.390625 z M 39.703125 26.03125 Q 34.90625 24.078125 25.34375 22.703125 Q 19.921875 21.921875 17.671875 20.9375 Q 15.4375 19.96875 14.203125 18.09375 Q 12.984375 16.21875 12.984375 13.921875 Q 12.984375 10.40625 15.640625 8.0625 Q 18.3125 5.71875 23.4375 5.71875 Q 28.515625 5.71875 32.46875 7.9375 Q 36.421875 10.15625 38.28125 14.015625 Q 39.703125 17 39.703125 22.796875 z \" id=\"ArialMT-97\" />\n",
" <path d=\"M 6.640625 61.46875 L 6.640625 71.578125 L 15.4375 71.578125 L 15.4375 61.46875 z M 6.640625 0 L 6.640625 51.859375 L 15.4375 51.859375 L 15.4375 0 z \" id=\"ArialMT-105\" />\n",
" <path d=\"M 6.59375 -19.875 L 6.59375 51.859375 L 14.59375 51.859375 L 14.59375 45.125 Q 17.4375 49.078125 21 51.046875 Q 24.5625 53.03125 29.640625 53.03125 Q 36.28125 53.03125 41.359375 49.609375 Q 46.4375 46.1875 49.015625 39.953125 Q 51.609375 33.734375 51.609375 26.3125 Q 51.609375 18.359375 48.75 11.984375 Q 45.90625 5.609375 40.453125 2.21875 Q 35.015625 -1.171875 29 -1.171875 Q 24.609375 -1.171875 21.109375 0.6875 Q 17.625 2.546875 15.375 5.375 L 15.375 -19.875 z M 14.546875 25.640625 Q 14.546875 15.625 18.59375 10.84375 Q 22.65625 6.0625 28.421875 6.0625 Q 34.28125 6.0625 38.453125 11.015625 Q 42.625 15.96875 42.625 26.375 Q 42.625 36.28125 38.546875 41.203125 Q 34.46875 46.140625 28.8125 46.140625 Q 23.1875 46.140625 18.859375 40.890625 Q 14.546875 35.640625 14.546875 25.640625 z \" id=\"ArialMT-112\" />\n",
" <path d=\"M 14.703125 0 L 6.546875 0 L 6.546875 71.578125 L 15.328125 71.578125 L 15.328125 46.046875 Q 20.90625 53.03125 29.546875 53.03125 Q 34.328125 53.03125 38.59375 51.09375 Q 42.875 49.171875 45.625 45.671875 Q 48.390625 42.1875 49.953125 37.25 Q 51.515625 32.328125 51.515625 26.703125 Q 51.515625 13.375 44.921875 6.09375 Q 38.328125 -1.171875 29.109375 -1.171875 Q 19.921875 -1.171875 14.703125 6.5 z M 14.59375 26.3125 Q 14.59375 17 17.140625 12.84375 Q 21.296875 6.0625 28.375 6.0625 Q 34.125 6.0625 38.328125 11.0625 Q 42.53125 16.0625 42.53125 25.984375 Q 42.53125 36.140625 38.5 40.96875 Q 34.46875 45.796875 28.765625 45.796875 Q 23 45.796875 18.796875 40.796875 Q 14.59375 35.796875 14.59375 26.3125 z \" id=\"ArialMT-98\" />\n",
" <path d=\"M 6.390625 0 L 6.390625 71.578125 L 15.1875 71.578125 L 15.1875 0 z \" id=\"ArialMT-108\" />\n",
" </defs>\n",
" <g style=\"fill:#444443;\" transform=\"translate(0 29.152579)scale(0.09 -0.09)\">\n",
" <use xlink:href=\"#ArialMT-34\" />\n",
" <use x=\"35.498047\" xlink:href=\"#ArialMT-100\" />\n",
" <use x=\"91.113281\" xlink:href=\"#ArialMT-111\" />\n",
" <use x=\"146.728516\" xlink:href=\"#ArialMT-101\" />\n",
" <use x=\"202.34375\" xlink:href=\"#ArialMT-115\" />\n",
" <use x=\"252.34375\" xlink:href=\"#ArialMT-32\" />\n",
" <use x=\"280.126953\" xlink:href=\"#ArialMT-110\" />\n",
" <use x=\"335.742188\" xlink:href=\"#ArialMT-111\" />\n",
" <use x=\"391.357422\" xlink:href=\"#ArialMT-116\" />\n",
" <use x=\"419.140625\" xlink:href=\"#ArialMT-32\" />\n",
" <use x=\"446.923828\" xlink:href=\"#ArialMT-99\" />\n",
" <use x=\"496.923828\" xlink:href=\"#ArialMT-111\" />\n",
" <use x=\"552.539062\" xlink:href=\"#ArialMT-110\" />\n",
" <use x=\"608.154297\" xlink:href=\"#ArialMT-116\" />\n",
" <use x=\"635.9375\" xlink:href=\"#ArialMT-97\" />\n",
" <use x=\"691.552734\" xlink:href=\"#ArialMT-105\" />\n",
" <use x=\"713.769531\" xlink:href=\"#ArialMT-110\" />\n",
" <use x=\"769.384766\" xlink:href=\"#ArialMT-32\" />\n",
" <use x=\"797.167969\" xlink:href=\"#ArialMT-112\" />\n",
" <use x=\"852.783203\" xlink:href=\"#ArialMT-97\" />\n",
" <use x=\"908.398438\" xlink:href=\"#ArialMT-99\" />\n",
" <use x=\"958.398438\" xlink:href=\"#ArialMT-98\" />\n",
" <use x=\"1014.013672\" xlink:href=\"#ArialMT-105\" />\n",
" <use x=\"1036.230469\" xlink:href=\"#ArialMT-111\" />\n",
" <use x=\"1091.845703\" xlink:href=\"#ArialMT-32\" />\n",
" <use x=\"1119.628906\" xlink:href=\"#ArialMT-99\" />\n",
" <use x=\"1169.628906\" xlink:href=\"#ArialMT-97\" />\n",
" <use x=\"1225.244141\" xlink:href=\"#ArialMT-108\" />\n",
" <use x=\"1247.460938\" xlink:href=\"#ArialMT-108\" />\n",
" <use x=\"1269.677734\" xlink:href=\"#ArialMT-34\" />\n",
" </g>\n",
" </g>\n",
" </g>\n",
" </g>\n",
"</svg></g>\n",
"\n",
"\n",
"<g class=\"edge\" id=\"edge19\"><title>node14-&gt;node15</title>\n",
"<path d=\"M859,-262.701C859,-254.184 859,-245.086 859,-236.167\" fill=\"none\" stroke=\"#444443\" stroke-width=\"0.3\" />\n",
"<polygon fill=\"#444443\" points=\"860.4,-235.807 859,-231.807 857.6,-235.807 860.4,-235.807\" stroke=\"#444443\" />\n",
"</g>\n",
"\n",
"<g class=\"edge\" id=\"edge20\"><title>node14-&gt;leaf18</title>\n",
"<path d=\"M920.191,-262.872C950.297,-242.636 985.339,-219.084 1010.09,-202.449\" fill=\"none\" stroke=\"#444443\" stroke-width=\"0.3\" />\n",
"<polygon fill=\"#444443\" points=\"1011.12,-203.439 1013.66,-200.046 1009.56,-201.115 1011.12,-203.439\" stroke=\"#444443\" />\n",
"</g>\n",
"\n",
"<g class=\"edge\" id=\"edge22\"><title>node6-&gt;node7</title>\n",
"<path d=\"M587,-381.438C587,-372.267 587,-362.866 587,-353.948\" fill=\"none\" stroke=\"#444443\" stroke-width=\"0.3\" />\n",
"<polygon fill=\"#444443\" points=\"588.4,-353.612 587,-349.612 585.6,-353.613 588.4,-353.612\" stroke=\"#444443\" />\n",
"</g>\n",
"\n",
"<g class=\"edge\" id=\"edge23\"><title>node6-&gt;node14</title>\n",
"<path d=\"M692.552,-387.388C718.598,-374.652 746.215,-361.148 771.31,-348.878\" fill=\"none\" stroke=\"#444443\" stroke-width=\"0.3\" />\n",
"<polygon fill=\"#444443\" points=\"772.016,-350.091 774.994,-347.076 770.786,-347.576 772.016,-350.091\" stroke=\"#444443\" />\n",
"</g>\n",
"\n",
"<g class=\"node\" id=\"node9\"><title>node0</title>\n",
"<svg height=\"115px\" preserveAspectRatio=\"xMinYMin meet\" version=\"1.1\" viewBox=\"0 0 201.32 114.4725\" width=\"202px\" x=\"245.5\" y=\"-653.5\">\n",
" <defs>\n",
" <style type=\"text/css\">\n",
"*{stroke-linecap:butt;stroke-linejoin:round;}\n",
" </style>\n",
" </defs>\n",
" <g id=\"figure_1\">\n",
" <g id=\"patch_1\">\n",
" <path d=\"M 0 114.4725 L 201.32 114.4725 L 201.32 0 L 0 0 z \" style=\"fill:#ffffff;\" />\n",
" </g>\n",
" <g id=\"axes_1\">\n",
" <g id=\"patch_2\">\n",
" <path d=\"M 17.18 84.579375 L 201.32 84.579375 L 201.32 3.039375 L 17.18 3.039375 z \" style=\"fill:#ffffff;\" />\n",
" </g>\n",
" <g id=\"patch_3\">\n",
" <path clip-path=\"url(#pafcbaf5dd0)\" d=\"M 22.460843 84.579375 L 31.260775 84.579375 L 31.260775 3.039375 L 22.460843 3.039375 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_4\">\n",
" <path clip-path=\"url(#pafcbaf5dd0)\" d=\"M 31.260775 84.579375 L 40.060706 84.579375 L 40.060706 31.750643 L 31.260775 31.750643 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_5\">\n",
" <path clip-path=\"url(#pafcbaf5dd0)\" d=\"M 40.060706 84.579375 L 48.860637 84.579375 L 48.860637 62.758812 L 40.060706 62.758812 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_6\">\n",
" <path clip-path=\"url(#pafcbaf5dd0)\" d=\"M 48.860637 84.579375 L 57.660569 84.579375 L 57.660569 65.055713 L 48.860637 65.055713 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_7\">\n",
" <path clip-path=\"url(#pafcbaf5dd0)\" d=\"M 57.660569 84.579375 L 66.4605 84.579375 L 66.4605 68.501065 L 57.660569 68.501065 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_8\">\n",
" <path clip-path=\"url(#pafcbaf5dd0)\" d=\"M 66.4605 84.579375 L 75.260431 84.579375 L 75.260431 69.649516 L 66.4605 69.649516 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_9\">\n",
" <path clip-path=\"url(#pafcbaf5dd0)\" d=\"M 75.260431 84.579375 L 84.060362 84.579375 L 84.060362 81.134023 L 75.260431 81.134023 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_10\">\n",
" <path clip-path=\"url(#pafcbaf5dd0)\" d=\"M 84.060362 84.579375 L 92.860294 84.579375 L 92.860294 82.282474 L 84.060362 82.282474 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_11\">\n",
" <path clip-path=\"url(#pafcbaf5dd0)\" d=\"M 92.860294 84.579375 L 101.660225 84.579375 L 101.660225 83.430924 L 92.860294 83.430924 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_12\">\n",
" <path clip-path=\"url(#pafcbaf5dd0)\" d=\"M 101.660225 84.579375 L 110.460156 84.579375 L 110.460156 82.282474 L 101.660225 82.282474 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_13\">\n",
" <path clip-path=\"url(#pafcbaf5dd0)\" d=\"M 110.460156 84.579375 L 119.260088 84.579375 L 119.260088 84.579375 L 110.460156 84.579375 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_14\">\n",
" <path clip-path=\"url(#pafcbaf5dd0)\" d=\"M 119.260088 84.579375 L 128.060019 84.579375 L 128.060019 84.579375 L 119.260088 84.579375 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_15\">\n",
" <path clip-path=\"url(#pafcbaf5dd0)\" d=\"M 128.060019 84.579375 L 136.85995 84.579375 L 136.85995 84.579375 L 128.060019 84.579375 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_16\">\n",
" <path clip-path=\"url(#pafcbaf5dd0)\" d=\"M 136.85995 84.579375 L 145.659882 84.579375 L 145.659882 84.579375 L 136.85995 84.579375 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_17\">\n",
" <path clip-path=\"url(#pafcbaf5dd0)\" d=\"M 145.659882 84.579375 L 154.459813 84.579375 L 154.459813 84.579375 L 145.659882 84.579375 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_18\">\n",
" <path clip-path=\"url(#pafcbaf5dd0)\" d=\"M 154.459813 84.579375 L 163.259744 84.579375 L 163.259744 84.579375 L 154.459813 84.579375 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_19\">\n",
" <path clip-path=\"url(#pafcbaf5dd0)\" d=\"M 163.259744 84.579375 L 172.059676 84.579375 L 172.059676 84.579375 L 163.259744 84.579375 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_20\">\n",
" <path clip-path=\"url(#pafcbaf5dd0)\" d=\"M 172.059676 84.579375 L 180.859607 84.579375 L 180.859607 84.579375 L 172.059676 84.579375 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_21\">\n",
" <path clip-path=\"url(#pafcbaf5dd0)\" d=\"M 180.859607 84.579375 L 189.659538 84.579375 L 189.659538 84.579375 L 180.859607 84.579375 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_22\">\n",
" <path clip-path=\"url(#pafcbaf5dd0)\" d=\"M 22.460843 3.039375 L 31.260775 3.039375 L 31.260775 3.039375 L 22.460843 3.039375 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_23\">\n",
" <path clip-path=\"url(#pafcbaf5dd0)\" d=\"M 31.260775 31.750643 L 40.060706 31.750643 L 40.060706 31.750643 L 31.260775 31.750643 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_24\">\n",
" <path clip-path=\"url(#pafcbaf5dd0)\" d=\"M 40.060706 62.758812 L 48.860637 62.758812 L 48.860637 62.758812 L 40.060706 62.758812 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_25\">\n",
" <path clip-path=\"url(#pafcbaf5dd0)\" d=\"M 48.860637 65.055713 L 57.660569 65.055713 L 57.660569 61.610361 L 48.860637 61.610361 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_26\">\n",
" <path clip-path=\"url(#pafcbaf5dd0)\" d=\"M 57.660569 68.501065 L 66.4605 68.501065 L 66.4605 43.23515 L 57.660569 43.23515 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_27\">\n",
" <path clip-path=\"url(#pafcbaf5dd0)\" d=\"M 66.4605 69.649516 L 75.260431 69.649516 L 75.260431 15.672333 L 66.4605 15.672333 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_28\">\n",
" <path clip-path=\"url(#pafcbaf5dd0)\" d=\"M 75.260431 81.134023 L 84.060362 81.134023 L 84.060362 35.195995 L 75.260431 35.195995 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_29\">\n",
" <path clip-path=\"url(#pafcbaf5dd0)\" d=\"M 84.060362 82.282474 L 92.860294 82.282474 L 92.860294 54.719657 L 84.060362 54.719657 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_30\">\n",
" <path clip-path=\"url(#pafcbaf5dd0)\" d=\"M 92.860294 83.430924 L 101.660225 83.430924 L 101.660225 55.868107 L 92.860294 55.868107 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_31\">\n",
" <path clip-path=\"url(#pafcbaf5dd0)\" d=\"M 101.660225 82.282474 L 110.460156 82.282474 L 110.460156 59.31346 L 101.660225 59.31346 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_32\">\n",
" <path clip-path=\"url(#pafcbaf5dd0)\" d=\"M 110.460156 84.579375 L 119.260088 84.579375 L 119.260088 83.430924 L 110.460156 83.430924 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_33\">\n",
" <path clip-path=\"url(#pafcbaf5dd0)\" d=\"M 119.260088 84.579375 L 128.060019 84.579375 L 128.060019 84.579375 L 119.260088 84.579375 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_34\">\n",
" <path clip-path=\"url(#pafcbaf5dd0)\" d=\"M 128.060019 84.579375 L 136.85995 84.579375 L 136.85995 82.282474 L 128.060019 82.282474 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_35\">\n",
" <path clip-path=\"url(#pafcbaf5dd0)\" d=\"M 136.85995 84.579375 L 145.659882 84.579375 L 145.659882 84.579375 L 136.85995 84.579375 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_36\">\n",
" <path clip-path=\"url(#pafcbaf5dd0)\" d=\"M 145.659882 84.579375 L 154.459813 84.579375 L 154.459813 84.579375 L 145.659882 84.579375 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_37\">\n",
" <path clip-path=\"url(#pafcbaf5dd0)\" d=\"M 154.459813 84.579375 L 163.259744 84.579375 L 163.259744 84.579375 L 154.459813 84.579375 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_38\">\n",
" <path clip-path=\"url(#pafcbaf5dd0)\" d=\"M 163.259744 84.579375 L 172.059676 84.579375 L 172.059676 84.579375 L 163.259744 84.579375 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_39\">\n",
" <path clip-path=\"url(#pafcbaf5dd0)\" d=\"M 172.059676 84.579375 L 180.859607 84.579375 L 180.859607 84.579375 L 172.059676 84.579375 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_40\">\n",
" <path clip-path=\"url(#pafcbaf5dd0)\" d=\"M 180.859607 84.579375 L 189.659538 84.579375 L 189.659538 83.430924 L 180.859607 83.430924 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"patch_41\">\n",
" <path d=\"M 55.606243 85.394775 L 52.291723 92.733375 L 58.920763 92.733375 z \" style=\"fill:#444443;\" />\n",
" </g>\n",
" <g id=\"matplotlib.axis_1\">\n",
" <g id=\"xtick_1\">\n",
" <g id=\"line2d_1\">\n",
" <defs>\n",
" <path d=\"M 0 0 L 0 3.5 \" id=\"mf6f64f432c\" style=\"stroke:#000000;stroke-width:0.3;\" />\n",
" </defs>\n",
" <g>\n",
" <use style=\"stroke:#000000;stroke-width:0.3;\" x=\"22.460843\" y=\"84.579375\" xlink:href=\"#mf6f64f432c\" />\n",
" </g>\n",
" </g>\n",
" <g id=\"text_1\">\n",
" \n",
" <defs>\n",
" <path d=\"M 12.40625 8.296875 L 28.515625 8.296875 L 28.515625 63.921875 L 10.984375 60.40625 L 10.984375 69.390625 L 28.421875 72.90625 L 38.28125 72.90625 L 38.28125 8.296875 L 54.390625 8.296875 L 54.390625 0 L 12.40625 0 z \" id=\"DejaVuSans-49\" />\n",
" <path d=\"M 10.6875 12.40625 L 21 12.40625 L 21 0 L 10.6875 0 z \" id=\"DejaVuSans-46\" />\n",
" <path d=\"M 40.578125 39.3125 Q 47.65625 37.796875 51.625 33 Q 55.609375 28.21875 55.609375 21.1875 Q 55.609375 10.40625 48.1875 4.484375 Q 40.765625 -1.421875 27.09375 -1.421875 Q 22.515625 -1.421875 17.65625 -0.515625 Q 12.796875 0.390625 7.625 2.203125 L 7.625 11.71875 Q 11.71875 9.328125 16.59375 8.109375 Q 21.484375 6.890625 26.8125 6.890625 Q 36.078125 6.890625 40.9375 10.546875 Q 45.796875 14.203125 45.796875 21.1875 Q 45.796875 27.640625 41.28125 31.265625 Q 36.765625 34.90625 28.71875 34.90625 L 20.21875 34.90625 L 20.21875 43.015625 L 29.109375 43.015625 Q 36.375 43.015625 40.234375 45.921875 Q 44.09375 48.828125 44.09375 54.296875 Q 44.09375 59.90625 40.109375 62.90625 Q 36.140625 65.921875 28.71875 65.921875 Q 24.65625 65.921875 20.015625 65.03125 Q 15.375 64.15625 9.8125 62.3125 L 9.8125 71.09375 Q 15.4375 72.65625 20.34375 73.4375 Q 25.25 74.21875 29.59375 74.21875 Q 40.828125 74.21875 47.359375 69.109375 Q 53.90625 64.015625 53.90625 55.328125 Q 53.90625 49.265625 50.4375 45.09375 Q 46.96875 40.921875 40.578125 39.3125 z \" id=\"DejaVuSans-51\" />\n",
" <path d=\"M 10.984375 1.515625 L 10.984375 10.5 Q 14.703125 8.734375 18.5 7.8125 Q 22.3125 6.890625 25.984375 6.890625 Q 35.75 6.890625 40.890625 13.453125 Q 46.046875 20.015625 46.78125 33.40625 Q 43.953125 29.203125 39.59375 26.953125 Q 35.25 24.703125 29.984375 24.703125 Q 19.046875 24.703125 12.671875 31.3125 Q 6.296875 37.9375 6.296875 49.421875 Q 6.296875 60.640625 12.9375 67.421875 Q 19.578125 74.21875 30.609375 74.21875 Q 43.265625 74.21875 49.921875 64.515625 Q 56.59375 54.828125 56.59375 36.375 Q 56.59375 19.140625 48.40625 8.859375 Q 40.234375 -1.421875 26.421875 -1.421875 Q 22.703125 -1.421875 18.890625 -0.6875 Q 15.09375 0.046875 10.984375 1.515625 z M 30.609375 32.421875 Q 37.25 32.421875 41.125 36.953125 Q 45.015625 41.5 45.015625 49.421875 Q 45.015625 57.28125 41.125 61.84375 Q 37.25 66.40625 30.609375 66.40625 Q 23.96875 66.40625 20.09375 61.84375 Q 16.21875 57.28125 16.21875 49.421875 Q 16.21875 41.5 20.09375 36.953125 Q 23.96875 32.421875 30.609375 32.421875 z \" id=\"DejaVuSans-57\" />\n",
" <path d=\"M 31.78125 34.625 Q 24.75 34.625 20.71875 30.859375 Q 16.703125 27.09375 16.703125 20.515625 Q 16.703125 13.921875 20.71875 10.15625 Q 24.75 6.390625 31.78125 6.390625 Q 38.8125 6.390625 42.859375 10.171875 Q 46.921875 13.96875 46.921875 20.515625 Q 46.921875 27.09375 42.890625 30.859375 Q 38.875 34.625 31.78125 34.625 z M 21.921875 38.8125 Q 15.578125 40.375 12.03125 44.71875 Q 8.5 49.078125 8.5 55.328125 Q 8.5 64.0625 14.71875 69.140625 Q 20.953125 74.21875 31.78125 74.21875 Q 42.671875 74.21875 48.875 69.140625 Q 55.078125 64.0625 55.078125 55.328125 Q 55.078125 49.078125 51.53125 44.71875 Q 48 40.375 41.703125 38.8125 Q 48.828125 37.15625 52.796875 32.3125 Q 56.78125 27.484375 56.78125 20.515625 Q 56.78125 9.90625 50.3125 4.234375 Q 43.84375 -1.421875 31.78125 -1.421875 Q 19.734375 -1.421875 13.25 4.234375 Q 6.78125 9.90625 6.78125 20.515625 Q 6.78125 27.484375 10.78125 32.3125 Q 14.796875 37.15625 21.921875 38.8125 z M 18.3125 54.390625 Q 18.3125 48.734375 21.84375 45.5625 Q 25.390625 42.390625 31.78125 42.390625 Q 38.140625 42.390625 41.71875 45.5625 Q 45.3125 48.734375 45.3125 54.390625 Q 45.3125 60.0625 41.71875 63.234375 Q 38.140625 66.40625 31.78125 66.40625 Q 25.390625 66.40625 21.84375 63.234375 Q 18.3125 60.0625 18.3125 54.390625 z \" id=\"DejaVuSans-56\" />\n",
" </defs>\n",
" <g style=\"fill:#444443;\" transform=\"translate(11.009593 97.658125)scale(0.08 -0.08)\">\n",
" <use xlink:href=\"#DejaVuSans-49\" />\n",
" <use x=\"63.623047\" xlink:href=\"#DejaVuSans-46\" />\n",
" <use x=\"95.410156\" xlink:href=\"#DejaVuSans-51\" />\n",
" <use x=\"159.033203\" xlink:href=\"#DejaVuSans-57\" />\n",
" <use x=\"222.65625\" xlink:href=\"#DejaVuSans-56\" />\n",
" </g>\n",
" </g>\n",
" </g>\n",
" <g id=\"xtick_2\">\n",
" <g id=\"line2d_2\">\n",
" <g>\n",
" <use style=\"stroke:#000000;stroke-width:0.3;\" x=\"189.659538\" y=\"84.579375\" xlink:href=\"#mf6f64f432c\" />\n",
" </g>\n",
" </g>\n",
" <g id=\"text_2\">\n",
" \n",
" <defs>\n",
" <path d=\"M 37.796875 64.3125 L 12.890625 25.390625 L 37.796875 25.390625 z M 35.203125 72.90625 L 47.609375 72.90625 L 47.609375 25.390625 L 58.015625 25.390625 L 58.015625 17.1875 L 47.609375 17.1875 L 47.609375 0 L 37.796875 0 L 37.796875 17.1875 L 4.890625 17.1875 L 4.890625 26.703125 z \" id=\"DejaVuSans-52\" />\n",
" </defs>\n",
" <g style=\"fill:#444443;\" transform=\"translate(178.208288 97.658125)scale(0.08 -0.08)\">\n",
" <use xlink:href=\"#DejaVuSans-52\" />\n",
" <use x=\"63.623047\" xlink:href=\"#DejaVuSans-46\" />\n",
" <use x=\"95.410156\" xlink:href=\"#DejaVuSans-57\" />\n",
" <use x=\"159.033203\" xlink:href=\"#DejaVuSans-51\" />\n",
" <use x=\"222.65625\" xlink:href=\"#DejaVuSans-57\" />\n",
" </g>\n",
" </g>\n",
" </g>\n",
" <g id=\"text_3\">\n",
" \n",
" <defs>\n",
" <path d=\"M 6.390625 0 L 6.390625 71.578125 L 15.1875 71.578125 L 15.1875 0 z \" id=\"ArialMT-108\" />\n",
" <path d=\"M 3.328125 25.921875 Q 3.328125 40.328125 11.328125 47.265625 Q 18.015625 53.03125 27.640625 53.03125 Q 38.328125 53.03125 45.109375 46.015625 Q 51.90625 39.015625 51.90625 26.65625 Q 51.90625 16.65625 48.90625 10.90625 Q 45.90625 5.171875 40.15625 2 Q 34.421875 -1.171875 27.640625 -1.171875 Q 16.75 -1.171875 10.03125 5.8125 Q 3.328125 12.796875 3.328125 25.921875 z M 12.359375 25.921875 Q 12.359375 15.96875 16.703125 11.015625 Q 21.046875 6.0625 27.640625 6.0625 Q 34.1875 6.0625 38.53125 11.03125 Q 42.875 16.015625 42.875 26.21875 Q 42.875 35.84375 38.5 40.796875 Q 34.125 45.75 27.640625 45.75 Q 21.046875 45.75 16.703125 40.8125 Q 12.359375 35.890625 12.359375 25.921875 z \" id=\"ArialMT-111\" />\n",
" <path d=\"M 4.984375 -4.296875 L 13.53125 -5.5625 Q 14.0625 -9.515625 16.5 -11.328125 Q 19.78125 -13.765625 25.4375 -13.765625 Q 31.546875 -13.765625 34.859375 -11.328125 Q 38.1875 -8.890625 39.359375 -4.5 Q 40.046875 -1.8125 39.984375 6.78125 Q 34.234375 0 25.640625 0 Q 14.9375 0 9.078125 7.71875 Q 3.21875 15.4375 3.21875 26.21875 Q 3.21875 33.640625 5.90625 39.90625 Q 8.59375 46.1875 13.6875 49.609375 Q 18.796875 53.03125 25.6875 53.03125 Q 34.859375 53.03125 40.828125 45.609375 L 40.828125 51.859375 L 48.921875 51.859375 L 48.921875 7.03125 Q 48.921875 -5.078125 46.453125 -10.125 Q 44 -15.1875 38.640625 -18.109375 Q 33.296875 -21.046875 25.484375 -21.046875 Q 16.21875 -21.046875 10.5 -16.875 Q 4.78125 -12.703125 4.984375 -4.296875 z M 12.25 26.859375 Q 12.25 16.65625 16.296875 11.96875 Q 20.359375 7.28125 26.46875 7.28125 Q 32.515625 7.28125 36.609375 11.9375 Q 40.71875 16.609375 40.71875 26.5625 Q 40.71875 36.078125 36.5 40.90625 Q 32.28125 45.75 26.3125 45.75 Q 20.453125 45.75 16.34375 40.984375 Q 12.25 36.234375 12.25 26.859375 z \" id=\"ArialMT-103\" />\n",
" <path d=\"M 37.25 0 L 28.46875 0 L 28.46875 56 Q 25.296875 52.984375 20.140625 49.953125 Q 14.984375 46.921875 10.890625 45.40625 L 10.890625 53.90625 Q 18.265625 57.375 23.78125 62.296875 Q 29.296875 67.234375 31.59375 71.875 L 37.25 71.875 z \" id=\"ArialMT-49\" />\n",
" <path d=\"M 4.15625 35.296875 Q 4.15625 48 6.765625 55.734375 Q 9.375 63.484375 14.515625 67.671875 Q 19.671875 71.875 27.484375 71.875 Q 33.25 71.875 37.59375 69.546875 Q 41.9375 67.234375 44.765625 62.859375 Q 47.609375 58.5 49.21875 52.21875 Q 50.828125 45.953125 50.828125 35.296875 Q 50.828125 22.703125 48.234375 14.96875 Q 45.65625 7.234375 40.5 3 Q 35.359375 -1.21875 27.484375 -1.21875 Q 17.140625 -1.21875 11.234375 6.203125 Q 4.15625 15.140625 4.15625 35.296875 z M 13.1875 35.296875 Q 13.1875 17.671875 17.3125 11.828125 Q 21.4375 6 27.484375 6 Q 33.546875 6 37.671875 11.859375 Q 41.796875 17.71875 41.796875 35.296875 Q 41.796875 52.984375 37.671875 58.78125 Q 33.546875 64.59375 27.390625 64.59375 Q 21.34375 64.59375 17.71875 59.46875 Q 13.1875 52.9375 13.1875 35.296875 z \" id=\"ArialMT-48\" />\n",
" <path d=\"M -1.515625 -19.875 L -1.515625 -13.53125 L 56.734375 -13.53125 L 56.734375 -19.875 z \" id=\"ArialMT-95\" />\n",
" <path d=\"M 42.09375 16.703125 L 51.171875 15.578125 Q 49.03125 7.625 43.21875 3.21875 Q 37.40625 -1.171875 28.375 -1.171875 Q 17 -1.171875 10.328125 5.828125 Q 3.65625 12.84375 3.65625 25.484375 Q 3.65625 38.578125 10.390625 45.796875 Q 17.140625 53.03125 27.875 53.03125 Q 38.28125 53.03125 44.875 45.953125 Q 51.46875 38.875 51.46875 26.03125 Q 51.46875 25.25 51.421875 23.6875 L 12.75 23.6875 Q 13.234375 15.140625 17.578125 10.59375 Q 21.921875 6.0625 28.421875 6.0625 Q 33.25 6.0625 36.671875 8.59375 Q 40.09375 11.140625 42.09375 16.703125 z M 13.234375 30.90625 L 42.1875 30.90625 Q 41.609375 37.453125 38.875 40.71875 Q 34.671875 45.796875 27.984375 45.796875 Q 21.921875 45.796875 17.796875 41.75 Q 13.671875 37.703125 13.234375 30.90625 z \" id=\"ArialMT-101\" />\n",
" <path d=\"M 6.59375 0 L 6.59375 51.859375 L 14.5 51.859375 L 14.5 44.484375 Q 20.21875 53.03125 31 53.03125 Q 35.6875 53.03125 39.625 51.34375 Q 43.5625 49.65625 45.515625 46.921875 Q 47.46875 44.1875 48.25 40.4375 Q 48.734375 37.984375 48.734375 31.890625 L 48.734375 0 L 39.9375 0 L 39.9375 31.546875 Q 39.9375 36.921875 38.90625 39.578125 Q 37.890625 42.234375 35.28125 43.8125 Q 32.671875 45.40625 29.15625 45.40625 Q 23.53125 45.40625 19.453125 41.84375 Q 15.375 38.28125 15.375 28.328125 L 15.375 0 z \" id=\"ArialMT-110\" />\n",
" <path d=\"M 25.78125 7.859375 L 27.046875 0.09375 Q 23.34375 -0.6875 20.40625 -0.6875 Q 15.625 -0.6875 12.984375 0.828125 Q 10.359375 2.34375 9.28125 4.8125 Q 8.203125 7.28125 8.203125 15.1875 L 8.203125 45.015625 L 1.765625 45.015625 L 1.765625 51.859375 L 8.203125 51.859375 L 8.203125 64.703125 L 16.9375 69.96875 L 16.9375 51.859375 L 25.78125 51.859375 L 25.78125 45.015625 L 16.9375 45.015625 L 16.9375 14.703125 Q 16.9375 10.9375 17.40625 9.859375 Q 17.875 8.796875 18.921875 8.15625 Q 19.96875 7.515625 21.921875 7.515625 Q 23.390625 7.515625 25.78125 7.859375 z \" id=\"ArialMT-116\" />\n",
" <path d=\"M 6.59375 0 L 6.59375 71.578125 L 15.375 71.578125 L 15.375 45.90625 Q 21.53125 53.03125 30.90625 53.03125 Q 36.671875 53.03125 40.921875 50.75 Q 45.171875 48.484375 47 44.484375 Q 48.828125 40.484375 48.828125 32.859375 L 48.828125 0 L 40.046875 0 L 40.046875 32.859375 Q 40.046875 39.453125 37.1875 42.453125 Q 34.328125 45.453125 29.109375 45.453125 Q 25.203125 45.453125 21.75 43.421875 Q 18.3125 41.40625 16.84375 37.9375 Q 15.375 34.46875 15.375 28.375 L 15.375 0 z \" id=\"ArialMT-104\" />\n",
" </defs>\n",
" <g style=\"fill:#444443;\" transform=\"translate(74.887812 111.946875)scale(0.12 -0.12)\">\n",
" <use xlink:href=\"#ArialMT-108\" />\n",
" <use x=\"22.216797\" xlink:href=\"#ArialMT-111\" />\n",
" <use x=\"77.832031\" xlink:href=\"#ArialMT-103\" />\n",
" <use x=\"133.447266\" xlink:href=\"#ArialMT-49\" />\n",
" <use x=\"189.0625\" xlink:href=\"#ArialMT-48\" />\n",
" <use x=\"244.677734\" xlink:href=\"#ArialMT-95\" />\n",
" <use x=\"300.292969\" xlink:href=\"#ArialMT-108\" />\n",
" <use x=\"322.509766\" xlink:href=\"#ArialMT-101\" />\n",
" <use x=\"378.125\" xlink:href=\"#ArialMT-110\" />\n",
" <use x=\"433.740234\" xlink:href=\"#ArialMT-103\" />\n",
" <use x=\"489.355469\" xlink:href=\"#ArialMT-116\" />\n",
" <use x=\"517.138672\" xlink:href=\"#ArialMT-104\" />\n",
" </g>\n",
" </g>\n",
" </g>\n",
" <g id=\"matplotlib.axis_2\">\n",
" <g id=\"ytick_1\">\n",
" <g id=\"line2d_3\">\n",
" <defs>\n",
" <path d=\"M 0 0 L -3.5 0 \" id=\"m2de51b8223\" style=\"stroke:#000000;stroke-width:0.3;\" />\n",
" </defs>\n",
" <g>\n",
" <use style=\"stroke:#000000;stroke-width:0.3;\" x=\"17.18\" y=\"84.579375\" xlink:href=\"#m2de51b8223\" />\n",
" </g>\n",
" </g>\n",
" <g id=\"text_4\">\n",
" \n",
" <defs>\n",
" <path d=\"M 31.78125 66.40625 Q 24.171875 66.40625 20.328125 58.90625 Q 16.5 51.421875 16.5 36.375 Q 16.5 21.390625 20.328125 13.890625 Q 24.171875 6.390625 31.78125 6.390625 Q 39.453125 6.390625 43.28125 13.890625 Q 47.125 21.390625 47.125 36.375 Q 47.125 51.421875 43.28125 58.90625 Q 39.453125 66.40625 31.78125 66.40625 z M 31.78125 74.21875 Q 44.046875 74.21875 50.515625 64.515625 Q 56.984375 54.828125 56.984375 36.375 Q 56.984375 17.96875 50.515625 8.265625 Q 44.046875 -1.421875 31.78125 -1.421875 Q 19.53125 -1.421875 13.0625 8.265625 Q 6.59375 17.96875 6.59375 36.375 Q 6.59375 54.828125 13.0625 64.515625 Q 19.53125 74.21875 31.78125 74.21875 z \" id=\"DejaVuSans-48\" />\n",
" </defs>\n",
" <g style=\"fill:#444443;\" transform=\"translate(5.09 87.61875)scale(0.08 -0.08)\">\n",
" <use xlink:href=\"#DejaVuSans-48\" />\n",
" </g>\n",
" </g>\n",
" </g>\n",
" <g id=\"ytick_2\">\n",
" <g id=\"line2d_4\">\n",
" <g>\n",
" <use style=\"stroke:#000000;stroke-width:0.3;\" x=\"17.18\" y=\"3.039375\" xlink:href=\"#m2de51b8223\" />\n",
" </g>\n",
" </g>\n",
" <g id=\"text_5\">\n",
" \n",
" <defs>\n",
" <path d=\"M 8.203125 72.90625 L 55.078125 72.90625 L 55.078125 68.703125 L 28.609375 0 L 18.3125 0 L 43.21875 64.59375 L 8.203125 64.59375 z \" id=\"DejaVuSans-55\" />\n",
" </defs>\n",
" <g style=\"fill:#444443;\" transform=\"translate(0 6.07875)scale(0.08 -0.08)\">\n",
" <use xlink:href=\"#DejaVuSans-55\" />\n",
" <use x=\"63.623047\" xlink:href=\"#DejaVuSans-49\" />\n",
" </g>\n",
" </g>\n",
" </g>\n",
" </g>\n",
" <g id=\"patch_42\">\n",
" <path d=\"M 17.18 84.579375 L 17.18 3.039375 \" style=\"fill:none;stroke:#000000;stroke-linecap:square;stroke-linejoin:miter;stroke-width:0.3;\" />\n",
" </g>\n",
" <g id=\"patch_43\">\n",
" <path d=\"M 17.18 84.579375 L 201.32 84.579375 \" style=\"fill:none;stroke:#000000;stroke-linecap:square;stroke-linejoin:miter;stroke-width:0.3;\" />\n",
" </g>\n",
" <g id=\"text_6\">\n",
" \n",
" <defs>\n",
" <path d=\"M 50.34375 8.453125 L 50.34375 0 L 3.03125 0 Q 2.9375 3.171875 4.046875 6.109375 Q 5.859375 10.9375 9.828125 15.625 Q 13.8125 20.3125 21.34375 26.46875 Q 33.015625 36.03125 37.109375 41.625 Q 41.21875 47.21875 41.21875 52.203125 Q 41.21875 57.421875 37.46875 61 Q 33.734375 64.59375 27.734375 64.59375 Q 21.390625 64.59375 17.578125 60.78125 Q 13.765625 56.984375 13.71875 50.25 L 4.6875 51.171875 Q 5.609375 61.28125 11.65625 66.578125 Q 17.71875 71.875 27.9375 71.875 Q 38.234375 71.875 44.234375 66.15625 Q 50.25 60.453125 50.25 52 Q 50.25 47.703125 48.484375 43.546875 Q 46.734375 39.40625 42.65625 34.8125 Q 38.578125 30.21875 29.109375 22.21875 Q 21.1875 15.578125 18.9375 13.203125 Q 16.703125 10.84375 15.234375 8.453125 z \" id=\"ArialMT-50\" />\n",
" <path d=\"M 9.078125 0 L 9.078125 10.015625 L 19.09375 10.015625 L 19.09375 0 z \" id=\"ArialMT-46\" />\n",
" </defs>\n",
" <g style=\"fill:#444443;\" transform=\"translate(47.821868 100.887375)scale(0.08 -0.08)\">\n",
" <use xlink:href=\"#ArialMT-50\" />\n",
" <use x=\"55.615234\" xlink:href=\"#ArialMT-46\" />\n",
" <use x=\"83.398438\" xlink:href=\"#ArialMT-49\" />\n",
" <use x=\"139.013672\" xlink:href=\"#ArialMT-48\" />\n",
" </g>\n",
" </g>\n",
" </g>\n",
" </g>\n",
" <defs>\n",
" <clipPath id=\"pafcbaf5dd0\">\n",
" <rect height=\"81.54\" width=\"184.14\" x=\"17.18\" y=\"3.039375\" />\n",
" </clipPath>\n",
" </defs>\n",
"</svg></g>\n",
"\n",
"<g class=\"edge\" id=\"edge25\"><title>node0-&gt;node1</title>\n",
"<path d=\"M304.996,-533.693C298.8,-524.429 292.393,-514.85 286.154,-505.521\" fill=\"none\" stroke=\"#444443\" stroke-width=\"0.3\" />\n",
"<polygon fill=\"#444443\" points=\"287.251,-504.643 283.863,-502.096 284.923,-506.2 287.251,-504.643\" stroke=\"#444443\" />\n",
"<text font-family=\"Times,serif\" font-size=\"14.00\" text-anchor=\"start\" x=\"298.5\" y=\"-515.3\">&lt;</text>\n",
"</g>\n",
"\n",
"<g class=\"edge\" id=\"edge26\"><title>node0-&gt;node6</title>\n",
"<path d=\"M441.596,-533.914C458.721,-522.971 476.548,-511.579 493.61,-500.676\" fill=\"none\" stroke=\"#444443\" stroke-width=\"0.3\" />\n",
"<polygon fill=\"#444443\" points=\"494.395,-501.836 497.012,-498.503 492.888,-499.477 494.395,-501.836\" stroke=\"#444443\" />\n",
"<text font-family=\"Times,serif\" font-size=\"14.00\" text-anchor=\"start\" x=\"474.5\" y=\"-515.3\">&#8805;</text>\n",
"</g>\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"<g class=\"node\" id=\"node20\"><title>legend</title>\n",
"<polygon fill=\"none\" points=\"653.25,-626.5 458.75,-626.5 458.75,-565.5 653.25,-565.5 653.25,-626.5\" stroke=\"black\" stroke-width=\"0\" />\n",
"<svg height=\"56px\" preserveAspectRatio=\"xMinYMin meet\" version=\"1.1\" viewBox=\"0 0 189.140625 55.034375\" width=\"190px\" x=\"461.5\" y=\"-623.5\">\n",
" <defs>\n",
" <style type=\"text/css\">\n",
"*{stroke-linecap:butt;stroke-linejoin:round;}\n",
" </style>\n",
" </defs>\n",
" <g id=\"figure_1\">\n",
" <g id=\"patch_1\">\n",
" <path d=\"M 0 55.034375 L 189.140625 55.034375 L 189.140625 0 L 0 0 z \" style=\"fill:#ffffff;\" />\n",
" </g>\n",
" <g id=\"axes_1\">\n",
" <g id=\"legend_1\">\n",
" <g id=\"patch_2\">\n",
" <path d=\"M 2 55.034375 L 187.140625 55.034375 Q 189.140625 55.034375 189.140625 53.034375 L 189.140625 2 Q 189.140625 -0 187.140625 -0 L 2 -0 Q -0 -0 -0 2 L -0 53.034375 Q -0 55.034375 2 55.034375 z \" style=\"fill:#ffffff;opacity:0.8;stroke:#444443;stroke-linejoin:miter;stroke-width:0.5;\" />\n",
" </g>\n",
" <g id=\"text_1\">\n",
" \n",
" <defs>\n",
" <path d=\"M 27.484375 70.21875 L 27.484375 54.6875 L 45.515625 54.6875 L 45.515625 42.1875 L 27.484375 42.1875 L 27.484375 19 Q 27.484375 15.1875 29 13.84375 Q 30.515625 12.5 35.015625 12.5 L 44 12.5 L 44 0 L 29 0 Q 18.65625 0 14.328125 4.3125 Q 10.015625 8.640625 10.015625 19 L 10.015625 42.1875 L 1.3125 42.1875 L 1.3125 54.6875 L 10.015625 54.6875 L 10.015625 70.21875 z \" id=\"DejaVuSans-Bold-116\" />\n",
" <path d=\"M 32.90625 24.609375 Q 27.4375 24.609375 24.671875 22.75 Q 21.921875 20.90625 21.921875 17.28125 Q 21.921875 13.96875 24.140625 12.078125 Q 26.375 10.203125 30.328125 10.203125 Q 35.25 10.203125 38.625 13.734375 Q 42 17.28125 42 22.609375 L 42 24.609375 z M 59.625 31.203125 L 59.625 0 L 42 0 L 42 8.109375 Q 38.484375 3.125 34.078125 0.84375 Q 29.6875 -1.421875 23.390625 -1.421875 Q 14.890625 -1.421875 9.59375 3.53125 Q 4.296875 8.5 4.296875 16.40625 Q 4.296875 26.03125 10.90625 30.515625 Q 17.53125 35.015625 31.6875 35.015625 L 42 35.015625 L 42 36.375 Q 42 40.53125 38.71875 42.453125 Q 35.453125 44.390625 28.515625 44.390625 Q 22.90625 44.390625 18.0625 43.265625 Q 13.234375 42.140625 9.078125 39.890625 L 9.078125 53.21875 Q 14.703125 54.59375 20.359375 55.296875 Q 26.03125 56 31.6875 56 Q 46.484375 56 53.046875 50.171875 Q 59.625 44.34375 59.625 31.203125 z \" id=\"DejaVuSans-Bold-97\" />\n",
" <path d=\"M 63.375 33.296875 L 63.375 0 L 45.796875 0 L 45.796875 5.421875 L 45.796875 25.484375 Q 45.796875 32.5625 45.484375 35.25 Q 45.171875 37.9375 44.390625 39.203125 Q 43.359375 40.921875 41.59375 41.875 Q 39.84375 42.828125 37.59375 42.828125 Q 32.125 42.828125 29 38.59375 Q 25.875 34.375 25.875 26.90625 L 25.875 0 L 8.40625 0 L 8.40625 54.6875 L 25.875 54.6875 L 25.875 46.6875 Q 29.828125 51.46875 34.265625 53.734375 Q 38.71875 56 44.09375 56 Q 53.5625 56 58.46875 50.1875 Q 63.375 44.390625 63.375 33.296875 z \" id=\"DejaVuSans-Bold-110\" />\n",
" <path d=\"M 45.609375 46.6875 L 45.609375 75.984375 L 63.1875 75.984375 L 63.1875 0 L 45.609375 0 L 45.609375 7.90625 Q 42 3.078125 37.640625 0.828125 Q 33.296875 -1.421875 27.59375 -1.421875 Q 17.484375 -1.421875 10.984375 6.609375 Q 4.5 14.65625 4.5 27.296875 Q 4.5 39.9375 10.984375 47.96875 Q 17.484375 56 27.59375 56 Q 33.25 56 37.625 53.734375 Q 42 51.46875 45.609375 46.6875 z M 34.078125 11.28125 Q 39.703125 11.28125 42.65625 15.375 Q 45.609375 19.484375 45.609375 27.296875 Q 45.609375 35.109375 42.65625 39.203125 Q 39.703125 43.3125 34.078125 43.3125 Q 28.515625 43.3125 25.5625 39.203125 Q 22.609375 35.109375 22.609375 27.296875 Q 22.609375 19.484375 25.5625 15.375 Q 28.515625 11.28125 34.078125 11.28125 z \" id=\"DejaVuSans-Bold-100\" />\n",
" <path d=\"M 62.984375 27.484375 L 62.984375 22.515625 L 22.125 22.515625 Q 22.75 16.359375 26.5625 13.28125 Q 30.375 10.203125 37.203125 10.203125 Q 42.71875 10.203125 48.5 11.84375 Q 54.296875 13.484375 60.40625 16.796875 L 60.40625 3.328125 Q 54.203125 0.984375 48 -0.21875 Q 41.796875 -1.421875 35.59375 -1.421875 Q 20.75 -1.421875 12.515625 6.125 Q 4.296875 13.671875 4.296875 27.296875 Q 4.296875 40.671875 12.375 48.328125 Q 20.453125 56 34.625 56 Q 47.515625 56 55.25 48.234375 Q 62.984375 40.484375 62.984375 27.484375 z M 45.015625 33.296875 Q 45.015625 38.28125 42.109375 41.328125 Q 39.203125 44.390625 34.515625 44.390625 Q 29.4375 44.390625 26.265625 41.53125 Q 23.09375 38.671875 22.3125 33.296875 z \" id=\"DejaVuSans-Bold-101\" />\n",
" <path d=\"M 59.078125 45.609375 Q 62.40625 50.6875 66.96875 53.34375 Q 71.53125 56 77 56 Q 86.421875 56 91.359375 50.1875 Q 96.296875 44.390625 96.296875 33.296875 L 96.296875 0 L 78.71875 0 L 78.71875 28.515625 Q 78.765625 29.15625 78.78125 29.828125 Q 78.8125 30.515625 78.8125 31.78125 Q 78.8125 37.59375 77.09375 40.203125 Q 75.390625 42.828125 71.578125 42.828125 Q 66.609375 42.828125 63.890625 38.71875 Q 61.1875 34.625 61.078125 26.859375 L 61.078125 0 L 43.5 0 L 43.5 28.515625 Q 43.5 37.59375 41.9375 40.203125 Q 40.375 42.828125 36.375 42.828125 Q 31.34375 42.828125 28.609375 38.703125 Q 25.875 34.578125 25.875 26.90625 L 25.875 0 L 8.296875 0 L 8.296875 54.6875 L 25.875 54.6875 L 25.875 46.6875 Q 29.109375 51.3125 33.28125 53.65625 Q 37.453125 56 42.484375 56 Q 48.140625 56 52.484375 53.265625 Q 56.84375 50.53125 59.078125 45.609375 z \" id=\"DejaVuSans-Bold-109\" />\n",
" <path d=\"M 5.421875 35.890625 L 36.078125 35.890625 L 36.078125 21.6875 L 5.421875 21.6875 z \" id=\"DejaVuSans-Bold-45\" />\n",
" <path d=\"M 49.03125 39.796875 Q 46.734375 40.875 44.453125 41.375 Q 42.1875 41.890625 39.890625 41.890625 Q 33.15625 41.890625 29.515625 37.5625 Q 25.875 33.25 25.875 25.203125 L 25.875 0 L 8.40625 0 L 8.40625 54.6875 L 25.875 54.6875 L 25.875 45.703125 Q 29.25 51.078125 33.609375 53.53125 Q 37.984375 56 44.09375 56 Q 44.96875 56 45.984375 55.921875 Q 47.015625 55.859375 48.96875 55.609375 z \" id=\"DejaVuSans-Bold-114\" />\n",
" <path d=\"M 25.875 7.90625 L 25.875 -20.796875 L 8.40625 -20.796875 L 8.40625 54.6875 L 25.875 54.6875 L 25.875 46.6875 Q 29.5 51.46875 33.890625 53.734375 Q 38.28125 56 44 56 Q 54.109375 56 60.59375 47.96875 Q 67.09375 39.9375 67.09375 27.296875 Q 67.09375 14.65625 60.59375 6.609375 Q 54.109375 -1.421875 44 -1.421875 Q 38.28125 -1.421875 33.890625 0.84375 Q 29.5 3.125 25.875 7.90625 z M 37.5 43.3125 Q 31.890625 43.3125 28.875 39.1875 Q 25.875 35.0625 25.875 27.296875 Q 25.875 19.53125 28.875 15.40625 Q 31.890625 11.28125 37.5 11.28125 Q 43.109375 11.28125 46.0625 15.375 Q 49.03125 19.484375 49.03125 27.296875 Q 49.03125 35.109375 46.0625 39.203125 Q 43.109375 43.3125 37.5 43.3125 z \" id=\"DejaVuSans-Bold-112\" />\n",
" <path id=\"DejaVuSans-Bold-32\" />\n",
" <path d=\"M 52.59375 52.984375 L 52.59375 38.71875 Q 49.03125 41.15625 45.4375 42.328125 Q 41.84375 43.5 37.984375 43.5 Q 30.671875 43.5 26.59375 39.234375 Q 22.515625 34.96875 22.515625 27.296875 Q 22.515625 19.625 26.59375 15.34375 Q 30.671875 11.078125 37.984375 11.078125 Q 42.09375 11.078125 45.78125 12.296875 Q 49.46875 13.53125 52.59375 15.921875 L 52.59375 1.609375 Q 48.484375 0.09375 44.265625 -0.65625 Q 40.046875 -1.421875 35.796875 -1.421875 Q 21 -1.421875 12.640625 6.171875 Q 4.296875 13.765625 4.296875 27.296875 Q 4.296875 40.828125 12.640625 48.40625 Q 21 56 35.796875 56 Q 40.09375 56 44.265625 55.25 Q 48.4375 54.5 52.59375 52.984375 z \" id=\"DejaVuSans-Bold-99\" />\n",
" <path d=\"M 8.40625 75.984375 L 25.875 75.984375 L 25.875 0 L 8.40625 0 z \" id=\"DejaVuSans-Bold-108\" />\n",
" <path d=\"M 51.125 52.984375 L 51.125 39.703125 Q 45.515625 42.046875 40.28125 43.21875 Q 35.0625 44.390625 30.421875 44.390625 Q 25.4375 44.390625 23.015625 43.140625 Q 20.609375 41.890625 20.609375 39.3125 Q 20.609375 37.203125 22.4375 36.078125 Q 24.265625 34.96875 29 34.421875 L 32.078125 33.984375 Q 45.515625 32.28125 50.140625 28.375 Q 54.78125 24.46875 54.78125 16.109375 Q 54.78125 7.375 48.328125 2.96875 Q 41.890625 -1.421875 29.109375 -1.421875 Q 23.6875 -1.421875 17.890625 -0.5625 Q 12.109375 0.296875 6 2 L 6 15.28125 Q 11.234375 12.75 16.71875 11.46875 Q 22.21875 10.203125 27.875 10.203125 Q 33.015625 10.203125 35.59375 11.609375 Q 38.1875 13.03125 38.1875 15.828125 Q 38.1875 18.171875 36.40625 19.3125 Q 34.625 20.453125 29.296875 21.09375 L 26.21875 21.484375 Q 14.546875 22.953125 9.859375 26.90625 Q 5.171875 30.859375 5.171875 38.921875 Q 5.171875 47.609375 11.125 51.796875 Q 17.09375 56 29.390625 56 Q 34.234375 56 39.546875 55.265625 Q 44.875 54.546875 51.125 52.984375 z \" id=\"DejaVuSans-Bold-115\" />\n",
" </defs>\n",
" <g style=\"fill:#444443;\" transform=\"translate(30.288281 15.598437)scale(0.1 -0.1)\">\n",
" <use xlink:href=\"#DejaVuSans-Bold-116\" />\n",
" <use x=\"47.802734\" xlink:href=\"#DejaVuSans-Bold-97\" />\n",
" <use x=\"115.283203\" xlink:href=\"#DejaVuSans-Bold-110\" />\n",
" <use x=\"186.474609\" xlink:href=\"#DejaVuSans-Bold-100\" />\n",
" <use x=\"258.056641\" xlink:href=\"#DejaVuSans-Bold-101\" />\n",
" <use x=\"325.878906\" xlink:href=\"#DejaVuSans-Bold-109\" />\n",
" <use x=\"430.078125\" xlink:href=\"#DejaVuSans-Bold-45\" />\n",
" <use x=\"471.582031\" xlink:href=\"#DejaVuSans-Bold-114\" />\n",
" <use x=\"520.898438\" xlink:href=\"#DejaVuSans-Bold-101\" />\n",
" <use x=\"588.720703\" xlink:href=\"#DejaVuSans-Bold-112\" />\n",
" <use x=\"660.302734\" xlink:href=\"#DejaVuSans-Bold-101\" />\n",
" <use x=\"728.125\" xlink:href=\"#DejaVuSans-Bold-97\" />\n",
" <use x=\"795.605469\" xlink:href=\"#DejaVuSans-Bold-116\" />\n",
" <use x=\"843.408203\" xlink:href=\"#DejaVuSans-Bold-32\" />\n",
" <use x=\"878.222656\" xlink:href=\"#DejaVuSans-Bold-99\" />\n",
" <use x=\"937.5\" xlink:href=\"#DejaVuSans-Bold-108\" />\n",
" <use x=\"971.777344\" xlink:href=\"#DejaVuSans-Bold-97\" />\n",
" <use x=\"1039.257812\" xlink:href=\"#DejaVuSans-Bold-115\" />\n",
" <use x=\"1098.779297\" xlink:href=\"#DejaVuSans-Bold-115\" />\n",
" <use x=\"1158.300781\" xlink:href=\"#DejaVuSans-Bold-101\" />\n",
" <use x=\"1226.123047\" xlink:href=\"#DejaVuSans-Bold-115\" />\n",
" </g>\n",
" </g>\n",
" <g id=\"patch_3\">\n",
" <path d=\"M 8 30.276562 L 28 30.276562 L 28 23.276562 L 8 23.276562 z \" style=\"fill:#fefebb;stroke:#444443;stroke-linejoin:miter;stroke-width:0.4;\" />\n",
" </g>\n",
" <g id=\"text_2\">\n",
" \n",
" <defs>\n",
" <path d=\"M 17.921875 72.90625 L 17.921875 45.796875 L 9.625 45.796875 L 9.625 72.90625 z M 36.375 72.90625 L 36.375 45.796875 L 28.078125 45.796875 L 28.078125 72.90625 z \" id=\"DejaVuSans-34\" />\n",
" <path d=\"M 45.40625 46.390625 L 45.40625 75.984375 L 54.390625 75.984375 L 54.390625 0 L 45.40625 0 L 45.40625 8.203125 Q 42.578125 3.328125 38.25 0.953125 Q 33.9375 -1.421875 27.875 -1.421875 Q 17.96875 -1.421875 11.734375 6.484375 Q 5.515625 14.40625 5.515625 27.296875 Q 5.515625 40.1875 11.734375 48.09375 Q 17.96875 56 27.875 56 Q 33.9375 56 38.25 53.625 Q 42.578125 51.265625 45.40625 46.390625 z M 14.796875 27.296875 Q 14.796875 17.390625 18.875 11.75 Q 22.953125 6.109375 30.078125 6.109375 Q 37.203125 6.109375 41.296875 11.75 Q 45.40625 17.390625 45.40625 27.296875 Q 45.40625 37.203125 41.296875 42.84375 Q 37.203125 48.484375 30.078125 48.484375 Q 22.953125 48.484375 18.875 42.84375 Q 14.796875 37.203125 14.796875 27.296875 z \" id=\"DejaVuSans-100\" />\n",
" <path d=\"M 30.609375 48.390625 Q 23.390625 48.390625 19.1875 42.75 Q 14.984375 37.109375 14.984375 27.296875 Q 14.984375 17.484375 19.15625 11.84375 Q 23.34375 6.203125 30.609375 6.203125 Q 37.796875 6.203125 41.984375 11.859375 Q 46.1875 17.53125 46.1875 27.296875 Q 46.1875 37.015625 41.984375 42.703125 Q 37.796875 48.390625 30.609375 48.390625 z M 30.609375 56 Q 42.328125 56 49.015625 48.375 Q 55.71875 40.765625 55.71875 27.296875 Q 55.71875 13.875 49.015625 6.21875 Q 42.328125 -1.421875 30.609375 -1.421875 Q 18.84375 -1.421875 12.171875 6.21875 Q 5.515625 13.875 5.515625 27.296875 Q 5.515625 40.765625 12.171875 48.375 Q 18.84375 56 30.609375 56 z \" id=\"DejaVuSans-111\" />\n",
" <path d=\"M 56.203125 29.59375 L 56.203125 25.203125 L 14.890625 25.203125 Q 15.484375 15.921875 20.484375 11.0625 Q 25.484375 6.203125 34.421875 6.203125 Q 39.59375 6.203125 44.453125 7.46875 Q 49.3125 8.734375 54.109375 11.28125 L 54.109375 2.78125 Q 49.265625 0.734375 44.1875 -0.34375 Q 39.109375 -1.421875 33.890625 -1.421875 Q 20.796875 -1.421875 13.15625 6.1875 Q 5.515625 13.8125 5.515625 26.8125 Q 5.515625 40.234375 12.765625 48.109375 Q 20.015625 56 32.328125 56 Q 43.359375 56 49.78125 48.890625 Q 56.203125 41.796875 56.203125 29.59375 z M 47.21875 32.234375 Q 47.125 39.59375 43.09375 43.984375 Q 39.0625 48.390625 32.421875 48.390625 Q 24.90625 48.390625 20.390625 44.140625 Q 15.875 39.890625 15.1875 32.171875 z \" id=\"DejaVuSans-101\" />\n",
" <path d=\"M 44.28125 53.078125 L 44.28125 44.578125 Q 40.484375 46.53125 36.375 47.5 Q 32.28125 48.484375 27.875 48.484375 Q 21.1875 48.484375 17.84375 46.4375 Q 14.5 44.390625 14.5 40.28125 Q 14.5 37.15625 16.890625 35.375 Q 19.28125 33.59375 26.515625 31.984375 L 29.59375 31.296875 Q 39.15625 29.25 43.1875 25.515625 Q 47.21875 21.78125 47.21875 15.09375 Q 47.21875 7.46875 41.1875 3.015625 Q 35.15625 -1.421875 24.609375 -1.421875 Q 20.21875 -1.421875 15.453125 -0.5625 Q 10.6875 0.296875 5.421875 2 L 5.421875 11.28125 Q 10.40625 8.6875 15.234375 7.390625 Q 20.0625 6.109375 24.8125 6.109375 Q 31.15625 6.109375 34.5625 8.28125 Q 37.984375 10.453125 37.984375 14.40625 Q 37.984375 18.0625 35.515625 20.015625 Q 33.0625 21.96875 24.703125 23.78125 L 21.578125 24.515625 Q 13.234375 26.265625 9.515625 29.90625 Q 5.8125 33.546875 5.8125 39.890625 Q 5.8125 47.609375 11.28125 51.796875 Q 16.75 56 26.8125 56 Q 31.78125 56 36.171875 55.265625 Q 40.578125 54.546875 44.28125 53.078125 z \" id=\"DejaVuSans-115\" />\n",
" <path id=\"DejaVuSans-32\" />\n",
" <path d=\"M 54.890625 33.015625 L 54.890625 0 L 45.90625 0 L 45.90625 32.71875 Q 45.90625 40.484375 42.875 44.328125 Q 39.84375 48.1875 33.796875 48.1875 Q 26.515625 48.1875 22.3125 43.546875 Q 18.109375 38.921875 18.109375 30.90625 L 18.109375 0 L 9.078125 0 L 9.078125 54.6875 L 18.109375 54.6875 L 18.109375 46.1875 Q 21.34375 51.125 25.703125 53.5625 Q 30.078125 56 35.796875 56 Q 45.21875 56 50.046875 50.171875 Q 54.890625 44.34375 54.890625 33.015625 z \" id=\"DejaVuSans-110\" />\n",
" <path d=\"M 18.3125 70.21875 L 18.3125 54.6875 L 36.8125 54.6875 L 36.8125 47.703125 L 18.3125 47.703125 L 18.3125 18.015625 Q 18.3125 11.328125 20.140625 9.421875 Q 21.96875 7.515625 27.59375 7.515625 L 36.8125 7.515625 L 36.8125 0 L 27.59375 0 Q 17.1875 0 13.234375 3.875 Q 9.28125 7.765625 9.28125 18.015625 L 9.28125 47.703125 L 2.6875 47.703125 L 2.6875 54.6875 L 9.28125 54.6875 L 9.28125 70.21875 z \" id=\"DejaVuSans-116\" />\n",
" <path d=\"M 48.78125 52.59375 L 48.78125 44.1875 Q 44.96875 46.296875 41.140625 47.34375 Q 37.3125 48.390625 33.40625 48.390625 Q 24.65625 48.390625 19.8125 42.84375 Q 14.984375 37.3125 14.984375 27.296875 Q 14.984375 17.28125 19.8125 11.734375 Q 24.65625 6.203125 33.40625 6.203125 Q 37.3125 6.203125 41.140625 7.25 Q 44.96875 8.296875 48.78125 10.40625 L 48.78125 2.09375 Q 45.015625 0.34375 40.984375 -0.53125 Q 36.96875 -1.421875 32.421875 -1.421875 Q 20.0625 -1.421875 12.78125 6.34375 Q 5.515625 14.109375 5.515625 27.296875 Q 5.515625 40.671875 12.859375 48.328125 Q 20.21875 56 33.015625 56 Q 37.15625 56 41.109375 55.140625 Q 45.0625 54.296875 48.78125 52.59375 z \" id=\"DejaVuSans-99\" />\n",
" <path d=\"M 34.28125 27.484375 Q 23.390625 27.484375 19.1875 25 Q 14.984375 22.515625 14.984375 16.5 Q 14.984375 11.71875 18.140625 8.90625 Q 21.296875 6.109375 26.703125 6.109375 Q 34.1875 6.109375 38.703125 11.40625 Q 43.21875 16.703125 43.21875 25.484375 L 43.21875 27.484375 z M 52.203125 31.203125 L 52.203125 0 L 43.21875 0 L 43.21875 8.296875 Q 40.140625 3.328125 35.546875 0.953125 Q 30.953125 -1.421875 24.3125 -1.421875 Q 15.921875 -1.421875 10.953125 3.296875 Q 6 8.015625 6 15.921875 Q 6 25.140625 12.171875 29.828125 Q 18.359375 34.515625 30.609375 34.515625 L 43.21875 34.515625 L 43.21875 35.40625 Q 43.21875 41.609375 39.140625 45 Q 35.0625 48.390625 27.6875 48.390625 Q 23 48.390625 18.546875 47.265625 Q 14.109375 46.140625 10.015625 43.890625 L 10.015625 52.203125 Q 14.9375 54.109375 19.578125 55.046875 Q 24.21875 56 28.609375 56 Q 40.484375 56 46.34375 49.84375 Q 52.203125 43.703125 52.203125 31.203125 z \" id=\"DejaVuSans-97\" />\n",
" <path d=\"M 9.421875 54.6875 L 18.40625 54.6875 L 18.40625 0 L 9.421875 0 z M 9.421875 75.984375 L 18.40625 75.984375 L 18.40625 64.59375 L 9.421875 64.59375 z \" id=\"DejaVuSans-105\" />\n",
" <path d=\"M 18.109375 8.203125 L 18.109375 -20.796875 L 9.078125 -20.796875 L 9.078125 54.6875 L 18.109375 54.6875 L 18.109375 46.390625 Q 20.953125 51.265625 25.265625 53.625 Q 29.59375 56 35.59375 56 Q 45.5625 56 51.78125 48.09375 Q 58.015625 40.1875 58.015625 27.296875 Q 58.015625 14.40625 51.78125 6.484375 Q 45.5625 -1.421875 35.59375 -1.421875 Q 29.59375 -1.421875 25.265625 0.953125 Q 20.953125 3.328125 18.109375 8.203125 z M 48.6875 27.296875 Q 48.6875 37.203125 44.609375 42.84375 Q 40.53125 48.484375 33.40625 48.484375 Q 26.265625 48.484375 22.1875 42.84375 Q 18.109375 37.203125 18.109375 27.296875 Q 18.109375 17.390625 22.1875 11.75 Q 26.265625 6.109375 33.40625 6.109375 Q 40.53125 6.109375 44.609375 11.75 Q 48.6875 17.390625 48.6875 27.296875 z \" id=\"DejaVuSans-112\" />\n",
" <path d=\"M 48.6875 27.296875 Q 48.6875 37.203125 44.609375 42.84375 Q 40.53125 48.484375 33.40625 48.484375 Q 26.265625 48.484375 22.1875 42.84375 Q 18.109375 37.203125 18.109375 27.296875 Q 18.109375 17.390625 22.1875 11.75 Q 26.265625 6.109375 33.40625 6.109375 Q 40.53125 6.109375 44.609375 11.75 Q 48.6875 17.390625 48.6875 27.296875 z M 18.109375 46.390625 Q 20.953125 51.265625 25.265625 53.625 Q 29.59375 56 35.59375 56 Q 45.5625 56 51.78125 48.09375 Q 58.015625 40.1875 58.015625 27.296875 Q 58.015625 14.40625 51.78125 6.484375 Q 45.5625 -1.421875 35.59375 -1.421875 Q 29.59375 -1.421875 25.265625 0.953125 Q 20.953125 3.328125 18.109375 8.203125 L 18.109375 0 L 9.078125 0 L 9.078125 75.984375 L 18.109375 75.984375 z \" id=\"DejaVuSans-98\" />\n",
" <path d=\"M 9.421875 75.984375 L 18.40625 75.984375 L 18.40625 0 L 9.421875 0 z \" id=\"DejaVuSans-108\" />\n",
" </defs>\n",
" <g style=\"fill:#444443;\" transform=\"translate(31.5 30.276562)scale(0.1 -0.1)\">\n",
" <use xlink:href=\"#DejaVuSans-34\" />\n",
" <use x=\"45.996094\" xlink:href=\"#DejaVuSans-100\" />\n",
" <use x=\"109.472656\" xlink:href=\"#DejaVuSans-111\" />\n",
" <use x=\"170.654297\" xlink:href=\"#DejaVuSans-101\" />\n",
" <use x=\"232.177734\" xlink:href=\"#DejaVuSans-115\" />\n",
" <use x=\"284.277344\" xlink:href=\"#DejaVuSans-32\" />\n",
" <use x=\"316.064453\" xlink:href=\"#DejaVuSans-110\" />\n",
" <use x=\"379.443359\" xlink:href=\"#DejaVuSans-111\" />\n",
" <use x=\"440.625\" xlink:href=\"#DejaVuSans-116\" />\n",
" <use x=\"479.833984\" xlink:href=\"#DejaVuSans-32\" />\n",
" <use x=\"511.621094\" xlink:href=\"#DejaVuSans-99\" />\n",
" <use x=\"566.601562\" xlink:href=\"#DejaVuSans-111\" />\n",
" <use x=\"627.783203\" xlink:href=\"#DejaVuSans-110\" />\n",
" <use x=\"691.162109\" xlink:href=\"#DejaVuSans-116\" />\n",
" <use x=\"730.371094\" xlink:href=\"#DejaVuSans-97\" />\n",
" <use x=\"791.650391\" xlink:href=\"#DejaVuSans-105\" />\n",
" <use x=\"819.433594\" xlink:href=\"#DejaVuSans-110\" />\n",
" <use x=\"882.8125\" xlink:href=\"#DejaVuSans-32\" />\n",
" <use x=\"914.599609\" xlink:href=\"#DejaVuSans-112\" />\n",
" <use x=\"978.076172\" xlink:href=\"#DejaVuSans-97\" />\n",
" <use x=\"1039.355469\" xlink:href=\"#DejaVuSans-99\" />\n",
" <use x=\"1094.335938\" xlink:href=\"#DejaVuSans-98\" />\n",
" <use x=\"1157.8125\" xlink:href=\"#DejaVuSans-105\" />\n",
" <use x=\"1185.595703\" xlink:href=\"#DejaVuSans-111\" />\n",
" <use x=\"1246.777344\" xlink:href=\"#DejaVuSans-32\" />\n",
" <use x=\"1278.564453\" xlink:href=\"#DejaVuSans-99\" />\n",
" <use x=\"1333.544922\" xlink:href=\"#DejaVuSans-97\" />\n",
" <use x=\"1394.824219\" xlink:href=\"#DejaVuSans-108\" />\n",
" <use x=\"1422.607422\" xlink:href=\"#DejaVuSans-108\" />\n",
" <use x=\"1450.390625\" xlink:href=\"#DejaVuSans-34\" />\n",
" </g>\n",
" </g>\n",
" <g id=\"patch_4\">\n",
" <path d=\"M 8 44.954687 L 28 44.954687 L 28 37.954687 L 8 37.954687 z \" style=\"fill:#a1dab4;stroke:#444443;stroke-linejoin:miter;stroke-width:0.4;\" />\n",
" </g>\n",
" <g id=\"text_3\">\n",
" \n",
" <g style=\"fill:#444443;\" transform=\"translate(31.5 44.954687)scale(0.1 -0.1)\">\n",
" <use xlink:href=\"#DejaVuSans-34\" />\n",
" <use x=\"45.996094\" xlink:href=\"#DejaVuSans-99\" />\n",
" <use x=\"100.976562\" xlink:href=\"#DejaVuSans-111\" />\n",
" <use x=\"162.158203\" xlink:href=\"#DejaVuSans-110\" />\n",
" <use x=\"225.537109\" xlink:href=\"#DejaVuSans-116\" />\n",
" <use x=\"264.746094\" xlink:href=\"#DejaVuSans-97\" />\n",
" <use x=\"326.025391\" xlink:href=\"#DejaVuSans-105\" />\n",
" <use x=\"353.808594\" xlink:href=\"#DejaVuSans-110\" />\n",
" <use x=\"417.1875\" xlink:href=\"#DejaVuSans-115\" />\n",
" <use x=\"469.287109\" xlink:href=\"#DejaVuSans-32\" />\n",
" <use x=\"501.074219\" xlink:href=\"#DejaVuSans-112\" />\n",
" <use x=\"564.550781\" xlink:href=\"#DejaVuSans-97\" />\n",
" <use x=\"625.830078\" xlink:href=\"#DejaVuSans-99\" />\n",
" <use x=\"680.810547\" xlink:href=\"#DejaVuSans-98\" />\n",
" <use x=\"744.287109\" xlink:href=\"#DejaVuSans-105\" />\n",
" <use x=\"772.070312\" xlink:href=\"#DejaVuSans-111\" />\n",
" <use x=\"833.251953\" xlink:href=\"#DejaVuSans-32\" />\n",
" <use x=\"865.039062\" xlink:href=\"#DejaVuSans-99\" />\n",
" <use x=\"920.019531\" xlink:href=\"#DejaVuSans-97\" />\n",
" <use x=\"981.298828\" xlink:href=\"#DejaVuSans-108\" />\n",
" <use x=\"1009.082031\" xlink:href=\"#DejaVuSans-108\" />\n",
" <use x=\"1036.865234\" xlink:href=\"#DejaVuSans-34\" />\n",
" </g>\n",
" </g>\n",
" </g>\n",
" </g>\n",
" </g>\n",
"</svg></g>\n",
"</g>\n",
"</svg>"
],
"text/plain": [
"<dtreeviz.trees.DTreeViz at 0x2ba23545e550>"
]
},
"execution_count": 4,
"metadata": {},
"output_type": "execute_result"
}
],
"source": [
"decision_tree_visualization_"
]
},
{
"cell_type": "markdown",
"metadata": {},
"source": [
"Looking at the tree's first branch point, which gives the classifier most of its discriminative power, we see that the fact that the classifier has very few false negatives supports the hypothesis that a tandem repeat can only harbor a 100bp deletion if the tandem repeat is at least 100bp long."
]
},
{
"cell_type": "markdown",
"metadata": {},
"source": [
"## No obvious way to reduce false-positive rate of decision tree classifier \n",
"\n",
"We visually inspected some of the false-positive calls that the classifier made, but failed to spot a way to reduce their number..."
]
},
{
"cell_type": "code",
"execution_count": 5,
"metadata": {
"scrolled": true
},
"outputs": [
{
"data": {
"text/html": [
"<div>\n",
"<style scoped>\n",
" .dataframe tbody tr th:only-of-type {\n",
" vertical-align: middle;\n",
" }\n",
"\n",
" .dataframe tbody tr th {\n",
" vertical-align: top;\n",
" }\n",
"\n",
" .dataframe thead th {\n",
" text-align: right;\n",
" }\n",
"</style>\n",
"<table border=\"1\" class=\"dataframe\">\n",
" <thead>\n",
" <tr style=\"text-align: right;\">\n",
" <th></th>\n",
" <th>chromosome</th>\n",
" <th>start</th>\n",
" <th>end</th>\n",
" <th>start_normalized</th>\n",
" <th>length</th>\n",
" <th>simple_repeat_tag_name</th>\n",
" <th>period</th>\n",
" <th>copy_number</th>\n",
" <th>percentage_match</th>\n",
" <th>percentage_indel</th>\n",
" <th>...</th>\n",
" <th>percent_T_in_repeat_unit</th>\n",
" <th>entropy</th>\n",
" <th>repeat_unit</th>\n",
" <th>log10_period</th>\n",
" <th>log10_length</th>\n",
" <th>log10_copy_number</th>\n",
" <th>locus</th>\n",
" <th>IGV</th>\n",
" <th>observation</th>\n",
" <th>AI_prediction</th>\n",
" </tr>\n",
" </thead>\n",
" <tbody>\n",
" <tr>\n",
" <th>7</th>\n",
" <td>chr1</td>\n",
" <td>66159</td>\n",
" <td>66629</td>\n",
" <td>0.000266</td>\n",
" <td>470</td>\n",
" <td>trf</td>\n",
" <td>7</td>\n",
" <td>68.1</td>\n",
" <td>72</td>\n",
" <td>18</td>\n",
" <td>...</td>\n",
" <td>49</td>\n",
" <td>1.08</td>\n",
" <td>TTATATA</td>\n",
" <td>0.845098</td>\n",
" <td>2.672098</td>\n",
" <td>1.833147</td>\n",
" <td>chr1:66159-66629</td>\n",
" <td>&lt;a target=\"_blank\" href=\"http://0.0.0.0:5000/?...</td>\n",
" <td>0</td>\n",
" <td>1</td>\n",
" </tr>\n",
" <tr>\n",
" <th>8</th>\n",
" <td>chr1</td>\n",
" <td>66160</td>\n",
" <td>66630</td>\n",
" <td>0.000266</td>\n",
" <td>470</td>\n",
" <td>trf</td>\n",
" <td>2</td>\n",
" <td>262.0</td>\n",
" <td>71</td>\n",
" <td>21</td>\n",
" <td>...</td>\n",
" <td>49</td>\n",
" <td>1.08</td>\n",
" <td>TA</td>\n",
" <td>0.301030</td>\n",
" <td>2.672098</td>\n",
" <td>2.418301</td>\n",
" <td>chr1:66160-66630</td>\n",
" <td>&lt;a target=\"_blank\" href=\"http://0.0.0.0:5000/?...</td>\n",
" <td>0</td>\n",
" <td>1</td>\n",
" </tr>\n",
" <tr>\n",
" <th>9</th>\n",
" <td>chr1</td>\n",
" <td>66204</td>\n",
" <td>66632</td>\n",
" <td>0.000266</td>\n",
" <td>428</td>\n",
" <td>trf</td>\n",
" <td>5</td>\n",
" <td>87.4</td>\n",
" <td>73</td>\n",
" <td>16</td>\n",
" <td>...</td>\n",
" <td>48</td>\n",
" <td>1.06</td>\n",
" <td>ATATA</td>\n",
" <td>0.698970</td>\n",
" <td>2.631444</td>\n",
" <td>1.941511</td>\n",
" <td>chr1:66204-66632</td>\n",
" <td>&lt;a target=\"_blank\" href=\"http://0.0.0.0:5000/?...</td>\n",
" <td>0</td>\n",
" <td>1</td>\n",
" </tr>\n",
" <tr>\n",
" <th>14</th>\n",
" <td>chr1</td>\n",
" <td>83791</td>\n",
" <td>84041</td>\n",
" <td>0.000337</td>\n",
" <td>250</td>\n",
" <td>trf</td>\n",
" <td>4</td>\n",
" <td>64.8</td>\n",
" <td>86</td>\n",
" <td>11</td>\n",
" <td>...</td>\n",
" <td>0</td>\n",
" <td>0.86</td>\n",
" <td>AAAG</td>\n",
" <td>0.602060</td>\n",
" <td>2.397940</td>\n",
" <td>1.811575</td>\n",
" <td>chr1:83791-84041</td>\n",
" <td>&lt;a target=\"_blank\" href=\"http://0.0.0.0:5000/?...</td>\n",
" <td>0</td>\n",
" <td>1</td>\n",
" </tr>\n",
" <tr>\n",
" <th>15</th>\n",
" <td>chr1</td>\n",
" <td>88674</td>\n",
" <td>88962</td>\n",
" <td>0.000356</td>\n",
" <td>288</td>\n",
" <td>trf</td>\n",
" <td>71</td>\n",
" <td>4.0</td>\n",
" <td>90</td>\n",
" <td>1</td>\n",
" <td>...</td>\n",
" <td>18</td>\n",
" <td>1.83</td>\n",
" <td>ACCCAGAGTGCTCGTGACGGCCAGCAGAGCCGGCCCCCATCTCCTC...</td>\n",
" <td>1.851258</td>\n",
" <td>2.459392</td>\n",
" <td>0.602060</td>\n",
" <td>chr1:88674-88962</td>\n",
" <td>&lt;a target=\"_blank\" href=\"http://0.0.0.0:5000/?...</td>\n",
" <td>0</td>\n",
" <td>1</td>\n",
" </tr>\n",
" <tr>\n",
" <th>...</th>\n",
" <td>...</td>\n",
" <td>...</td>\n",
" <td>...</td>\n",
" <td>...</td>\n",
" <td>...</td>\n",
" <td>...</td>\n",
" <td>...</td>\n",
" <td>...</td>\n",
" <td>...</td>\n",
" <td>...</td>\n",
" <td>...</td>\n",
" <td>...</td>\n",
" <td>...</td>\n",
" <td>...</td>\n",
" <td>...</td>\n",
" <td>...</td>\n",
" <td>...</td>\n",
" <td>...</td>\n",
" <td>...</td>\n",
" <td>...</td>\n",
" <td>...</td>\n",
" </tr>\n",
" <tr>\n",
" <th>879927</th>\n",
" <td>chrX</td>\n",
" <td>155469086</td>\n",
" <td>155469341</td>\n",
" <td>0.996336</td>\n",
" <td>255</td>\n",
" <td>trf</td>\n",
" <td>50</td>\n",
" <td>5.0</td>\n",
" <td>76</td>\n",
" <td>16</td>\n",
" <td>...</td>\n",
" <td>47</td>\n",
" <td>1.59</td>\n",
" <td>ATATATGTATTTATAGTTATATAACTAACATATATGTATTTATAGTTAC</td>\n",
" <td>1.698970</td>\n",
" <td>2.406540</td>\n",
" <td>0.698970</td>\n",
" <td>chrX:155469086-155469341</td>\n",
" <td>&lt;a target=\"_blank\" href=\"http://0.0.0.0:5000/?...</td>\n",
" <td>0</td>\n",
" <td>1</td>\n",
" </tr>\n",
" <tr>\n",
" <th>879929</th>\n",
" <td>chrX</td>\n",
" <td>155471171</td>\n",
" <td>155471306</td>\n",
" <td>0.996349</td>\n",
" <td>135</td>\n",
" <td>trf</td>\n",
" <td>37</td>\n",
" <td>4.0</td>\n",
" <td>80</td>\n",
" <td>12</td>\n",
" <td>...</td>\n",
" <td>45</td>\n",
" <td>1.50</td>\n",
" <td>ATTTATATAAATACTATATATAATATACATGT</td>\n",
" <td>1.568202</td>\n",
" <td>2.130334</td>\n",
" <td>0.602060</td>\n",
" <td>chrX:155471171-155471306</td>\n",
" <td>&lt;a target=\"_blank\" href=\"http://0.0.0.0:5000/?...</td>\n",
" <td>0</td>\n",
" <td>1</td>\n",
" </tr>\n",
" <tr>\n",
" <th>879956</th>\n",
" <td>chrX</td>\n",
" <td>155620120</td>\n",
" <td>155620316</td>\n",
" <td>0.997303</td>\n",
" <td>196</td>\n",
" <td>trf</td>\n",
" <td>82</td>\n",
" <td>2.4</td>\n",
" <td>100</td>\n",
" <td>0</td>\n",
" <td>...</td>\n",
" <td>36</td>\n",
" <td>1.79</td>\n",
" <td>TTAGCAGATTCTTATAAAGTTAAACACACTTTATAAGATTCTTAGT...</td>\n",
" <td>1.913814</td>\n",
" <td>2.292256</td>\n",
" <td>0.380211</td>\n",
" <td>chrX:155620120-155620316</td>\n",
" <td>&lt;a target=\"_blank\" href=\"http://0.0.0.0:5000/?...</td>\n",
" <td>0</td>\n",
" <td>1</td>\n",
" </tr>\n",
" <tr>\n",
" <th>879957</th>\n",
" <td>chrX</td>\n",
" <td>155620137</td>\n",
" <td>155620316</td>\n",
" <td>0.997304</td>\n",
" <td>179</td>\n",
" <td>trf</td>\n",
" <td>26</td>\n",
" <td>6.6</td>\n",
" <td>88</td>\n",
" <td>7</td>\n",
" <td>...</td>\n",
" <td>36</td>\n",
" <td>1.79</td>\n",
" <td>AGTTAAACACACTTTATAAGATTCTT</td>\n",
" <td>1.414973</td>\n",
" <td>2.252853</td>\n",
" <td>0.819544</td>\n",
" <td>chrX:155620137-155620316</td>\n",
" <td>&lt;a target=\"_blank\" href=\"http://0.0.0.0:5000/?...</td>\n",
" <td>0</td>\n",
" <td>1</td>\n",
" </tr>\n",
" <tr>\n",
" <th>879958</th>\n",
" <td>chrX</td>\n",
" <td>155620137</td>\n",
" <td>155620316</td>\n",
" <td>0.997304</td>\n",
" <td>179</td>\n",
" <td>trf</td>\n",
" <td>56</td>\n",
" <td>3.3</td>\n",
" <td>86</td>\n",
" <td>9</td>\n",
" <td>...</td>\n",
" <td>36</td>\n",
" <td>1.79</td>\n",
" <td>AGTTAAACACACTTTATAAGATTCTTAGTTAAACACACTTTATAAG...</td>\n",
" <td>1.748188</td>\n",
" <td>2.252853</td>\n",
" <td>0.518514</td>\n",
" <td>chrX:155620137-155620316</td>\n",
" <td>&lt;a target=\"_blank\" href=\"http://0.0.0.0:5000/?...</td>\n",
" <td>0</td>\n",
" <td>1</td>\n",
" </tr>\n",
" </tbody>\n",
"</table>\n",
"<p>112187 rows × 23 columns</p>\n",
"</div>"
],
"text/plain": [
" chromosome start end start_normalized length \\\n",
"7 chr1 66159 66629 0.000266 470 \n",
"8 chr1 66160 66630 0.000266 470 \n",
"9 chr1 66204 66632 0.000266 428 \n",
"14 chr1 83791 84041 0.000337 250 \n",
"15 chr1 88674 88962 0.000356 288 \n",
"... ... ... ... ... ... \n",
"879927 chrX 155469086 155469341 0.996336 255 \n",
"879929 chrX 155471171 155471306 0.996349 135 \n",
"879956 chrX 155620120 155620316 0.997303 196 \n",
"879957 chrX 155620137 155620316 0.997304 179 \n",
"879958 chrX 155620137 155620316 0.997304 179 \n",
"\n",
" simple_repeat_tag_name period copy_number percentage_match \\\n",
"7 trf 7 68.1 72 \n",
"8 trf 2 262.0 71 \n",
"9 trf 5 87.4 73 \n",
"14 trf 4 64.8 86 \n",
"15 trf 71 4.0 90 \n",
"... ... ... ... ... \n",
"879927 trf 50 5.0 76 \n",
"879929 trf 37 4.0 80 \n",
"879956 trf 82 2.4 100 \n",
"879957 trf 26 6.6 88 \n",
"879958 trf 56 3.3 86 \n",
"\n",
" percentage_indel ... percent_T_in_repeat_unit entropy \\\n",
"7 18 ... 49 1.08 \n",
"8 21 ... 49 1.08 \n",
"9 16 ... 48 1.06 \n",
"14 11 ... 0 0.86 \n",
"15 1 ... 18 1.83 \n",
"... ... ... ... ... \n",
"879927 16 ... 47 1.59 \n",
"879929 12 ... 45 1.50 \n",
"879956 0 ... 36 1.79 \n",
"879957 7 ... 36 1.79 \n",
"879958 9 ... 36 1.79 \n",
"\n",
" repeat_unit log10_period \\\n",
"7 TTATATA 0.845098 \n",
"8 TA 0.301030 \n",
"9 ATATA 0.698970 \n",
"14 AAAG 0.602060 \n",
"15 ACCCAGAGTGCTCGTGACGGCCAGCAGAGCCGGCCCCCATCTCCTC... 1.851258 \n",
"... ... ... \n",
"879927 ATATATGTATTTATAGTTATATAACTAACATATATGTATTTATAGTTAC 1.698970 \n",
"879929 ATTTATATAAATACTATATATAATATACATGT 1.568202 \n",
"879956 TTAGCAGATTCTTATAAAGTTAAACACACTTTATAAGATTCTTAGT... 1.913814 \n",
"879957 AGTTAAACACACTTTATAAGATTCTT 1.414973 \n",
"879958 AGTTAAACACACTTTATAAGATTCTTAGTTAAACACACTTTATAAG... 1.748188 \n",
"\n",
" log10_length log10_copy_number locus \\\n",
"7 2.672098 1.833147 chr1:66159-66629 \n",
"8 2.672098 2.418301 chr1:66160-66630 \n",
"9 2.631444 1.941511 chr1:66204-66632 \n",
"14 2.397940 1.811575 chr1:83791-84041 \n",
"15 2.459392 0.602060 chr1:88674-88962 \n",
"... ... ... ... \n",
"879927 2.406540 0.698970 chrX:155469086-155469341 \n",
"879929 2.130334 0.602060 chrX:155471171-155471306 \n",
"879956 2.292256 0.380211 chrX:155620120-155620316 \n",
"879957 2.252853 0.819544 chrX:155620137-155620316 \n",
"879958 2.252853 0.518514 chrX:155620137-155620316 \n",
"\n",
" IGV observation \\\n",
"7 <a target=\"_blank\" href=\"http://0.0.0.0:5000/?... 0 \n",
"8 <a target=\"_blank\" href=\"http://0.0.0.0:5000/?... 0 \n",
"9 <a target=\"_blank\" href=\"http://0.0.0.0:5000/?... 0 \n",
"14 <a target=\"_blank\" href=\"http://0.0.0.0:5000/?... 0 \n",
"15 <a target=\"_blank\" href=\"http://0.0.0.0:5000/?... 0 \n",
"... ... ... \n",
"879927 <a target=\"_blank\" href=\"http://0.0.0.0:5000/?... 0 \n",
"879929 <a target=\"_blank\" href=\"http://0.0.0.0:5000/?... 0 \n",
"879956 <a target=\"_blank\" href=\"http://0.0.0.0:5000/?... 0 \n",
"879957 <a target=\"_blank\" href=\"http://0.0.0.0:5000/?... 0 \n",
"879958 <a target=\"_blank\" href=\"http://0.0.0.0:5000/?... 0 \n",
"\n",
" AI_prediction \n",
"7 1 \n",
"8 1 \n",
"9 1 \n",
"14 1 \n",
"15 1 \n",
"... ... \n",
"879927 1 \n",
"879929 1 \n",
"879956 1 \n",
"879957 1 \n",
"879958 1 \n",
"\n",
"[112187 rows x 23 columns]"
]
},
"execution_count": 5,
"metadata": {},
"output_type": "execute_result"
}
],
"source": [
"def prettify_core(df): \n",
" print('number of records:', len(df))\n",
" return qgrid.show_grid(\n",
" df, \n",
" show_toolbar=True,\n",
" grid_options={'forceFitColumns': False, 'defaultColumnWidth': 175}\n",
" )\n",
" \n",
"def prettify(df, include_heuristic_prediction=False): \n",
" labels = ['locus', 'IGV', 'length', 'period', 'copy_number', 'entropy', 'observation', 'AI_prediction'] \n",
" if include_heuristic_prediction: \n",
" labels += ['heuristic_prediction']\n",
" df = df[labels] \n",
" return prettify_core(df)\n",
" \n",
"def false_positives(df, model): \n",
" prediction_label = model + '_prediction'\n",
" predicted_to_contain_call_ = df[prediction_label] == 1\n",
" does_not_contain_call_ = df['observation'] == 0\n",
" return df[predicted_to_contain_call_ & does_not_contain_call_]\n",
"\n",
"# prettify(false_positives(df_, 'AI')) \n",
"false_positives(df_, 'AI')"
]
},
{
"cell_type": "markdown",
"metadata": {},
"source": [
"## Heuristic model has a lower false-positive rate, but higher false-negative rate\n",
"\n",
"We next considered a simple heuristic motivated by the hypothesis that deletions of 100bp arise from a tandem repeat by: (i) deletion of a single repeat unit of size (period) 100bp; (ii) deletion of two repeat units, each of size 50bp; (iii) deletion of three repeat units, each of size 33bp; etc. \n",
"\n",
"Given that this heuristic model is more \"stringent\" in what it predicts than the trained model (which essentially only asks that the tandem repeat length exceed 100bp), we reasoned that it would have a lower false-positive rate. \n",
"\n",
"That supposition turns out to be true. The trade-off, however, is that the heuristic model has a higher false-negative rate than the original trained model: \n"
]
},
{
"cell_type": "code",
"execution_count": 6,
"metadata": {},
"outputs": [],
"source": [
"# heuristic-model parameters\n",
"sv_len_lower = absolute_SV_length_lower\n",
"sv_len_upper = absolute_SV_length_upper \n",
"slop_in_target_period = 0.05 "
]
},
{
"cell_type": "code",
"execution_count": 7,
"metadata": {},
"outputs": [
{
"name": "stdout",
"output_type": "stream",
"text": [
"***** performance of heuristic ******\n",
"\n",
"(tn, fp, fn, tp) = (800346, 79633, 114, 116)\n",
"\n",
"size of original set: 880209\n",
"number of positives in original set: 230\n",
"fraction of positives in original set: 0.0002613\n",
"\n",
"size of reduced set: 79749\n",
"number of positives in reduced set: 116\n",
"fraction of positives in reduced set: 0.001455\n",
"\n",
"***** performance of AI ******\n",
"\n",
"(tn, fp, fn, tp) = (767792, 112187, 3, 227)\n",
"\n",
"size of original set: 880209\n",
"number of positives in original set: 230\n",
"fraction of positives in original set: 0.0002613\n",
"\n",
"size of reduced set: 112414\n",
"number of positives in reduced set: 227\n",
"fraction of positives in reduced set: 0.002019\n",
"\n"
]
}
],
"source": [
"def heuristic_predict_core(period, number_deleted_repeat_units):\n",
" target_period_min = sv_len_lower/float(number_deleted_repeat_units)\n",
" target_period_min = target_period_min * (1.0 - slop_in_target_period)\n",
" target_period_max = sv_len_upper/float(number_deleted_repeat_units)\n",
" target_period_max = target_period_max * (1.0 + slop_in_target_period)\n",
" if period > target_period_min and period < target_period_max:\n",
" return True\n",
" return False\n",
"\n",
"def heuristic_predict(period):\n",
" if heuristic_predict_core(period, number_deleted_repeat_units=1):\n",
" return 1\n",
" if heuristic_predict_core(period, number_deleted_repeat_units=2):\n",
" return 1\n",
" if heuristic_predict_core(period, number_deleted_repeat_units=3):\n",
" return 1\n",
" if heuristic_predict_core(period, number_deleted_repeat_units=4):\n",
" return 1\n",
" return 0\n",
"\n",
"def update_dataframe_with_heuristic_predictions(df): \n",
" df['heuristic_prediction'] = df['period'].map(heuristic_predict)\n",
" return df \n",
"\n",
"df_ = update_dataframe_with_heuristic_predictions(df_)\n",
"\n",
"def performance(df, model): \n",
" print('***** performance of {} ******'.format(model))\n",
" print('')\n",
"\n",
" prediction_label = model + '_prediction'\n",
" tn, fp, fn, tp = confusion_matrix(df['observation'], df[prediction_label]).ravel()\n",
" print('(tn, fp, fn, tp) =', (tn, fp, fn, tp))\n",
" print('')\n",
" \n",
" compute_enrichment(tn, fp, fn, tp)\n",
"\n",
"performance(df_, 'heuristic')\n",
"performance(df_, 'AI')"
]
},
{
"cell_type": "markdown",
"metadata": {},
"source": [
"## Heuristic model has a high false-negative rate partly because data is noisy \n",
"\n"
]
},
{
"cell_type": "code",
"execution_count": 8,
"metadata": {
"scrolled": true
},
"outputs": [
{
"data": {
"text/html": [
"<div>\n",
"<style scoped>\n",
" .dataframe tbody tr th:only-of-type {\n",
" vertical-align: middle;\n",
" }\n",
"\n",
" .dataframe tbody tr th {\n",
" vertical-align: top;\n",
" }\n",
"\n",
" .dataframe thead th {\n",
" text-align: right;\n",
" }\n",
"</style>\n",
"<table border=\"1\" class=\"dataframe\">\n",
" <thead>\n",
" <tr style=\"text-align: right;\">\n",
" <th></th>\n",
" <th>chromosome</th>\n",
" <th>start</th>\n",
" <th>end</th>\n",
" <th>start_normalized</th>\n",
" <th>length</th>\n",
" <th>simple_repeat_tag_name</th>\n",
" <th>period</th>\n",
" <th>copy_number</th>\n",
" <th>percentage_match</th>\n",
" <th>percentage_indel</th>\n",
" <th>...</th>\n",
" <th>entropy</th>\n",
" <th>repeat_unit</th>\n",
" <th>log10_period</th>\n",
" <th>log10_length</th>\n",
" <th>log10_copy_number</th>\n",
" <th>locus</th>\n",
" <th>IGV</th>\n",
" <th>observation</th>\n",
" <th>AI_prediction</th>\n",
" <th>heuristic_prediction</th>\n",
" </tr>\n",
" </thead>\n",
" <tbody>\n",
" <tr>\n",
" <th>0</th>\n",
" <td>chr1</td>\n",
" <td>3016318</td>\n",
" <td>3016507</td>\n",
" <td>0.012116</td>\n",
" <td>189</td>\n",
" <td>trf</td>\n",
" <td>23</td>\n",
" <td>8.6</td>\n",
" <td>75</td>\n",
" <td>15</td>\n",
" <td>...</td>\n",
" <td>1.17</td>\n",
" <td>GAAGGGAGAGAGGGAGGAGAGAG</td>\n",
" <td>1.361728</td>\n",
" <td>2.276462</td>\n",
" <td>0.934498</td>\n",
" <td>chr1:3016318-3016507</td>\n",
" <td>&lt;a target=\"_blank\" href=\"http://0.0.0.0:5000/?...</td>\n",
" <td>1</td>\n",
" <td>1</td>\n",
" <td>0</td>\n",
" </tr>\n",
" <tr>\n",
" <th>1</th>\n",
" <td>chr1</td>\n",
" <td>3016323</td>\n",
" <td>3016689</td>\n",
" <td>0.012116</td>\n",
" <td>366</td>\n",
" <td>trf</td>\n",
" <td>31</td>\n",
" <td>12.2</td>\n",
" <td>69</td>\n",
" <td>16</td>\n",
" <td>...</td>\n",
" <td>1.15</td>\n",
" <td>GAGGGAGGGAGGAGAGAGGAAGGAAGGAGG</td>\n",
" <td>1.491362</td>\n",
" <td>2.563481</td>\n",
" <td>1.086360</td>\n",
" <td>chr1:3016323-3016689</td>\n",
" <td>&lt;a target=\"_blank\" href=\"http://0.0.0.0:5000/?...</td>\n",
" <td>1</td>\n",
" <td>1</td>\n",
" <td>0</td>\n",
" </tr>\n",
" <tr>\n",
" <th>2</th>\n",
" <td>chr1</td>\n",
" <td>3016348</td>\n",
" <td>3016557</td>\n",
" <td>0.012116</td>\n",
" <td>209</td>\n",
" <td>trf</td>\n",
" <td>46</td>\n",
" <td>4.6</td>\n",
" <td>68</td>\n",
" <td>21</td>\n",
" <td>...</td>\n",
" <td>1.13</td>\n",
" <td>AGGAGGGAGGGAGGGAGGAGAGAGGAAGGAGAGAGGGAGAGAGGG</td>\n",
" <td>1.662758</td>\n",
" <td>2.320146</td>\n",
" <td>0.662758</td>\n",
" <td>chr1:3016348-3016557</td>\n",
" <td>&lt;a target=\"_blank\" href=\"http://0.0.0.0:5000/?...</td>\n",
" <td>1</td>\n",
" <td>1</td>\n",
" <td>0</td>\n",
" </tr>\n",
" <tr>\n",
" <th>3</th>\n",
" <td>chr1</td>\n",
" <td>3016349</td>\n",
" <td>3016660</td>\n",
" <td>0.012116</td>\n",
" <td>311</td>\n",
" <td>trf</td>\n",
" <td>4</td>\n",
" <td>80.0</td>\n",
" <td>63</td>\n",
" <td>9</td>\n",
" <td>...</td>\n",
" <td>1.14</td>\n",
" <td>GGAG</td>\n",
" <td>0.602060</td>\n",
" <td>2.492760</td>\n",
" <td>1.903090</td>\n",
" <td>chr1:3016349-3016660</td>\n",
" <td>&lt;a target=\"_blank\" href=\"http://0.0.0.0:5000/?...</td>\n",
" <td>1</td>\n",
" <td>1</td>\n",
" <td>0</td>\n",
" </tr>\n",
" <tr>\n",
" <th>8</th>\n",
" <td>chr1</td>\n",
" <td>144136861</td>\n",
" <td>144141870</td>\n",
" <td>0.578964</td>\n",
" <td>5009</td>\n",
" <td>trf</td>\n",
" <td>18</td>\n",
" <td>276.2</td>\n",
" <td>68</td>\n",
" <td>22</td>\n",
" <td>...</td>\n",
" <td>1.57</td>\n",
" <td>CATCATTTCATCTCATTT</td>\n",
" <td>1.255273</td>\n",
" <td>3.699751</td>\n",
" <td>2.441224</td>\n",
" <td>chr1:144136861-144141870</td>\n",
" <td>&lt;a target=\"_blank\" href=\"http://0.0.0.0:5000/?...</td>\n",
" <td>1</td>\n",
" <td>1</td>\n",
" <td>0</td>\n",
" </tr>\n",
" <tr>\n",
" <th>...</th>\n",
" <td>...</td>\n",
" <td>...</td>\n",
" <td>...</td>\n",
" <td>...</td>\n",
" <td>...</td>\n",
" <td>...</td>\n",
" <td>...</td>\n",
" <td>...</td>\n",
" <td>...</td>\n",
" <td>...</td>\n",
" <td>...</td>\n",
" <td>...</td>\n",
" <td>...</td>\n",
" <td>...</td>\n",
" <td>...</td>\n",
" <td>...</td>\n",
" <td>...</td>\n",
" <td>...</td>\n",
" <td>...</td>\n",
" <td>...</td>\n",
" <td>...</td>\n",
" </tr>\n",
" <tr>\n",
" <th>224</th>\n",
" <td>chr21</td>\n",
" <td>10651736</td>\n",
" <td>10738591</td>\n",
" <td>0.228040</td>\n",
" <td>86855</td>\n",
" <td>trf</td>\n",
" <td>5</td>\n",
" <td>17339.8</td>\n",
" <td>68</td>\n",
" <td>5</td>\n",
" <td>...</td>\n",
" <td>1.80</td>\n",
" <td>TCCAT</td>\n",
" <td>0.698970</td>\n",
" <td>4.938795</td>\n",
" <td>4.239044</td>\n",
" <td>chr21:10651736-10738591</td>\n",
" <td>&lt;a target=\"_blank\" href=\"http://0.0.0.0:5000/?...</td>\n",
" <td>1</td>\n",
" <td>1</td>\n",
" <td>0</td>\n",
" </tr>\n",
" <tr>\n",
" <th>225</th>\n",
" <td>chr21</td>\n",
" <td>31783961</td>\n",
" <td>31785489</td>\n",
" <td>0.680453</td>\n",
" <td>1528</td>\n",
" <td>trf</td>\n",
" <td>3</td>\n",
" <td>506.3</td>\n",
" <td>82</td>\n",
" <td>3</td>\n",
" <td>...</td>\n",
" <td>1.37</td>\n",
" <td>CCA</td>\n",
" <td>0.477121</td>\n",
" <td>3.184123</td>\n",
" <td>2.704408</td>\n",
" <td>chr21:31783961-31785489</td>\n",
" <td>&lt;a target=\"_blank\" href=\"http://0.0.0.0:5000/?...</td>\n",
" <td>1</td>\n",
" <td>1</td>\n",
" <td>0</td>\n",
" </tr>\n",
" <tr>\n",
" <th>226</th>\n",
" <td>chr21</td>\n",
" <td>39583817</td>\n",
" <td>39584123</td>\n",
" <td>0.847438</td>\n",
" <td>306</td>\n",
" <td>trf</td>\n",
" <td>5</td>\n",
" <td>61.2</td>\n",
" <td>100</td>\n",
" <td>0</td>\n",
" <td>...</td>\n",
" <td>0.97</td>\n",
" <td>TCCCT</td>\n",
" <td>0.698970</td>\n",
" <td>2.485721</td>\n",
" <td>1.786751</td>\n",
" <td>chr21:39583817-39584123</td>\n",
" <td>&lt;a target=\"_blank\" href=\"http://0.0.0.0:5000/?...</td>\n",
" <td>1</td>\n",
" <td>1</td>\n",
" <td>0</td>\n",
" </tr>\n",
" <tr>\n",
" <th>228</th>\n",
" <td>chrX</td>\n",
" <td>84191522</td>\n",
" <td>84191993</td>\n",
" <td>0.539548</td>\n",
" <td>471</td>\n",
" <td>trf</td>\n",
" <td>8</td>\n",
" <td>58.9</td>\n",
" <td>71</td>\n",
" <td>0</td>\n",
" <td>...</td>\n",
" <td>1.49</td>\n",
" <td>TATATATA</td>\n",
" <td>0.903090</td>\n",
" <td>2.673021</td>\n",
" <td>1.770115</td>\n",
" <td>chrX:84191522-84191993</td>\n",
" <td>&lt;a target=\"_blank\" href=\"http://0.0.0.0:5000/?...</td>\n",
" <td>1</td>\n",
" <td>1</td>\n",
" <td>0</td>\n",
" </tr>\n",
" <tr>\n",
" <th>229</th>\n",
" <td>chrX</td>\n",
" <td>121347526</td>\n",
" <td>121347814</td>\n",
" <td>0.777665</td>\n",
" <td>288</td>\n",
" <td>trf</td>\n",
" <td>59</td>\n",
" <td>4.9</td>\n",
" <td>88</td>\n",
" <td>4</td>\n",
" <td>...</td>\n",
" <td>1.84</td>\n",
" <td>GAGTAGAGACACGGAGAGAAGGGGTCGGGGGGTTCTTGCCTCCTAG...</td>\n",
" <td>1.770852</td>\n",
" <td>2.459392</td>\n",
" <td>0.690196</td>\n",
" <td>chrX:121347526-121347814</td>\n",
" <td>&lt;a target=\"_blank\" href=\"http://0.0.0.0:5000/?...</td>\n",
" <td>1</td>\n",
" <td>1</td>\n",
" <td>0</td>\n",
" </tr>\n",
" </tbody>\n",
"</table>\n",
"<p>114 rows × 24 columns</p>\n",
"</div>"
],
"text/plain": [
" chromosome start end start_normalized length \\\n",
"0 chr1 3016318 3016507 0.012116 189 \n",
"1 chr1 3016323 3016689 0.012116 366 \n",
"2 chr1 3016348 3016557 0.012116 209 \n",
"3 chr1 3016349 3016660 0.012116 311 \n",
"8 chr1 144136861 144141870 0.578964 5009 \n",
".. ... ... ... ... ... \n",
"224 chr21 10651736 10738591 0.228040 86855 \n",
"225 chr21 31783961 31785489 0.680453 1528 \n",
"226 chr21 39583817 39584123 0.847438 306 \n",
"228 chrX 84191522 84191993 0.539548 471 \n",
"229 chrX 121347526 121347814 0.777665 288 \n",
"\n",
" simple_repeat_tag_name period copy_number percentage_match \\\n",
"0 trf 23 8.6 75 \n",
"1 trf 31 12.2 69 \n",
"2 trf 46 4.6 68 \n",
"3 trf 4 80.0 63 \n",
"8 trf 18 276.2 68 \n",
".. ... ... ... ... \n",
"224 trf 5 17339.8 68 \n",
"225 trf 3 506.3 82 \n",
"226 trf 5 61.2 100 \n",
"228 trf 8 58.9 71 \n",
"229 trf 59 4.9 88 \n",
"\n",
" percentage_indel ... entropy \\\n",
"0 15 ... 1.17 \n",
"1 16 ... 1.15 \n",
"2 21 ... 1.13 \n",
"3 9 ... 1.14 \n",
"8 22 ... 1.57 \n",
".. ... ... ... \n",
"224 5 ... 1.80 \n",
"225 3 ... 1.37 \n",
"226 0 ... 0.97 \n",
"228 0 ... 1.49 \n",
"229 4 ... 1.84 \n",
"\n",
" repeat_unit log10_period \\\n",
"0 GAAGGGAGAGAGGGAGGAGAGAG 1.361728 \n",
"1 GAGGGAGGGAGGAGAGAGGAAGGAAGGAGG 1.491362 \n",
"2 AGGAGGGAGGGAGGGAGGAGAGAGGAAGGAGAGAGGGAGAGAGGG 1.662758 \n",
"3 GGAG 0.602060 \n",
"8 CATCATTTCATCTCATTT 1.255273 \n",
".. ... ... \n",
"224 TCCAT 0.698970 \n",
"225 CCA 0.477121 \n",
"226 TCCCT 0.698970 \n",
"228 TATATATA 0.903090 \n",
"229 GAGTAGAGACACGGAGAGAAGGGGTCGGGGGGTTCTTGCCTCCTAG... 1.770852 \n",
"\n",
" log10_length log10_copy_number locus \\\n",
"0 2.276462 0.934498 chr1:3016318-3016507 \n",
"1 2.563481 1.086360 chr1:3016323-3016689 \n",
"2 2.320146 0.662758 chr1:3016348-3016557 \n",
"3 2.492760 1.903090 chr1:3016349-3016660 \n",
"8 3.699751 2.441224 chr1:144136861-144141870 \n",
".. ... ... ... \n",
"224 4.938795 4.239044 chr21:10651736-10738591 \n",
"225 3.184123 2.704408 chr21:31783961-31785489 \n",
"226 2.485721 1.786751 chr21:39583817-39584123 \n",
"228 2.673021 1.770115 chrX:84191522-84191993 \n",
"229 2.459392 0.690196 chrX:121347526-121347814 \n",
"\n",
" IGV observation \\\n",
"0 <a target=\"_blank\" href=\"http://0.0.0.0:5000/?... 1 \n",
"1 <a target=\"_blank\" href=\"http://0.0.0.0:5000/?... 1 \n",
"2 <a target=\"_blank\" href=\"http://0.0.0.0:5000/?... 1 \n",
"3 <a target=\"_blank\" href=\"http://0.0.0.0:5000/?... 1 \n",
"8 <a target=\"_blank\" href=\"http://0.0.0.0:5000/?... 1 \n",
".. ... ... \n",
"224 <a target=\"_blank\" href=\"http://0.0.0.0:5000/?... 1 \n",
"225 <a target=\"_blank\" href=\"http://0.0.0.0:5000/?... 1 \n",
"226 <a target=\"_blank\" href=\"http://0.0.0.0:5000/?... 1 \n",
"228 <a target=\"_blank\" href=\"http://0.0.0.0:5000/?... 1 \n",
"229 <a target=\"_blank\" href=\"http://0.0.0.0:5000/?... 1 \n",
"\n",
" AI_prediction heuristic_prediction \n",
"0 1 0 \n",
"1 1 0 \n",
"2 1 0 \n",
"3 1 0 \n",
"8 1 0 \n",
".. ... ... \n",
"224 1 0 \n",
"225 1 0 \n",
"226 1 0 \n",
"228 1 0 \n",
"229 1 0 \n",
"\n",
"[114 rows x 24 columns]"
]
},
"execution_count": 8,
"metadata": {},
"output_type": "execute_result"
}
],
"source": [
"def false_negatives(df, model): \n",
" prediction_label = model + '_prediction'\n",
" predicted_not_to_contain_call_ = df[prediction_label] == 0\n",
" does_contain_call_ = df['observation'] == 1\n",
" return df[predicted_not_to_contain_call_ & does_contain_call_]\n",
"\n",
"# prettify(false_negatives(df_, 'heuristic'), include_heuristic_prediction=True)\n",
"false_negatives(df_, 'heuristic')"
]
},
{
"cell_type": "markdown",
"metadata": {},
"source": [
"In the following, we visualize one of the false negatives above to show that: (i) `X` is noisy in the sense that the repeat annotation of the sequence is poor and (ii) `y` is noisy in the sense that a tandem repeat annotation that contains an SV of length 100bp, as judged from a vcf record, might actually contain an SV of lesser or greater length instead. \n",
"\n",
"It is therefore not surprising that the heuristic model fails to flag such tandem repeats as containing SVs as the heuristic model relies heavily on the accuracy of `X` and `y`. "
]
},
{
"cell_type": "code",
"execution_count": 9,
"metadata": {
"scrolled": true
},
"outputs": [
{
"data": {
"text/html": [
"<div id=\"igv_1727976\"></div>"
],
"text/plain": [
"<IPython.core.display.HTML object>"
]
},
"metadata": {},
"output_type": "display_data"
}
],
"source": [
"import igv\n",
"\n",
"reference = \"GRCh38_full_analysis_set_plus_decoy_hla\"\n",
"\n",
"def render_igv(locus_):\n",
" igv_instance = igv.Browser({\n",
" \"locus\": locus_,\n",
" \"showCursorTrackingGuide\": True,\n",
" \"reference\": {\n",
" \"fastaURL\": reference + \".fa\",\n",
" \"indexURL\": reference + \".fa.fai\",\n",
" }\n",
" })\n",
"\n",
" igv_instance.load_track({\n",
" \"type\": \"annotation\",\n",
" \"format\": \"bed\",\n",
" \"url\": \"simple_repeats.bed.gz\",\n",
" \"indexURL\": \"simple_repeats.bed.gz.tbi\",\n",
" \"displayMode\": \"expanded\",\n",
" \"name\": \"tandem repeats\",\n",
" \"height\": 200\n",
" })\n",
" \n",
" igv_instance.load_track({\n",
" \"type\": \"variant\",\n",
" \"format\": \"vcf\",\n",
" \"url\": \"{}.BIP-unified.filtered.vcf.gz\".format(sample),\n",
" \"indexURL\": \"{}.BIP-unified.filtered.vcf.gz.tbi\".format(sample),\n",
" \"name\": \"pacbio calls\",\n",
" \"homrefColor\": \"rgb(255,0,0)\",\n",
" \"hetvarColor\": \"rgb(0,255,0)\",\n",
" \"homvarColor\": \"rgb(0,0,255)\",\n",
" \"height\": 75\n",
" }) \n",
" \n",
" igv_instance.load_track({\n",
" \"type\": \"alignment\",\n",
" \"format\": \"bam\",\n",
" \"url\": \"{}.h0.bam\".format(sample),\n",
" \"indexURL\": \"{}.h0.bam.bai\".format(sample),\n",
" \"height\": 150,\n",
" \"showSoftClips\": True,\n",
" \"name\": \"haplotype 0 pacbio contig\"\n",
" }) \n",
"\n",
" igv_instance.load_track({\n",
" \"type\": \"alignment\",\n",
" \"format\": \"bam\",\n",
" \"url\": \"{}.h1.bam\".format(sample),\n",
" \"indexURL\": \"{}.h1.bam.bai\".format(sample),\n",
" \"height\": 150,\n",
" \"showSoftClips\": True,\n",
" \"name\": \"haplotype 1 pacbio contig\"\n",
" }) \n",
"\n",
" return igv_instance\n",
" \n",
"locus_1 = render_igv(\"chr1:144,139,191-144,139,839\")\n",
"locus_1.show()\n",
"locus_1.get_svg()"
]
},
{
"cell_type": "code",
"execution_count": 10,
"metadata": {},
"outputs": [
{
"data": {
"text/plain": [
"'Awaiting SVG - try again in a few seconds'"
]
},
"execution_count": 10,
"metadata": {},
"output_type": "execute_result"
}
],
"source": [
"locus_1.display_svg()"
]
},
{
"cell_type": "markdown",
"metadata": {},
"source": [
"But sometimes, a false-negative tandem repeat overlaps another tandem repeat annotation that the heuristic classifier would predict to contain an SV (based upon the period of the tandem repeat): "
]
},
{
"cell_type": "code",
"execution_count": 11,
"metadata": {},
"outputs": [
{
"data": {
"text/html": [
"<div id=\"igv_479760\"></div>"
],
"text/plain": [
"<IPython.core.display.HTML object>"
]
},
"metadata": {},
"output_type": "display_data"
}
],
"source": [
"locus_2 = render_igv(\"chr6:101,761,761-101,762,055\")\n",
"locus_2.show()\n",
"locus_2.get_svg()"
]
},
{
"cell_type": "code",
"execution_count": 12,
"metadata": {},
"outputs": [
{
"data": {
"text/plain": [
"'Awaiting SVG - try again in a few seconds'"
]
},
"execution_count": 12,
"metadata": {},
"output_type": "execute_result"
}
],
"source": [
"locus_2.display_svg()"
]
},
{
"cell_type": "markdown",
"metadata": {},
"source": [
"Thus, we should really map predictions on tandem repeats onto predictions on disjoint genomic intervals resulting from merging tandem repeats. \n",
"\n",
"This is what we did next..."
]
},
{
"cell_type": "markdown",
"metadata": {},
"source": [
"## Trained classifier (decision tree) has lowest false-negative and false-positive rates on merged tandem-repeat intervals"
]
},
{
"cell_type": "code",
"execution_count": 13,
"metadata": {
"scrolled": false
},
"outputs": [
{
"name": "stdout",
"output_type": "stream",
"text": [
"***** performance of heuristic ******\n",
"\n",
"(tn, fp, fn, tp) = (549693, 66338, 40, 101)\n",
"\n",
"size of original set: 616172\n",
"number of positives in original set: 141\n",
"fraction of positives in original set: 0.0002288\n",
"\n",
"size of reduced set: 66439\n",
"number of positives in reduced set: 101\n",
"fraction of positives in reduced set: 0.00152\n",
"\n",
"***** performance of AI ******\n",
"\n",
"(tn, fp, fn, tp) = (553916, 62115, 3, 138)\n",
"\n",
"size of original set: 616172\n",
"number of positives in original set: 141\n",
"fraction of positives in original set: 0.0002288\n",
"\n",
"size of reduced set: 62253\n",
"number of positives in reduced set: 138\n",
"fraction of positives in reduced set: 0.002217\n",
"\n"
]
}
],
"source": [
"def compute_region_label(TR_labels): \n",
" TR_labels_ = [int(TR_label) for TR_label in TR_labels.split(',')]\n",
" return 1 if 1 in TR_labels_ else 0\n",
" \n",
"def merge_tandem_repeats_from_train_dev_test_set(df): \n",
" df[[\n",
" 'chromosome', \n",
" 'start', \n",
" 'end', \n",
" 'observation', \n",
" 'AI_prediction', \n",
" 'heuristic_prediction'\n",
" ]].to_csv(\n",
" path_or_buf='tandem_repeats.tmp.bed', \n",
" sep='\\t', \n",
" header=False,\n",
" index=False\n",
" )\n",
"\n",
" ! sort --version-sort -k1,1 -k2,2 \"tandem_repeats.tmp.bed\" > \"tandem_repeats.tmp.sorted.bed\"\n",
" \n",
" ! bedtools merge -i \"tandem_repeats.tmp.sorted.bed\" -c 4,5,6 -o collapse,collapse,collapse \\\n",
" | sort --version-sort -k1,1 -k2,2 \\\n",
" > \"tandem_repeats.tmp.merged.sorted.bed\"\n",
" \n",
" data = []\n",
" with open(\"tandem_repeats.tmp.merged.sorted.bed\", \"r\") as f: \n",
" for line in f: \n",
" (chromosome, \n",
" start, \n",
" end, \n",
" TR_observations, \n",
" TR_AI_predictions, \n",
" TR_heuristic_predictions) = line.strip().split('\\t')\n",
" \n",
" region_observation = compute_region_label(TR_observations)\n",
" region_AI_prediction = compute_region_label(TR_AI_predictions)\n",
" region_heuristic_prediction = compute_region_label(TR_heuristic_predictions)\n",
"\n",
" data.append([\n",
" chromosome,\n",
" start,\n",
" end,\n",
" TR_observations, \n",
" TR_AI_predictions, \n",
" TR_heuristic_predictions,\n",
" region_observation,\n",
" region_AI_prediction,\n",
" region_heuristic_prediction\n",
" ])\n",
"\n",
" df = pd.DataFrame(data, columns=[\n",
" \"chromosome\", \n",
" \"start\", \n",
" \"end\",\n",
" \"TR_obs\", \n",
" \"TR_AI_pred\", \n",
" \"TR_heuristic_pred\",\n",
" \"observation\",\n",
" \"AI_prediction\",\n",
" \"heuristic_prediction\"\n",
" ])\n",
" \n",
" ! rm tandem_repeats.tmp.bed tandem_repeats.tmp.sorted.bed tandem_repeats.tmp.merged.sorted.bed\n",
"\n",
" return df\n",
"\n",
"df_merged = merge_tandem_repeats_from_train_dev_test_set(df_)\n",
"\n",
"performance(df_merged, 'heuristic')\n",
"performance(df_merged, 'AI')"
]
},
{
"cell_type": "markdown",
"metadata": {},
"source": [
"## Merge all tandem repeats (not just those in training-dev-test set) "
]
},
{
"cell_type": "code",
"execution_count": 14,
"metadata": {},
"outputs": [],
"source": [
"def compress_and_index(filename): \n",
" ! bgzip --force --stdout $filename\".bed\" > $filename\".bed.gz\"\n",
" ! tabix --force --preset bed $filename\".bed.gz\"\n",
"\n",
"def merge_tandem_repeats(): \n",
" csv_file = '/scratch/ucgd/lustre-work/quinlan/u6018199/chaisson_2019/repeats/simple-repeats_complete-annotations.csv'\n",
" X, df = create_X_df(csv_file) \n",
"\n",
" df['AI_prediction'] = trained_AI.predict(X) \n",
"\n",
" df[[\n",
" 'chromosome', \n",
" 'start', \n",
" 'end', \n",
" 'AI_prediction', \n",
" ]].to_csv(\n",
" path_or_buf='tandem_repeats.bed', \n",
" sep='\\t', \n",
" header=False,\n",
" index=False\n",
" )\n",
" \n",
" ! sort --version-sort -k1,1 -k2,2 \"tandem_repeats.bed\" > \"tandem_repeats.sorted.bed\"\n",
" \n",
" ! bedtools merge -i \"tandem_repeats.sorted.bed\" -c 4 -o collapse \\\n",
" | sort --version-sort -k1,1 -k2,2 \\\n",
" > \"tandem_repeats.merged.sorted.bed\"\n",
" \n",
" compress_and_index(\"tandem_repeats.merged.sorted\")\n",
" \n",
" data = []\n",
" with open(\"tandem_repeats.merged.sorted.bed\", \"r\") as f: \n",
" for line in f: \n",
" (chromosome, \n",
" start, \n",
" end, \n",
" TR_AI_predictions) = line.strip().split('\\t')\n",
" \n",
" region_AI_prediction = compute_region_label(TR_AI_predictions)\n",
"\n",
" data.append([\n",
" chromosome,\n",
" start,\n",
" end,\n",
" TR_AI_predictions, \n",
" region_AI_prediction\n",
" ])\n",
"\n",
" df = pd.DataFrame(data, columns=[\n",
" \"chromosome\", \n",
" \"start\", \n",
" \"end\",\n",
" \"TR_AI_pred\", \n",
" \"AI_prediction\"\n",
" ])\n",
" \n",
" return df \n",
"\n",
"merged_tandem_repeat_intervals = merge_tandem_repeats()\n"
]
},
{
"cell_type": "markdown",
"metadata": {},
"source": [
"## Select tandem-repeat intervals predicted to contain an SV"
]
},
{
"cell_type": "code",
"execution_count": 15,
"metadata": {},
"outputs": [],
"source": [
"intervals_predicted_to_contain_SV_str = '{}.{}.gt{}.lt{}.intervals_predicted_to_contain_SV'.format(\n",
" sample, svtype, absolute_SV_length_lower, absolute_SV_length_upper\n",
")\n",
"\n",
"def select_tandem_repeat_intervals(df): \n",
" df[df['AI_prediction'] == 1].to_csv(\n",
" path_or_buf=intervals_predicted_to_contain_SV_str+'.bed', \n",
" sep='\\t', \n",
" header=False,\n",
" index=False\n",
" )\n",
"\n",
" ! sort --version-sort -k1,1 -k2,2 $intervals_predicted_to_contain_SV_str\".bed\" \\\n",
" > $intervals_predicted_to_contain_SV_str\".sorted.bed\"\n",
" \n",
" ! rm $intervals_predicted_to_contain_SV_str\".bed\"\n",
"\n",
"select_tandem_repeat_intervals(merged_tandem_repeat_intervals)"
]
},
{
"cell_type": "markdown",
"metadata": {},
"source": [
"## Annotate selected tandem-repeat intervals with short-read coverage"
]
},
{
"cell_type": "code",
"execution_count": 16,
"metadata": {},
"outputs": [],
"source": [
"def annotate():\n",
" ! ./strip_bed.sh $intervals_predicted_to_contain_SV_str\".sorted.bed\" \\\n",
" > $intervals_predicted_to_contain_SV_str\".sorted.stripped.bed\"\n",
"\n",
" mosdepth_prefix = intervals_predicted_to_contain_SV_str + '.sorted.stripped'\n",
" short_reads = '{}.alt_bwamem_GRCh38DH.20150715.{}.high_coverage'.format(sample, population)\n",
"\n",
" ! mosdepth \\\n",
" --no-per-base \\\n",
" --fast-mode \\\n",
" --threads 16 \\\n",
" --by $intervals_predicted_to_contain_SV_str\".sorted.stripped.bed\" \\\n",
" --fasta $reference\".fa\" \\\n",
" $mosdepth_prefix \\\n",
" $short_reads\".cram\"\n",
" \n",
" ! gunzip --stdout --force $mosdepth_prefix\".regions.bed.gz\" \\\n",
" > $mosdepth_prefix\".coverage.bed\" \n",
" \n",
" # for igv.js: \n",
" ! tabix --preset bed $mosdepth_prefix\".regions.bed.gz\" \n",
" \n",
"# annotate()"
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {},
"outputs": [],
"source": []
}
],
"metadata": {
"kernelspec": {
"display_name": "Python 2",
"language": "python",
"name": "python2"
},
"language_info": {
"codemirror_mode": {
"name": "ipython",
"version": 2
},
"file_extension": ".py",
"mimetype": "text/x-python",
"name": "python",
"nbconvert_exporter": "python",
"pygments_lexer": "ipython2",
"version": "2.7.16"
}
},
"nbformat": 4,
"nbformat_minor": 4
}
Sign up for free to join this conversation on GitHub. Already have an account? Sign in to comment