birthcard/Sketch_RNN.ipynb

2281 lines
979 KiB
Plaintext

{
"cells": [
{
"cell_type": "markdown",
"metadata": {
"colab_type": "text",
"id": "tDybPQiEFQuJ"
},
"source": [
"In this notebook, we will show how to load pre-trained models and draw things with sketch-rnn"
]
},
{
"cell_type": "code",
"execution_count": 1,
"metadata": {
"colab": {},
"colab_type": "code",
"id": "k0GqvYgB9JLC"
},
"outputs": [
{
"name": "stderr",
"output_type": "stream",
"text": [
"/home/ruben/.local/lib/python3.7/site-packages/tensorflow/python/framework/dtypes.py:516: FutureWarning: Passing (type, 1) or '1type' as a synonym of type is deprecated; in a future version of numpy, it will be understood as (type, (1,)) / '(1,)type'.\n",
" _np_qint8 = np.dtype([(\"qint8\", np.int8, 1)])\n",
"/home/ruben/.local/lib/python3.7/site-packages/tensorflow/python/framework/dtypes.py:517: FutureWarning: Passing (type, 1) or '1type' as a synonym of type is deprecated; in a future version of numpy, it will be understood as (type, (1,)) / '(1,)type'.\n",
" _np_quint8 = np.dtype([(\"quint8\", np.uint8, 1)])\n",
"/home/ruben/.local/lib/python3.7/site-packages/tensorflow/python/framework/dtypes.py:518: FutureWarning: Passing (type, 1) or '1type' as a synonym of type is deprecated; in a future version of numpy, it will be understood as (type, (1,)) / '(1,)type'.\n",
" _np_qint16 = np.dtype([(\"qint16\", np.int16, 1)])\n",
"/home/ruben/.local/lib/python3.7/site-packages/tensorflow/python/framework/dtypes.py:519: FutureWarning: Passing (type, 1) or '1type' as a synonym of type is deprecated; in a future version of numpy, it will be understood as (type, (1,)) / '(1,)type'.\n",
" _np_quint16 = np.dtype([(\"quint16\", np.uint16, 1)])\n",
"/home/ruben/.local/lib/python3.7/site-packages/tensorflow/python/framework/dtypes.py:520: FutureWarning: Passing (type, 1) or '1type' as a synonym of type is deprecated; in a future version of numpy, it will be understood as (type, (1,)) / '(1,)type'.\n",
" _np_qint32 = np.dtype([(\"qint32\", np.int32, 1)])\n",
"/home/ruben/.local/lib/python3.7/site-packages/tensorflow/python/framework/dtypes.py:525: FutureWarning: Passing (type, 1) or '1type' as a synonym of type is deprecated; in a future version of numpy, it will be understood as (type, (1,)) / '(1,)type'.\n",
" np_resource = np.dtype([(\"resource\", np.ubyte, 1)])\n",
"/home/ruben/.local/lib/python3.7/site-packages/tensorboard/compat/tensorflow_stub/dtypes.py:541: FutureWarning: Passing (type, 1) or '1type' as a synonym of type is deprecated; in a future version of numpy, it will be understood as (type, (1,)) / '(1,)type'.\n",
" _np_qint8 = np.dtype([(\"qint8\", np.int8, 1)])\n",
"/home/ruben/.local/lib/python3.7/site-packages/tensorboard/compat/tensorflow_stub/dtypes.py:542: FutureWarning: Passing (type, 1) or '1type' as a synonym of type is deprecated; in a future version of numpy, it will be understood as (type, (1,)) / '(1,)type'.\n",
" _np_quint8 = np.dtype([(\"quint8\", np.uint8, 1)])\n",
"/home/ruben/.local/lib/python3.7/site-packages/tensorboard/compat/tensorflow_stub/dtypes.py:543: FutureWarning: Passing (type, 1) or '1type' as a synonym of type is deprecated; in a future version of numpy, it will be understood as (type, (1,)) / '(1,)type'.\n",
" _np_qint16 = np.dtype([(\"qint16\", np.int16, 1)])\n",
"/home/ruben/.local/lib/python3.7/site-packages/tensorboard/compat/tensorflow_stub/dtypes.py:544: FutureWarning: Passing (type, 1) or '1type' as a synonym of type is deprecated; in a future version of numpy, it will be understood as (type, (1,)) / '(1,)type'.\n",
" _np_quint16 = np.dtype([(\"quint16\", np.uint16, 1)])\n",
"/home/ruben/.local/lib/python3.7/site-packages/tensorboard/compat/tensorflow_stub/dtypes.py:545: FutureWarning: Passing (type, 1) or '1type' as a synonym of type is deprecated; in a future version of numpy, it will be understood as (type, (1,)) / '(1,)type'.\n",
" _np_qint32 = np.dtype([(\"qint32\", np.int32, 1)])\n",
"/home/ruben/.local/lib/python3.7/site-packages/tensorboard/compat/tensorflow_stub/dtypes.py:550: FutureWarning: Passing (type, 1) or '1type' as a synonym of type is deprecated; in a future version of numpy, it will be understood as (type, (1,)) / '(1,)type'.\n",
" np_resource = np.dtype([(\"resource\", np.ubyte, 1)])\n"
]
}
],
"source": [
"# import the required libraries\n",
"import numpy as np\n",
"import time\n",
"import random\n",
"import pickle\n",
"import codecs\n",
"import collections\n",
"import os\n",
"import math\n",
"import json\n",
"import tensorflow as tf\n",
"from six.moves import xrange"
]
},
{
"cell_type": "code",
"execution_count": 2,
"metadata": {
"colab": {},
"colab_type": "code",
"id": "UI4ZC__4FQuL"
},
"outputs": [],
"source": [
"# libraries required for visualisation:\n",
"from IPython.display import SVG, display\n",
"import PIL\n",
"from PIL import Image\n",
"import matplotlib.pyplot as plt\n",
"\n",
"# set numpy output to something sensible\n",
"np.set_printoptions(precision=8, edgeitems=6, linewidth=200, suppress=True)"
]
},
{
"cell_type": "code",
"execution_count": 3,
"metadata": {
"colab": {},
"colab_type": "code",
"id": "D7ObpAUh9jrk"
},
"outputs": [],
"source": [
"# !pip install -qU svgwrite"
]
},
{
"cell_type": "code",
"execution_count": 4,
"metadata": {
"colab": {},
"colab_type": "code",
"id": "4xYY-TUd9aiD"
},
"outputs": [],
"source": [
"import svgwrite # conda install -c omnia svgwrite=1.1.6"
]
},
{
"cell_type": "code",
"execution_count": 5,
"metadata": {
"colab": {
"base_uri": "https://localhost:8080/",
"height": 34
},
"colab_type": "code",
"id": "NzPSD-XRFQuP",
"outputId": "daa0dd33-6d59-4d15-f437-d8ec787c8884"
},
"outputs": [],
"source": [
"tf.logging.info(\"TensorFlow Version: %s\", tf.__version__)\n"
]
},
{
"cell_type": "code",
"execution_count": 6,
"metadata": {
"colab": {},
"colab_type": "code",
"id": "LebxcF4p90OR"
},
"outputs": [],
"source": [
"# !pip install -q magenta"
]
},
{
"cell_type": "code",
"execution_count": 7,
"metadata": {
"colab": {},
"colab_type": "code",
"id": "NkFS0E1zFQuU"
},
"outputs": [
{
"name": "stderr",
"output_type": "stream",
"text": [
"WARNING: Logging before flag parsing goes to stderr.\n",
"W1030 17:41:34.144723 139942895679296 deprecation_wrapper.py:119] From /home/ruben/Documents/Geboortekaartje/sketch_rnn/venv/lib/python3.7/site-packages/magenta/pipelines/statistics.py:132: The name tf.logging.info is deprecated. Please use tf.compat.v1.logging.info instead.\n",
"\n",
"/home/ruben/Documents/Geboortekaartje/sketch_rnn/venv/lib/python3.7/site-packages/numba/errors.py:131: UserWarning: Insufficiently recent colorama version found. Numba requires colorama >= 0.3.9\n",
" warnings.warn(msg)\n",
"W1030 17:41:35.331515 139942895679296 deprecation_wrapper.py:119] From /home/ruben/Documents/Geboortekaartje/sketch_rnn/venv/lib/python3.7/site-packages/magenta/music/note_sequence_io.py:60: The name tf.python_io.TFRecordWriter is deprecated. Please use tf.io.TFRecordWriter instead.\n",
"\n",
"W1030 17:41:36.170687 139942895679296 lazy_loader.py:50] \n",
"The TensorFlow contrib module will not be included in TensorFlow 2.0.\n",
"For more information, please see:\n",
" * https://github.com/tensorflow/community/blob/master/rfcs/20180907-contrib-sunset.md\n",
" * https://github.com/tensorflow/addons\n",
" * https://github.com/tensorflow/io (for I/O related ops)\n",
"If you depend on functionality not listed there, please file an issue.\n",
"\n",
"W1030 17:41:36.172011 139942895679296 deprecation_wrapper.py:119] From /home/ruben/Documents/Geboortekaartje/sketch_rnn/venv/lib/python3.7/site-packages/magenta/models/sketch_rnn/sketch_rnn_train.py:34: The name tf.logging.set_verbosity is deprecated. Please use tf.compat.v1.logging.set_verbosity instead.\n",
"\n",
"W1030 17:41:36.172474 139942895679296 deprecation_wrapper.py:119] From /home/ruben/Documents/Geboortekaartje/sketch_rnn/venv/lib/python3.7/site-packages/magenta/models/sketch_rnn/sketch_rnn_train.py:34: The name tf.logging.INFO is deprecated. Please use tf.compat.v1.logging.INFO instead.\n",
"\n"
]
}
],
"source": [
"# import our command line tools\n",
"from magenta.models.sketch_rnn.sketch_rnn_train import *\n",
"from magenta.models.sketch_rnn.model import *\n",
"from magenta.models.sketch_rnn.utils import *\n",
"from magenta.models.sketch_rnn.rnn import *"
]
},
{
"cell_type": "code",
"execution_count": 8,
"metadata": {
"colab": {},
"colab_type": "code",
"id": "GBde4xkEFQuX"
},
"outputs": [],
"source": [
"# little function that displays vector images and saves them to .svg\n",
"def draw_strokes(data, factor=0.2, svg_filename = '/tmp/sketch_rnn/svg/sample.svg'):\n",
" tf.gfile.MakeDirs(os.path.dirname(svg_filename))\n",
" min_x, max_x, min_y, max_y = get_bounds(data, factor)\n",
" dims = (50 + max_x - min_x, 50 + max_y - min_y)\n",
" dwg = svgwrite.Drawing(svg_filename, size=dims)\n",
" dwg.add(dwg.rect(insert=(0, 0), size=dims,fill='white'))\n",
" lift_pen = 1\n",
" abs_x = 25 - min_x \n",
" abs_y = 25 - min_y\n",
" p = \"M%s,%s \" % (abs_x, abs_y)\n",
" command = \"m\"\n",
" for i in xrange(len(data)):\n",
" if (lift_pen == 1):\n",
" command = \"m\"\n",
" elif (command != \"l\"):\n",
" command = \"l\"\n",
" else:\n",
" command = \"\"\n",
" x = float(data[i,0])/factor\n",
" y = float(data[i,1])/factor\n",
" lift_pen = data[i, 2]\n",
" p += command+str(x)+\",\"+str(y)+\" \"\n",
" the_color = \"black\"\n",
" stroke_width = 1\n",
" dwg.add(dwg.path(p).stroke(the_color,stroke_width).fill(\"none\"))\n",
" dwg.save()\n",
" display(SVG(dwg.tostring()))\n",
"\n",
"# generate a 2D grid of many vector drawings\n",
"def make_grid_svg(s_list, grid_space=10.0, grid_space_x=16.0):\n",
" def get_start_and_end(x):\n",
" x = np.array(x)\n",
" x = x[:, 0:2]\n",
" x_start = x[0]\n",
" x_end = x.sum(axis=0)\n",
" x = x.cumsum(axis=0)\n",
" x_max = x.max(axis=0)\n",
" x_min = x.min(axis=0)\n",
" center_loc = (x_max+x_min)*0.5\n",
" return x_start-center_loc, x_end\n",
" x_pos = 0.0\n",
" y_pos = 0.0\n",
" result = [[x_pos, y_pos, 1]]\n",
" for sample in s_list:\n",
" s = sample[0]\n",
" grid_loc = sample[1]\n",
" grid_y = grid_loc[0]*grid_space+grid_space*0.5\n",
" grid_x = grid_loc[1]*grid_space_x+grid_space_x*0.5\n",
" start_loc, delta_pos = get_start_and_end(s)\n",
"\n",
" loc_x = start_loc[0]\n",
" loc_y = start_loc[1]\n",
" new_x_pos = grid_x+loc_x\n",
" new_y_pos = grid_y+loc_y\n",
" result.append([new_x_pos-x_pos, new_y_pos-y_pos, 0])\n",
"\n",
" result += s.tolist()\n",
" result[-1][2] = 1\n",
" x_pos = new_x_pos+delta_pos[0]\n",
" y_pos = new_y_pos+delta_pos[1]\n",
" return np.array(result)"
]
},
{
"cell_type": "markdown",
"metadata": {
"colab_type": "text",
"id": "if7-UyxzFQuY"
},
"source": [
"define the path of the model you want to load, and also the path of the dataset"
]
},
{
"cell_type": "code",
"execution_count": 9,
"metadata": {
"colab": {},
"colab_type": "code",
"id": "Dipv1EbsFQuZ"
},
"outputs": [],
"source": [
"data_dir = 'datasets/naam4'\n",
"model_dir = 'models/naam4'"
]
},
{
"cell_type": "code",
"execution_count": 10,
"metadata": {
"colab": {
"base_uri": "https://localhost:8080/",
"height": 68
},
"colab_type": "code",
"id": "eaSqI0fIFQub",
"outputId": "06df45a6-cc86-4f50-802e-25ae185037f7"
},
"outputs": [],
"source": [
"# download_pretrained_models(models_root_dir=models_root_dir)"
]
},
{
"cell_type": "code",
"execution_count": 11,
"metadata": {
"colab": {},
"colab_type": "code",
"id": "G4sRuxyn_1aO"
},
"outputs": [],
"source": [
"def load_env_compatible(data_dir, model_dir):\n",
" \"\"\"Loads environment for inference mode, used in jupyter notebook.\"\"\"\n",
" # modified https://github.com/tensorflow/magenta/blob/master/magenta/models/sketch_rnn/sketch_rnn_train.py\n",
" # to work with depreciated tf.HParams functionality\n",
" model_params = sketch_rnn_model.get_default_hparams()\n",
" with tf.gfile.Open(os.path.join(model_dir, 'model_config.json'), 'r') as f:\n",
" data = json.load(f)\n",
" fix_list = ['conditional', 'is_training', 'use_input_dropout', 'use_output_dropout', 'use_recurrent_dropout']\n",
" for fix in fix_list:\n",
" data[fix] = (data[fix] == 1)\n",
" model_params.parse_json(json.dumps(data))\n",
" return load_dataset(data_dir, model_params, inference_mode=True)\n",
"\n",
"def load_model_compatible(model_dir):\n",
" \"\"\"Loads model for inference mode, used in jupyter notebook.\"\"\"\n",
" # modified https://github.com/tensorflow/magenta/blob/master/magenta/models/sketch_rnn/sketch_rnn_train.py\n",
" # to work with depreciated tf.HParams functionality\n",
" model_params = sketch_rnn_model.get_default_hparams()\n",
" with tf.gfile.Open(os.path.join(model_dir, 'model_config.json'), 'r') as f:\n",
" data = json.load(f)\n",
" fix_list = ['conditional', 'is_training', 'use_input_dropout', 'use_output_dropout', 'use_recurrent_dropout']\n",
" for fix in fix_list:\n",
" data[fix] = (data[fix] == 1)\n",
" model_params.parse_json(json.dumps(data))\n",
"\n",
" model_params.batch_size = 1 # only sample one at a time\n",
" eval_model_params = sketch_rnn_model.copy_hparams(model_params)\n",
" eval_model_params.use_input_dropout = 0\n",
" eval_model_params.use_recurrent_dropout = 0\n",
" eval_model_params.use_output_dropout = 0\n",
" eval_model_params.is_training = 0\n",
" sample_model_params = sketch_rnn_model.copy_hparams(eval_model_params)\n",
" sample_model_params.max_seq_len = 1 # sample one point at a time\n",
" return [model_params, eval_model_params, sample_model_params]"
]
},
{
"cell_type": "code",
"execution_count": 12,
"metadata": {
"colab": {
"base_uri": "https://localhost:8080/",
"height": 153
},
"colab_type": "code",
"id": "9m-jSAb3FQuf",
"outputId": "debc045d-d15a-4b30-f747-fa4bcbd069fd"
},
"outputs": [
{
"name": "stderr",
"output_type": "stream",
"text": [
"I1030 17:41:40.760584 139942895679296 sketch_rnn_train.py:142] Loaded 161/161/161 from diede.npz\n",
"I1030 17:41:40.985831 139942895679296 sketch_rnn_train.py:142] Loaded 100/100/100 from lijn.npz\n",
"I1030 17:41:41.029351 139942895679296 sketch_rnn_train.py:142] Loaded 100/100/100 from blokletters.npz\n",
"I1030 17:41:41.234873 139942895679296 sketch_rnn_train.py:159] Dataset combined: 1083 (361/361/361), avg len 234\n",
"I1030 17:41:41.235846 139942895679296 sketch_rnn_train.py:166] model_params.max_seq_len 614.\n",
"I1030 17:41:41.412048 139942895679296 sketch_rnn_train.py:209] normalizing_scale_factor 55.2581.\n"
]
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"total images <= max_seq_len is 361\n",
"total images <= max_seq_len is 361\n",
"total images <= max_seq_len is 361\n"
]
}
],
"source": [
"[train_set, valid_set, test_set, hps_model, eval_hps_model, sample_hps_model] = load_env_compatible(data_dir, model_dir)"
]
},
{
"cell_type": "code",
"execution_count": 13,
"metadata": {
"colab": {
"base_uri": "https://localhost:8080/",
"height": 479
},
"colab_type": "code",
"id": "1pHS8TSgFQui",
"outputId": "50b0e14d-ff0f-43bf-d996-90e9e6a1491e"
},
"outputs": [
{
"name": "stderr",
"output_type": "stream",
"text": [
"W1030 17:41:48.243727 139942895679296 deprecation_wrapper.py:119] From /home/ruben/Documents/Geboortekaartje/sketch_rnn/venv/lib/python3.7/site-packages/magenta/models/sketch_rnn/sketch_rnn_train.py:62: The name tf.get_default_session is deprecated. Please use tf.compat.v1.get_default_session instead.\n",
"\n",
"W1030 17:41:48.244626 139942895679296 deprecation_wrapper.py:119] From /home/ruben/Documents/Geboortekaartje/sketch_rnn/venv/lib/python3.7/site-packages/magenta/models/sketch_rnn/sketch_rnn_train.py:65: The name tf.reset_default_graph is deprecated. Please use tf.compat.v1.reset_default_graph instead.\n",
"\n",
"W1030 17:41:48.245686 139942895679296 deprecation_wrapper.py:119] From /home/ruben/Documents/Geboortekaartje/sketch_rnn/venv/lib/python3.7/site-packages/magenta/models/sketch_rnn/model.py:81: The name tf.variable_scope is deprecated. Please use tf.compat.v1.variable_scope instead.\n",
"\n",
"I1030 17:41:48.254927 139942895679296 model.py:87] Model using gpu.\n",
"I1030 17:41:48.262013 139942895679296 model.py:175] Input dropout mode = False.\n",
"I1030 17:41:48.263224 139942895679296 model.py:176] Output dropout mode = False.\n",
"I1030 17:41:48.263903 139942895679296 model.py:177] Recurrent dropout mode = False.\n",
"W1030 17:41:48.264627 139942895679296 deprecation_wrapper.py:119] From /home/ruben/Documents/Geboortekaartje/sketch_rnn/venv/lib/python3.7/site-packages/magenta/models/sketch_rnn/model.py:190: The name tf.placeholder is deprecated. Please use tf.compat.v1.placeholder instead.\n",
"\n",
"W1030 17:41:48.274967 139942895679296 deprecation.py:323] From /home/ruben/Documents/Geboortekaartje/sketch_rnn/venv/lib/python3.7/site-packages/magenta/models/sketch_rnn/model.py:100: bidirectional_dynamic_rnn (from tensorflow.python.ops.rnn) is deprecated and will be removed in a future version.\n",
"Instructions for updating:\n",
"Please use `keras.layers.Bidirectional(keras.layers.RNN(cell))`, which is equivalent to this API\n",
"W1030 17:41:48.275926 139942895679296 deprecation.py:323] From /home/ruben/.local/lib/python3.7/site-packages/tensorflow/python/ops/rnn.py:464: dynamic_rnn (from tensorflow.python.ops.rnn) is deprecated and will be removed in a future version.\n",
"Instructions for updating:\n",
"Please use `keras.layers.RNN(cell)`, which is equivalent to this API\n",
"W1030 17:41:48.364203 139942895679296 deprecation_wrapper.py:119] From /home/ruben/Documents/Geboortekaartje/sketch_rnn/venv/lib/python3.7/site-packages/magenta/models/sketch_rnn/rnn.py:288: The name tf.get_variable is deprecated. Please use tf.compat.v1.get_variable instead.\n",
"\n",
"W1030 17:41:48.365810 139942895679296 deprecation.py:506] From /home/ruben/.local/lib/python3.7/site-packages/tensorflow/python/ops/init_ops.py:1251: calling VarianceScaling.__init__ (from tensorflow.python.ops.init_ops) with dtype is deprecated and will be removed in a future version.\n",
"Instructions for updating:\n",
"Call initializer instance with the dtype argument instead of passing it to the constructor\n",
"W1030 17:41:48.573339 139942895679296 deprecation.py:323] From /home/ruben/.local/lib/python3.7/site-packages/tensorflow/python/ops/rnn.py:244: add_dispatch_support.<locals>.wrapper (from tensorflow.python.ops.array_ops) is deprecated and will be removed in a future version.\n",
"Instructions for updating:\n",
"Use tf.where in 2.0, which has the same broadcast rule as np.where\n",
"W1030 17:41:49.201451 139942895679296 deprecation_wrapper.py:119] From /home/ruben/Documents/Geboortekaartje/sketch_rnn/venv/lib/python3.7/site-packages/magenta/models/sketch_rnn/model.py:256: The name tf.nn.xw_plus_b is deprecated. Please use tf.compat.v1.nn.xw_plus_b instead.\n",
"\n",
"W1030 17:41:49.216303 139942895679296 deprecation.py:323] From /home/ruben/Documents/Geboortekaartje/sketch_rnn/venv/lib/python3.7/site-packages/magenta/models/sketch_rnn/model.py:266: div (from tensorflow.python.ops.math_ops) is deprecated and will be removed in a future version.\n",
"Instructions for updating:\n",
"Deprecated in favor of operator or tf.math.divide.\n",
"W1030 17:41:49.229308 139942895679296 deprecation.py:506] From /home/ruben/Documents/Geboortekaartje/sketch_rnn/venv/lib/python3.7/site-packages/magenta/models/sketch_rnn/model.py:285: calling reduce_sum_v1 (from tensorflow.python.ops.math_ops) with keep_dims is deprecated and will be removed in a future version.\n",
"Instructions for updating:\n",
"keep_dims is deprecated, use keepdims instead\n",
"W1030 17:41:49.238550 139942895679296 deprecation.py:323] From /home/ruben/Documents/Geboortekaartje/sketch_rnn/venv/lib/python3.7/site-packages/magenta/models/sketch_rnn/model.py:295: softmax_cross_entropy_with_logits (from tensorflow.python.ops.nn_ops) is deprecated and will be removed in a future version.\n",
"Instructions for updating:\n",
"\n",
"Future major versions of TensorFlow will allow gradients to flow\n",
"into the labels input on backprop by default.\n",
"\n",
"See `tf.nn.softmax_cross_entropy_with_logits_v2`.\n",
"\n",
"W1030 17:41:49.286651 139942895679296 deprecation_wrapper.py:119] From /home/ruben/Documents/Geboortekaartje/sketch_rnn/venv/lib/python3.7/site-packages/magenta/models/sketch_rnn/model.py:351: The name tf.train.AdamOptimizer is deprecated. Please use tf.compat.v1.train.AdamOptimizer instead.\n",
"\n",
"I1030 17:41:51.179355 139942895679296 model.py:87] Model using gpu.\n",
"I1030 17:41:51.179930 139942895679296 model.py:175] Input dropout mode = 0.\n",
"I1030 17:41:51.180556 139942895679296 model.py:176] Output dropout mode = 0.\n",
"I1030 17:41:51.181033 139942895679296 model.py:177] Recurrent dropout mode = 0.\n",
"I1030 17:41:51.579374 139942895679296 model.py:87] Model using gpu.\n",
"I1030 17:41:51.579939 139942895679296 model.py:175] Input dropout mode = 0.\n",
"I1030 17:41:51.580369 139942895679296 model.py:176] Output dropout mode = 0.\n",
"I1030 17:41:51.580825 139942895679296 model.py:177] Recurrent dropout mode = 0.\n"
]
}
],
"source": [
"# construct the sketch-rnn model here:\n",
"reset_graph()\n",
"model = Model(hps_model)\n",
"eval_model = Model(eval_hps_model, reuse=True)\n",
"sample_model = Model(sample_hps_model, reuse=True)"
]
},
{
"cell_type": "code",
"execution_count": 14,
"metadata": {
"colab": {},
"colab_type": "code",
"id": "1gxYLPTQFQuk"
},
"outputs": [],
"source": [
"sess = tf.InteractiveSession()\n",
"sess.run(tf.global_variables_initializer())"
]
},
{
"cell_type": "code",
"execution_count": 15,
"metadata": {
"colab": {
"base_uri": "https://localhost:8080/",
"height": 51
},
"colab_type": "code",
"id": "bVlDyfN_FQum",
"outputId": "fb41ce20-4c7f-4991-e9f6-559ea9b34a31"
},
"outputs": [
{
"name": "stderr",
"output_type": "stream",
"text": [
"W1030 17:42:02.262253 139942895679296 deprecation_wrapper.py:119] From /home/ruben/Documents/Geboortekaartje/sketch_rnn/venv/lib/python3.7/site-packages/magenta/models/sketch_rnn/sketch_rnn_train.py:239: The name tf.train.Saver is deprecated. Please use tf.compat.v1.train.Saver instead.\n",
"\n",
"I1030 17:42:02.329423 139942895679296 sketch_rnn_train.py:241] Loading model models/naam4/vector-4800.\n",
"W1030 17:42:02.330948 139942895679296 deprecation.py:323] From /home/ruben/.local/lib/python3.7/site-packages/tensorflow/python/training/saver.py:1276: checkpoint_exists (from tensorflow.python.training.checkpoint_management) is deprecated and will be removed in a future version.\n",
"Instructions for updating:\n",
"Use standard file APIs to check for files with this prefix.\n",
"I1030 17:42:02.334095 139942895679296 saver.py:1280] Restoring parameters from models/naam4/vector-4800\n"
]
}
],
"source": [
"# loads the weights from checkpoint into our model\n",
"load_checkpoint(sess, model_dir)\n",
"# saver = tf.train.Saver(tf.global_variables())\n",
"# ckpt = tf.train.get_checkpoint_state(model_dir)\n",
"# print(int(ckpt.model_checkpoint_path.split(\"-\")[-1])/100)\n",
"# # tf.logging.info('Loading model %s.', ckpt.model_checkpoint_path)\n",
"# saver.restore(sess, \"models/naam4/vector-4100\")"
]
},
{
"cell_type": "markdown",
"metadata": {
"colab_type": "text",
"id": "EOblwpFeFQuq"
},
"source": [
"We define two convenience functions to encode a stroke into a latent vector, and decode from latent vector to stroke."
]
},
{
"cell_type": "code",
"execution_count": 16,
"metadata": {
"colab": {},
"colab_type": "code",
"id": "tMFlV487FQur"
},
"outputs": [],
"source": [
"def encode(input_strokes):\n",
" strokes = to_big_strokes(input_strokes, 614).tolist()\n",
" strokes.insert(0, [0, 0, 1, 0, 0])\n",
" seq_len = [len(input_strokes)]\n",
" print(seq_len)\n",
" draw_strokes(to_normal_strokes(np.array(strokes)))\n",
" print(np.array([strokes]).shape)\n",
" return sess.run(eval_model.batch_z, feed_dict={eval_model.input_data: [strokes], eval_model.sequence_lengths: seq_len})[0]"
]
},
{
"cell_type": "code",
"execution_count": 17,
"metadata": {
"colab": {},
"colab_type": "code",
"id": "1D5CV7ZlFQut"
},
"outputs": [],
"source": [
"def decode(z_input=None, draw_mode=True, temperature=0.1, factor=0.2):\n",
" z = None\n",
" if z_input is not None:\n",
" z = [z_input]\n",
" sample_strokes, m = sample(sess, sample_model, seq_len=eval_model.hps.max_seq_len, temperature=temperature, z=z)\n",
" strokes = to_normal_strokes(sample_strokes)\n",
" if draw_mode:\n",
" draw_strokes(strokes, factor)\n",
" return strokes"
]
},
{
"cell_type": "code",
"execution_count": 23,
"metadata": {
"colab": {
"base_uri": "https://localhost:8080/",
"height": 123
},
"colab_type": "code",
"id": "fUOAvRQtFQuw",
"outputId": "c8e9a1c3-28db-4263-ac67-62ffece1e1e0"
},
"outputs": [
{
"name": "stdout",
"output_type": "stream",
"text": [
"162\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"96.05657488107681\" version=\"1.1\" width=\"193.32733754068613\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:ev=\"http://www.w3.org/2001/xml-events\" xmlns:xlink=\"http://www.w3.org/1999/xlink\"><defs/><rect fill=\"white\" height=\"96.05657488107681\" width=\"193.32733754068613\" x=\"0\" y=\"0\"/><path d=\"M51.330968998372555,47.983045876026154 m-0.9953287243843079,-2.8955018520355225 l-1.6287197172641754,-1.5382352471351624 -4.795674681663513,-1.6287197172641754 l-3.709861636161804,0.0 -1.5382352471351624,-0.27145329862833023 l-4.433737099170685,0.9953287243843079 -4.524221420288086,1.9001729786396027 l-0.9953287243843079,0.5429065972566605 -0.4524221643805504,0.9953287243843079 l-1.4477509260177612,1.5382352471351624 -1.8096886575222015,4.524221420288086 l0.0,4.162283837795258 0.4524221643805504,1.8096886575222015 l1.266781985759735,2.9859861731529236 1.7192041873931885,2.443079650402069 l2.262110710144043,1.3572664558887482 1.4477509260177612,0.4524221643805504 l3.9813148975372314,0.09048443287611008 3.8908305764198303,-1.085813194513321 l3.528892695903778,-2.262110710144043 5.791003704071045,-5.971972346305847 l3.1669551134109497,-4.614706039428711 0.8143598586320877,-1.8096886575222015 l1.176297590136528,-4.343252778053284 0.9048443287611008,-8.324567675590515 l2.624048590660095,-8.41505229473114 0.9953287243843079,-1.6287197172641754 l0.9048443287611008,-0.4524221643805504 0.9048443287611008,-1.5382352471351624 l-5.06712794303894,6.333910226821899 -4.252768158912659,10.043771266937256 l-0.27145329862833023,3.619377315044403 -0.3619377315044403,1.3572664558887482 l0.27145329862833023,1.9001729786396027 -0.18096886575222015,1.7192041873931885 l-0.3619377315044403,0.5429065972566605 -0.18096886575222015,2.7145329117774963 l-0.27145329862833023,0.4524221643805504 0.27145329862833023,0.3619377315044403 l-0.6333909928798676,3.257439434528351 0.3619377315044403,1.9001729786396027 l0.6333909928798676,1.6287197172641754 1.266781985759735,0.8143598586320877 l3.0764704942703247,0.9953287243843079 2.171626389026642,0.0 l1.6287197172641754,-0.3619377315044403 0.7238754630088806,-0.5429065972566605 l0.4524221643805504,0.0 2.624048590660095,-1.3572664558887482 l1.085813194513321,-1.5382352471351624 1.6287197172641754,-1.5382352471351624 l0.5429065972566605,-1.266781985759735 1.085813194513321,-1.3572664558887482 l3.528892695903778,-8.053114414215088 3.0764704942703247,-2.8955018520355225 l-1.176297590136528,1.7192041873931885 -0.3619377315044403,0.0 l-1.5382352471351624,2.8955018520355225 -0.4524221643805504,1.266781985759735 l-0.9048443287611008,4.886159300804138 0.27145329862833023,4.0717995166778564 l0.9953287243843079,3.528892695903778 2.53356397151947,1.5382352471351624 l3.709861636161804,0.3619377315044403 6.876816749572754,0.0 l4.886159300804138,-0.9048443287611008 3.709861636161804,-1.6287197172641754 l2.7145329117774963,-1.9906574487686157 1.8096886575222015,-1.9906574487686157 l2.171626389026642,-3.9813148975372314 1.6287197172641754,-5.157612562179565 l-0.6333909928798676,-1.3572664558887482 -0.7238754630088806,-0.5429065972566605 l-2.081141918897629,-1.5382352471351624 -1.266781985759735,-0.3619377315044403 l-4.162283837795258,0.9953287243843079 -3.347924053668976,2.352595180273056 l-1.085813194513321,2.443079650402069 -0.3619377315044403,1.7192041873931885 l0.0,1.8096886575222015 0.5429065972566605,1.5382352471351624 l2.262110710144043,3.619377315044403 1.9906574487686157,2.443079650402069 l3.347924053668976,2.262110710144043 1.176297590136528,0.27145329862833023 l0.0,0.27145329862833023 3.0764704942703247,0.6333909928798676 l2.352595180273056,0.0 3.1669551134109497,-0.6333909928798676 l1.8096886575222015,-0.9048443287611008 3.0764704942703247,-2.7145329117774963 l1.8096886575222015,-2.53356397151947 0.9048443287611008,-2.8050172328948975 l0.0,-2.443079650402069 -0.3619377315044403,-1.8096886575222015 l0.3619377315044403,-1.3572664558887482 0.9048443287611008,-1.9001729786396027 l1.4477509260177612,-1.5382352471351624 2.7145329117774963,-0.7238754630088806 l6.514878869056702,0.18096886575222015 1.7192041873931885,1.266781985759735 l1.266781985759735,1.4477509260177612 1.5382352471351624,3.8003459572792053 l-1.5382352471351624,-2.53356397151947 -1.9906574487686157,-1.9001729786396027 l-3.528892695903778,-2.171626389026642 -2.171626389026642,-0.6333909928798676 l-6.424394845962524,1.266781985759735 -3.347924053668976,1.4477509260177612 l-1.3572664558887482,0.9048443287611008 -2.262110710144043,4.0717995166778564 l0.0,3.1669551134109497 2.624048590660095,5.157612562179565 l4.162283837795258,4.795674681663513 0.5429065972566605,0.0 l0.6333909928798676,0.4524221643805504 1.6287197172641754,0.4524221643805504 l1.8096886575222015,0.0 5.338581204414368,-1.7192041873931885 l4.0717995166778564,-2.53356397151947 3.347924053668976,-5.70051908493042 l1.5382352471351624,-7.781661152839661 0.0,-2.7145329117774963 l-0.3619377315044403,-1.6287197172641754 0.0,-3.438408374786377 l1.266781985759735,-6.695848107337952 -0.18096886575222015,-3.438408374786377 l0.18096886575222015,-0.9953287243843079 -0.9953287243843079,6.243425607681274 l-0.18096886575222015,9.50086534023285 -1.3572664558887482,6.876816749572754 l0.0,3.8003459572792053 -0.3619377315044403,1.7192041873931885 l0.0,4.433737099170685 1.4477509260177612,3.0764704942703247 l1.176297590136528,0.27145329862833023 0.5429065972566605,0.5429065972566605 l2.171626389026642,0.5429065972566605 1.176297590136528,0.0 l1.6287197172641754,-0.3619377315044403 3.8908305764198303,-1.266781985759735 l5.971972346305847,-2.9859861731529236 5.429065823554993,-3.8003459572792053 l2.9859861731529236,-3.528892695903778 1.3572664558887482,-3.8003459572792053 l-0.18096886575222015,-1.266781985759735 -0.27145329862833023,-0.9048443287611008 l-1.085813194513321,-0.9953287243843079 -2.624048590660095,-1.085813194513321 l-2.262110710144043,0.0 -2.53356397151947,0.6333909928798676 l-3.438408374786377,2.352595180273056 -1.4477509260177612,3.1669551134109497 l0.09048443287611008,3.0764704942703247 0.9953287243843079,4.252768158912659 l1.266781985759735,4.252768158912659 1.9001729786396027,3.528892695903778 l2.352595180273056,1.8096886575222015 3.438408374786377,0.9048443287611008 l5.157612562179565,-0.9953287243843079 5.971972346305847,-2.171626389026642 l3.1669551134109497,-0.5429065972566605 0.4524221643805504,-0.3619377315044403 l-1.8096886575222015,-0.6333909928798676 -1.085813194513321,-1.266781985759735 m-89.39861297607422,-28.774049282073975 l-0.27145329862833023,-1.266781985759735 -0.18096886575222015,0.0 l-0.09048443287611008,0.0 0.0,-0.09048443287611008 l0.09048443287611008,-0.18096886575222015 0.09048443287611008,0.0 l0.09048443287611008,0.0 0.0,0.09048443287611008 l0.0,0.09048443287611008 -0.09048443287611008,0.0 l-0.09048443287611008,0.0 0.0,0.0 l0.0,0.09048443287611008 0.27145329862833023,0.5429065972566605 l0.27145329862833023,0.5429065972566605 \" fill=\"none\" stroke=\"black\" stroke-width=\"1\"/></svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
}
],
"source": [
"# get a sample drawing from the test set, and render it to .svg\n",
"i = random.randint(101,360)\n",
"#i=260\n",
"print(i)\n",
"stroke = test_set.random_sample()\n",
"stroke=test_set.strokes[i]\n",
"draw_strokes(stroke)\n"
]
},
{
"cell_type": "markdown",
"metadata": {
"colab_type": "text",
"id": "j114Re2JFQuz"
},
"source": [
"Let's try to encode the sample stroke into latent vector $z$"
]
},
{
"cell_type": "code",
"execution_count": 24,
"metadata": {},
"outputs": [
{
"name": "stdout",
"output_type": "stream",
"text": [
"Help on method random_sample in module magenta.models.sketch_rnn.utils:\n",
"\n",
"random_sample() method of magenta.models.sketch_rnn.utils.DataLoader instance\n",
" Return a random sample, in stroke-3 format as used by draw_strokes.\n",
"\n"
]
}
],
"source": [
"help(test_set.random_sample)"
]
},
{
"cell_type": "code",
"execution_count": 25,
"metadata": {
"colab": {
"base_uri": "https://localhost:8080/",
"height": 123
},
"colab_type": "code",
"id": "DBRjPBo-FQu0",
"outputId": "e089dc78-88e3-44c6-ed7e-f1844471f47f"
},
"outputs": [
{
"name": "stdout",
"output_type": "stream",
"text": [
"[181]\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"96.05657488107681\" version=\"1.1\" width=\"193.32733754068613\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:ev=\"http://www.w3.org/2001/xml-events\" xmlns:xlink=\"http://www.w3.org/1999/xlink\"><defs/><rect fill=\"white\" height=\"96.05657488107681\" width=\"193.32733754068613\" x=\"0\" y=\"0\"/><path d=\"M51.330968998372555,47.983045876026154 m0.0,0.0 l-0.9953287243843079,-2.8955018520355225 -1.6287197172641754,-1.5382352471351624 l-4.795674681663513,-1.6287197172641754 -3.709861636161804,0.0 l-1.5382352471351624,-0.27145329862833023 -4.433737099170685,0.9953287243843079 l-4.524221420288086,1.9001729786396027 -0.9953287243843079,0.5429065972566605 l-0.4524221643805504,0.9953287243843079 -1.4477509260177612,1.5382352471351624 l-1.8096886575222015,4.524221420288086 0.0,4.162283837795258 l0.4524221643805504,1.8096886575222015 1.266781985759735,2.9859861731529236 l1.7192041873931885,2.443079650402069 2.262110710144043,1.3572664558887482 l1.4477509260177612,0.4524221643805504 3.9813148975372314,0.09048443287611008 l3.8908305764198303,-1.085813194513321 3.528892695903778,-2.262110710144043 l5.791003704071045,-5.971972346305847 3.1669551134109497,-4.614706039428711 l0.8143598586320877,-1.8096886575222015 1.176297590136528,-4.343252778053284 l0.9048443287611008,-8.324567675590515 2.624048590660095,-8.41505229473114 l0.9953287243843079,-1.6287197172641754 0.9048443287611008,-0.4524221643805504 l0.9048443287611008,-1.5382352471351624 -5.06712794303894,6.333910226821899 l-4.252768158912659,10.043771266937256 -0.27145329862833023,3.619377315044403 l-0.3619377315044403,1.3572664558887482 0.27145329862833023,1.9001729786396027 l-0.18096886575222015,1.7192041873931885 -0.3619377315044403,0.5429065972566605 l-0.18096886575222015,2.7145329117774963 -0.27145329862833023,0.4524221643805504 l0.27145329862833023,0.3619377315044403 -0.6333909928798676,3.257439434528351 l0.3619377315044403,1.9001729786396027 0.6333909928798676,1.6287197172641754 l1.266781985759735,0.8143598586320877 3.0764704942703247,0.9953287243843079 l2.171626389026642,0.0 1.6287197172641754,-0.3619377315044403 l0.7238754630088806,-0.5429065972566605 0.4524221643805504,0.0 l2.624048590660095,-1.3572664558887482 1.085813194513321,-1.5382352471351624 l1.6287197172641754,-1.5382352471351624 0.5429065972566605,-1.266781985759735 l1.085813194513321,-1.3572664558887482 3.528892695903778,-8.053114414215088 l3.0764704942703247,-2.8955018520355225 -1.176297590136528,1.7192041873931885 l-0.3619377315044403,0.0 -1.5382352471351624,2.8955018520355225 l-0.4524221643805504,1.266781985759735 -0.9048443287611008,4.886159300804138 l0.27145329862833023,4.0717995166778564 0.9953287243843079,3.528892695903778 l2.53356397151947,1.5382352471351624 3.709861636161804,0.3619377315044403 l6.876816749572754,0.0 4.886159300804138,-0.9048443287611008 l3.709861636161804,-1.6287197172641754 2.7145329117774963,-1.9906574487686157 l1.8096886575222015,-1.9906574487686157 2.171626389026642,-3.9813148975372314 l1.6287197172641754,-5.157612562179565 -0.6333909928798676,-1.3572664558887482 l-0.7238754630088806,-0.5429065972566605 -2.081141918897629,-1.5382352471351624 l-1.266781985759735,-0.3619377315044403 -4.162283837795258,0.9953287243843079 l-3.347924053668976,2.352595180273056 -1.085813194513321,2.443079650402069 l-0.3619377315044403,1.7192041873931885 0.0,1.8096886575222015 l0.5429065972566605,1.5382352471351624 2.262110710144043,3.619377315044403 l1.9906574487686157,2.443079650402069 3.347924053668976,2.262110710144043 l1.176297590136528,0.27145329862833023 0.0,0.27145329862833023 l3.0764704942703247,0.6333909928798676 2.352595180273056,0.0 l3.1669551134109497,-0.6333909928798676 1.8096886575222015,-0.9048443287611008 l3.0764704942703247,-2.7145329117774963 1.8096886575222015,-2.53356397151947 l0.9048443287611008,-2.8050172328948975 0.0,-2.443079650402069 l-0.3619377315044403,-1.8096886575222015 0.3619377315044403,-1.3572664558887482 l0.9048443287611008,-1.9001729786396027 1.4477509260177612,-1.5382352471351624 l2.7145329117774963,-0.7238754630088806 6.514878869056702,0.18096886575222015 l1.7192041873931885,1.266781985759735 1.266781985759735,1.4477509260177612 l1.5382352471351624,3.8003459572792053 -1.5382352471351624,-2.53356397151947 l-1.9906574487686157,-1.9001729786396027 -3.528892695903778,-2.171626389026642 l-2.171626389026642,-0.6333909928798676 -6.424394845962524,1.266781985759735 l-3.347924053668976,1.4477509260177612 -1.3572664558887482,0.9048443287611008 l-2.262110710144043,4.0717995166778564 0.0,3.1669551134109497 l2.624048590660095,5.157612562179565 4.162283837795258,4.795674681663513 l0.5429065972566605,0.0 0.6333909928798676,0.4524221643805504 l1.6287197172641754,0.4524221643805504 1.8096886575222015,0.0 l5.338581204414368,-1.7192041873931885 4.0717995166778564,-2.53356397151947 l3.347924053668976,-5.70051908493042 1.5382352471351624,-7.781661152839661 l0.0,-2.7145329117774963 -0.3619377315044403,-1.6287197172641754 l0.0,-3.438408374786377 1.266781985759735,-6.695848107337952 l-0.18096886575222015,-3.438408374786377 0.18096886575222015,-0.9953287243843079 l-0.9953287243843079,6.243425607681274 -0.18096886575222015,9.50086534023285 l-1.3572664558887482,6.876816749572754 0.0,3.8003459572792053 l-0.3619377315044403,1.7192041873931885 0.0,4.433737099170685 l1.4477509260177612,3.0764704942703247 1.176297590136528,0.27145329862833023 l0.5429065972566605,0.5429065972566605 2.171626389026642,0.5429065972566605 l1.176297590136528,0.0 1.6287197172641754,-0.3619377315044403 l3.8908305764198303,-1.266781985759735 5.971972346305847,-2.9859861731529236 l5.429065823554993,-3.8003459572792053 2.9859861731529236,-3.528892695903778 l1.3572664558887482,-3.8003459572792053 -0.18096886575222015,-1.266781985759735 l-0.27145329862833023,-0.9048443287611008 -1.085813194513321,-0.9953287243843079 l-2.624048590660095,-1.085813194513321 -2.262110710144043,0.0 l-2.53356397151947,0.6333909928798676 -3.438408374786377,2.352595180273056 l-1.4477509260177612,3.1669551134109497 0.09048443287611008,3.0764704942703247 l0.9953287243843079,4.252768158912659 1.266781985759735,4.252768158912659 l1.9001729786396027,3.528892695903778 2.352595180273056,1.8096886575222015 l3.438408374786377,0.9048443287611008 5.157612562179565,-0.9953287243843079 l5.971972346305847,-2.171626389026642 3.1669551134109497,-0.5429065972566605 l0.4524221643805504,-0.3619377315044403 -1.8096886575222015,-0.6333909928798676 l-1.085813194513321,-1.266781985759735 m-89.39861297607422,-28.774049282073975 l-0.27145329862833023,-1.266781985759735 -0.18096886575222015,0.0 l-0.09048443287611008,0.0 0.0,-0.09048443287611008 l0.09048443287611008,-0.18096886575222015 0.09048443287611008,0.0 l0.09048443287611008,0.0 0.0,0.09048443287611008 l0.0,0.09048443287611008 -0.09048443287611008,0.0 l-0.09048443287611008,0.0 0.0,0.0 l0.0,0.09048443287611008 0.27145329862833023,0.5429065972566605 l0.27145329862833023,0.5429065972566605 \" fill=\"none\" stroke=\"black\" stroke-width=\"1\"/></svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"(1, 615, 5)\n"
]
}
],
"source": [
"z = encode(stroke)"
]
},
{
"cell_type": "code",
"execution_count": 28,
"metadata": {
"colab": {
"base_uri": "https://localhost:8080/",
"height": 124
},
"colab_type": "code",
"id": "-37v6eZLFQu5",
"outputId": "5ddac2f2-5b3b-4cd7-b81f-7a8fa374aa6b"
},
"outputs": [
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"96.9829752878286\" version=\"1.1\" width=\"162.93233731528744\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:ev=\"http://www.w3.org/2001/xml-events\" xmlns:xlink=\"http://www.w3.org/1999/xlink\"><defs/><rect fill=\"white\" height=\"96.9829752878286\" width=\"162.93233731528744\" x=\"0\" y=\"0\"/><path d=\"M45.17855316400528,53.27768618473783 m-1.2977118790149689,-4.684671461582184 l-2.1384388208389282,-1.7416565120220184 -2.574549913406372,-1.0058709233999252 l-1.7991983890533447,0.17629820853471756 -3.3172813057899475,0.7991404086351395 l-8.234804272651672,8.058347702026367 -0.8165685832500458,4.237818121910095 l0.3636946529150009,4.098210632801056 1.309179812669754,2.834083139896393 l2.9138633608818054,3.8772574067115784 3.442067801952362,2.056332379579544 l3.5335686802864075,-0.027192516718059778 4.229726791381836,-1.6607868671417236 l2.5033700466156006,-3.0487051606178284 1.962985247373581,-3.8008174300193787 l1.0745848715305328,-3.9175722002983093 -0.14240303076803684,-4.305446445941925 l0.22834081202745438,-4.614157974720001 -0.241167601197958,-4.026716351509094 l0.35137269645929337,-1.493912935256958 1.0884130746126175,-6.90926730632782 l1.906086653470993,-5.271884202957153 2.535596787929535,-4.083706736564636 l0.7103933393955231,-2.8184953331947327 -0.6004461646080017,-1.0043138265609741 l-0.6129190698266029,1.113152876496315 -2.8781411051750183,8.059155941009521 l0.038149876054376364,1.4649277925491333 -0.015153479762375355,5.538400411605835 l-0.2405465580523014,4.428523480892181 -1.7720076441764832,3.8679298758506775 l-0.8079490065574646,3.579869866371155 -0.9738674759864807,2.452927529811859 l-0.17317593097686768,4.222325384616852 0.0844679493457079,1.0599435120821 l0.5886897817254066,2.8580763936042786 0.9701249003410339,1.9928891956806183 l0.8302275091409683,0.8950943499803543 2.513527274131775,-0.07241705432534218 l1.9094617664813995,-0.14922883361577988 3.7056535482406616,-1.7631031572818756 l5.1326984167099,-6.364611387252808 2.0559845864772797,-4.245234727859497 l0.9149900823831558,-4.048638641834259 1.6669224202632904,-3.971364200115204 l-0.45303191989660263,0.027645560912787914 -2.269633710384369,3.0756646394729614 l-1.3843142986297607,4.14388507604599 -0.6418517976999283,1.4552587270736694 l0.04202411975711584,0.916774645447731 -0.5439509078860283,2.9467466473579407 l-0.036957175470888615,4.117816686630249 1.6082309186458588,4.270640015602112 l1.9485963881015778,2.6900404691696167 1.2573765218257904,0.611206591129303 l1.6278500854969025,0.16157405450940132 1.7293347418308258,-0.41001003235578537 l5.573369860649109,-2.908441126346588 2.509314715862274,-1.7727982997894287 l2.137668877840042,-1.911708265542984 2.8134343028068542,-3.012535870075226 l2.865262031555176,-5.769574046134949 0.8260956406593323,-6.506321430206299 l-0.47590091824531555,-1.6120480000972748 -0.6395668536424637,-0.4556424543261528 l-2.066267877817154,0.7262446731328964 -5.3303974866867065,4.988026916980743 l-2.080979496240616,6.183720231056213 0.34844987094402313,1.5935610234737396 l1.4542347192764282,3.6979934573173523 3.07309627532959,4.741432070732117 l1.8923506140708923,1.831236332654953 1.0481122881174088,0.7142049074172974 l2.2249338030815125,0.3330148011445999 2.6142236590385437,-0.3741764649748802 l5.482626557350159,-3.6345285177230835 2.129979282617569,-2.698126435279846 l1.8742552399635315,-2.9578888416290283 1.036665365099907,-2.134537398815155 l0.6070465222001076,-3.1492453813552856 0.9885527938604355,-6.753398180007935 l1.93269744515419,-3.4364378452301025 1.2523853778839111,-1.1557149142026901 l1.2509064376354218,-0.8582139760255814 1.5955112874507904,-0.09121231734752655 l1.5851455926895142,0.3000037930905819 1.579386442899704,0.5952316895127296 l1.3344758749008179,0.6730839610099792 3.865383267402649,2.959686517715454 l0.8821070194244385,2.6895394921302795 -0.6717109680175781,-2.929758131504059 l-1.3385528326034546,-2.284252494573593 -3.264874219894409,-1.5995699167251587 l-4.045024514198303,-0.5329426005482674 -3.0898168683052063,0.2862028032541275 l-1.6813024878501892,0.7279925793409348 -1.0664943605661392,1.080610454082489 l-3.4874480962753296,5.292505621910095 -2.0735029876232147,5.898398160934448 l0.2193111926317215,3.0388858914375305 1.1563964188098907,4.721805453300476 l1.1704503744840622,1.5319503843784332 0.6193587929010391,0.6489268690347672 l1.6306518018245697,1.4384041726589203 2.7598854899406433,1.3566844165325165 l2.8013014793395996,-0.07348894141614437 3.3811527490615845,-0.8558536320924759 l1.1373714357614517,-0.7986748963594437 0.2587985247373581,0.002456044312566519 l3.3152255415916443,-2.498977482318878 1.6844670474529266,-1.1656920611858368 l2.973615527153015,-4.526198506355286 2.0117415487766266,-7.1501624584198 l-0.1801588200032711,-3.5141077637672424 -0.056529706344008446,0.3692798689007759 l-0.782276913523674,-1.6725155711174011 -0.22552382200956345,0.3658895939588547 l0.518132783472538,-7.830865979194641 -0.4898688569664955,-4.083662033081055 l0.9626901894807816,-8.28109622001648 -0.20631376653909683,0.5537543445825577 l-0.9898219257593155,1.3874594867229462 -0.474817119538784,2.6385727524757385 l-1.5764673054218292,9.78594422340393 -0.14840476214885712,1.7277142405509949 l0.02921279752627015,7.141898274421692 -3.8609519600868225,8.069236278533936 l-0.058115203864872456,3.520289361476898 0.02091411268338561,1.8550588190555573 l0.4294797033071518,1.2205622345209122 1.1719583719968796,1.1684320867061615 l0.943581759929657,0.26171501725912094 1.2563054263591766,0.4821764677762985 l0.25820309296250343,-0.06298097316175699 6.266797184944153,-2.1011844277381897 l1.4246897399425507,-0.8608489483594894 3.6544454097747803,-3.127794861793518 l4.3096765875816345,-5.836578011512756 1.4704592525959015,-2.217756360769272 l1.234094426035881,-5.040654540061951 0.5430338531732559,-0.9646642953157425 l-0.062443194910883904,-0.9453576058149338 -1.742682009935379,-0.8895652741193771 l-1.0175646096467972,-0.06680727005004883 -4.453401565551758,2.0802155137062073 l-1.878989189863205,2.0034079253673553 -1.8921126425266266,2.7727359533309937 l-1.3840100169181824,3.9822113513946533 -0.298533383756876,1.944824457168579 l0.16262061893939972,0.08560230955481529 0.6279268860816956,1.734779179096222 l1.8075098097324371,2.098730504512787 6.81065559387207,-0.5872765183448792 l6.266116499900818,-2.023102641105652 0.9672222286462784,-0.6279661506414413 l-0.8421957492828369,-0.10654883459210396 -1.260068565607071,-0.6765351444482803 m-69.78472709655762,-23.71955394744873 l1.770152896642685,-1.2719503045082092 0.38336869329214096,-0.12554829008877277 l0.1748432032763958,-0.016486900858581066 0.18136277794837952,-0.07396100554615259 l0.00015514659025939181,-0.4038713872432709 -0.03963429946452379,-0.13581250794231892 \" fill=\"none\" stroke=\"black\" stroke-width=\"1\"/></svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
}
],
"source": [
"_ = decode(z,temperature=1) # convert z back to drawing at temperature of 0.8\n"
]
},
{
"cell_type": "markdown",
"metadata": {
"colab_type": "text",
"id": "M5ft6IEBFQu9"
},
"source": [
"Create generated grid at various temperatures from 0.1 to 1.0"
]
},
{
"cell_type": "code",
"execution_count": 29,
"metadata": {
"colab": {
"base_uri": "https://localhost:8080/",
"height": 130
},
"colab_type": "code",
"id": "BuhaZI0aFQu9",
"outputId": "d87d4b00-30c2-4302-bec8-46566ef26922",
"scrolled": false
},
"outputs": [
{
"name": "stdout",
"output_type": "stream",
"text": [
"0.1\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"122.24945623620442\" version=\"1.1\" width=\"282.88152161461767\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:ev=\"http://www.w3.org/2001/xml-events\" xmlns:xlink=\"http://www.w3.org/1999/xlink\"><defs/><rect fill=\"white\" height=\"122.24945623620442\" width=\"282.88152161461767\" x=\"0\" y=\"0\"/><path d=\"M45.762346733827144,77.1447913367956 m-0.44140487909317017,-0.694681853055954 l0.041335392743349075,0.2308887429535389 -0.4870026931166649,-0.3651118278503418 l-2.2112664580345154,-0.014624656178057194 -1.3793458044528961,0.5032222718000412 l-1.2889263033866882,-0.06632290314882994 -1.3156038522720337,0.42472388595342636 l-1.185014620423317,0.41330914944410324 -2.320781946182251,0.7876910269260406 l-2.766396403312683,1.437421590089798 -2.705576717853546,2.100107967853546 l-2.1848130226135254,2.4244357645511627 -1.620427817106247,2.6913848519325256 l-0.86068294942379,2.6589378714561462 -0.03643865929916501,2.8281009197235107 l1.3451196253299713,2.888643741607666 1.414484679698944,1.2632639706134796 l2.834610342979431,0.5932743847370148 3.8725945353507996,-0.8539621531963348 l1.220337525010109,-0.5030989646911621 1.4519324898719788,-0.6602942198514938 l1.2935076653957367,-0.618024505674839 3.519006371498108,-2.6671102643013 l3.6617451906204224,-3.8299959897994995 2.66641765832901,-4.672367572784424 l1.704811453819275,-5.141388177871704 1.0601229965686798,-2.039961963891983 l1.4799371361732483,-5.792643427848816 0.9922823309898376,-5.922202467918396 l0.8809445798397064,-5.575372576713562 0.22156959399580956,-1.7813065648078918 l0.4386366158723831,-2.307238131761551 0.4197803884744644,-2.2032132744789124 l0.2410472370684147,-0.8157705515623093 0.15317127108573914,-0.6988286226987839 l0.20883934572339058,-0.44938284903764725 0.23489004001021385,-1.0601527243852615 l0.41335292160511017,-1.2548355758190155 0.1294170878827572,-0.4146302118897438 l0.08443537168204784,-0.36194581538438797 -0.01560291857458651,-0.051563987508416176 l-0.1067787129431963,0.1292090117931366 -0.5583802238106728,1.660994291305542 l-0.8409423381090164,2.620694637298584 -0.9210330992937088,3.3272451162338257 l-1.1575229465961456,3.5723191499710083 -1.3778650760650635,4.013229012489319 l-1.4050841331481934,3.93002450466156 -0.04730296786874533,2.875882387161255 l-1.1760685592889786,3.3516666293144226 -0.021791141480207443,3.773370087146759 l-0.3228037804365158,2.744276523590088 0.006171966670081019,3.0493995547294617 l0.6979372352361679,2.5364047288894653 1.2434608489274979,1.7754054069519043 l1.8117529153823853,0.8499561250209808 2.3735269904136658,-0.2789609506726265 l1.6219502687454224,-0.8093293756246567 0.7712998986244202,-0.2621229737997055 l1.5227411687374115,-0.8641363680362701 1.2497090548276901,-0.9254930168390274 l1.5740427374839783,-1.1856386810541153 1.5758243203163147,-1.6322816908359528 l0.5224869027733803,-0.7368418574333191 0.5540232360363007,-0.7341918349266052 l2.17097744345665,-2.923179864883423 1.4242196083068848,-2.9435160756111145 l0.1549264695495367,-0.6294328719377518 0.19517775624990463,-0.6743552535772324 l0.42418498545885086,-0.4764100909233093 -0.04736031871289015,-0.3944081813097 l0.21907711401581764,0.025056551676243544 -0.020555106457322836,-0.03725262125954032 l-0.08030865341424942,0.48729419708251953 -0.33809036016464233,0.645371749997139 l-0.20941006019711494,0.3835700452327728 -0.3549250215291977,0.4117373377084732 l-0.23363307118415833,0.5380472168326378 -0.3268611431121826,0.5351661890745163 l-0.21447176113724709,0.7265877723693848 -0.3111937642097473,0.7476633787155151 l-0.006477325805462897,2.39761158823967 -0.003056737477891147,2.2584407031536102 l-0.017476262291893363,1.8758541345596313 1.1542734503746033,2.0722484588623047 l2.5526371598243713,0.007284973980858922 1.6601277887821198,0.007838227902539074 l1.5079040825366974,0.028128228150308132 0.7923117280006409,-0.4671752452850342 l1.9677601754665375,-0.749514177441597 1.6833184659481049,-1.1546842753887177 l1.0754014551639557,-0.3109217807650566 0.887281522154808,-0.7079001516103745 l0.8858693391084671,-0.32872162759304047 3.1768018007278442,-2.2180502116680145 l0.7979180663824081,-1.171528771519661 1.1000863462686539,-0.4808252304792404 l0.6368497014045715,-1.1910536885261536 0.7859732210636139,-0.4269741475582123 l0.5145346000790596,-0.9767460078001022 0.6201443448662758,-0.5699943006038666 l0.3906995803117752,-0.8249703794717789 0.4523353651165962,-0.5623792484402657 l-0.01623682677745819,-1.2312472611665726 0.31140176579356194,-0.2337031438946724 l-0.020706849172711372,-0.922202542424202 0.15860995277762413,-0.15920665115118027 l-0.10170870460569859,-0.5916051939129829 0.11590875685214996,-0.2941822446882725 l-0.11749657802283764,-0.7021834701299667 0.11348810978233814,-0.4082571342587471 l-0.13187474571168423,-0.6969837844371796 0.08921408094465733,-0.39269402623176575 l0.07305735256522894,-0.4594837874174118 -1.7253220081329346,0.04083074629306793 l-0.8940887451171875,0.6180486083030701 -1.111380010843277,1.1503033339977264 l-1.0034214705228806,1.522100418806076 -0.8963987976312637,1.6257676482200623 l-1.1334940046072006,2.7578940987586975 -0.5981646478176117,2.8508922457695007 l-0.007944961544126272,2.617463171482086 0.9934458881616592,2.3977503180503845 l0.6333722919225693,1.1414172500371933 2.1938367187976837,-8.579012501286343e-05 l0.7795874029397964,-0.15467681922018528 1.7344309389591217,-0.6143687665462494 l1.2094957381486893,-0.8564995229244232 1.1374375224113464,-0.6094245612621307 l1.6040997207164764,-0.9080623835325241 1.5353170037269592,-0.8701910078525543 l1.612335741519928,-1.020887941122055 1.5965178608894348,-1.161346435546875 l1.1268715560436249,-0.5227798968553543 1.5974994003772736,-1.2455735355615616 l1.4035671949386597,-0.9760531038045883 1.4501780271530151,-0.9532031416893005 l0.8484555035829544,-0.44933605939149857 0.7772490382194519,-0.5499361827969551 l0.6652528047561646,-0.3954751044511795 0.6102748587727547,-0.42152754962444305 l0.5890430882573128,-0.3661506623029709 0.7815607637166977,-0.026021581143140793 l0.9680416435003281,-0.02901044674217701 1.2942200899124146,-0.03883162047713995 l1.5251271426677704,-0.04425625316798687 1.6559968888759613,-0.029388112016022205 l1.3778489828109741,-0.015949991066008806 1.4744463562965393,-0.004376934084575623 l0.696435421705246,0.02135893562808633 -1.8231992423534393,0.08407567627727985 l-2.0921051502227783,0.4213031008839607 -1.9928152859210968,0.20076924934983253 l-0.9378151595592499,0.5794449895620346 -0.8621592819690704,0.042546289041638374 l-2.511216700077057,1.4273501932621002 -2.2118639945983887,1.7826274037361145 l-1.7821407318115234,2.0743387937545776 -1.2434693425893784,2.145615518093109 l-0.00638226920273155,1.6902117431163788 -0.009751665056683123,1.4408639073371887 l-0.016040317714214325,1.3284645974636078 1.609213799238205,1.872621774673462 l2.796451449394226,0.004490845312830061 1.933296024799347,-0.017889462178573012 l1.6835856437683105,-0.044463686645030975 1.712554544210434,-0.8930487930774689 l3.917733132839203,-2.6309794187545776 3.703618049621582,-3.683648705482483 l3.319597840309143,-4.996410012245178 2.597549259662628,-5.5699217319488525 l1.981065571308136,-5.63913881778717 1.7729036509990692,-6.002969741821289 l1.504015326499939,-5.607587099075317 0.1782030053436756,-1.3789449632167816 l0.25818709284067154,-0.9378202259540558 -0.04754787776619196,-1.7679855227470398 l0.3805501013994217,-1.3242420554161072 -0.02393607748672366,-2.0869503915309906 l0.5326856300234795,-1.080256998538971 -0.05307707469910383,-1.3319283723831177 l-0.5519657209515572,0.44357769191265106 -0.6684960424900055,1.5278655290603638 l-0.9668274223804474,2.2080035507678986 -1.075727492570877,2.9203185439109802 l-1.4022721350193024,3.4063220024108887 -1.519816517829895,4.072180390357971 l0.017121487762778997,1.4628615975379944 -0.9660531580448151,2.672768235206604 l-0.02346491441130638,3.3066368103027344 -0.5779914557933807,1.2518563866615295 l-0.03159083891659975,4.163461923599243 0.04265023395419121,1.1858118325471878 l0.00658879813272506,3.5352113842964172 0.5855658277869225,1.0508859157562256 l0.0269530201330781,2.0448370277881622 0.7581929862499237,0.9022991359233856 l0.6677819043397903,0.7732568681240082 0.9440436214208603,0.67048579454422 l2.842394709587097,0.013184400741010904 1.0528131574392319,-0.33800628036260605 l2.280017137527466,0.03009504172950983 1.2109646946191788,-0.48132285475730896 l2.411596029996872,0.06359544582664967 2.372633069753647,-0.7420641183853149 l2.6255863904953003,-0.7271020114421844 2.7719715237617493,-1.1115185171365738 l2.752481698989868,-1.1646763980388641 2.856138050556183,-1.569451242685318 l2.9362282156944275,-1.9396951794624329 2.9604312777519226,-2.3869696259498596 l3.1197574734687805,-3.5188141465187073 2.083076536655426,-3.1364482641220093 l1.4209532737731934,-2.9520276188850403 0.6696674972772598,-2.3469579219818115 l0.14423198997974396,-0.622490756213665 0.11291555128991604,-0.7626777142286301 l-0.22917535156011581,-0.5850526690483093 -0.368441678583622,-0.6117295101284981 l-0.492485947906971,-0.4712599143385887 -0.5823791399598122,-0.4695281386375427 l-0.6746910512447357,-0.2520988695323467 -3.842892348766327,0.17604811117053032 l-3.199242651462555,2.0010291039943695 -2.125746011734009,2.5075918436050415 l-1.4387211203575134,2.718697190284729 -0.880783423781395,3.0965304374694824 l-0.1124847587198019,3.4409359097480774 0.9983792155981064,3.3749359846115112 l2.2389619052410126,3.072350323200226 3.4138983488082886,2.3949457705020905 l4.028433263301849,1.2047935277223587 3.4633198380470276,-0.02259586239233613 l3.4328892827033997,-0.01841298770159483 2.977796792984009,-0.8563961833715439 l2.5010648369789124,-1.063191071152687 2.2098489105701447,-1.4763197302818298 l1.6674268245697021,-1.8138538300991058 0.8296495676040649,-2.7419647574424744 l-0.23107962682843208,-3.524080216884613 0.6299668550491333,-2.1605010330677032 l0.511997640132904,-3.8461756706237793 1.0171573609113693,-3.5010680556297302 l1.7284905910491943,-2.895345687866211 2.4552857875823975,-1.8040382862091064 l1.2276338785886765,-0.7547809183597565 1.4050045609474182,-0.6667958199977875 l2.5120311975479126,-0.017372232396155596 2.768849730491638,0.5305567383766174 l2.759222686290741,1.2184403091669083 2.488540858030319,1.6979505121707916 l0.6468746811151505,1.43379807472229 0.7129622250795364,2.0437906682491302 l0.06622173823416233,1.6734996438026428 0.12133576907217503,0.4424629732966423 l-0.2870015799999237,-1.045914888381958 -0.08715536445379257,-1.501433104276657 l-0.09078720584511757,-1.8235282599925995 -0.0462490925565362,-1.7436054348945618 l-0.11702833697199821,-1.77901953458786 -0.40217746049165726,-1.8680354952812195 l-1.0137015581130981,-1.5887191891670227 -1.6521632671356201,-1.0384200513362885 l-1.9720980525016785,-0.44456589967012405 -2.0079652965068817,0.12660053558647633 l-1.9523920118808746,0.7079973071813583 -1.8226364254951477,1.2512657046318054 l-3.606364130973816,4.89095538854599 -1.1920997500419617,2.2286981344223022 l-0.4844570904970169,2.2545459866523743 -0.25916924700140953,2.2002124786376953 l0.034813464153558016,1.9754649698734283 0.6561765074729919,3.985356390476227 l0.5723010003566742,2.1586544811725616 2.3704981803894043,3.7681493163108826 l1.4271566271781921,1.6949054598808289 1.5723378956317902,0.9990786015987396 l1.8700118362903595,0.3539452701807022 2.1738749742507935,-0.52391167730093 l2.550766170024872,-1.3513365387916565 2.8708437085151672,-2.1569018065929413 l3.008449971675873,-2.8104108572006226 3.766959309577942,-4.588819742202759 l2.625342905521393,-4.820395410060883 0.6992579251527786,-1.8711163103580475 l0.44856637716293335,-1.8569791316986084 0.48551104962825775,-4.773024320602417 l0.30272046104073524,-4.200915694236755 0.19599752500653267,-3.8776859641075134 l0.3079589083790779,-3.4075182676315308 0.6364572793245316,-3.1671950221061707 l0.8774175494909286,-2.638528347015381 0.966164618730545,-2.031498998403549 l-0.053483168594539165,-1.4150092005729675 0.1105235144495964,-1.126219481229782 l-0.07045370992273092,-0.5630716308951378 -0.42783502489328384,0.25842372328042984 l-0.6459082663059235,1.3294118642807007 -0.5743176490068436,1.789821833372116 l-0.4382297396659851,1.9280217587947845 -0.3336087241768837,1.9997885823249817 l-0.2611933834850788,2.16906875371933 -0.2844572067260742,2.3916105926036835 l0.031428905203938484,3.4663575887680054 0.01792165683582425,3.8482239842414856 l-0.002992267836816609,3.7281566858291626 -0.005659725866280496,4.029521048069 l-0.143307913094759,1.7620152235031128 0.01119143096730113,3.466540277004242 l0.4008697345852852,1.2911215424537659 0.8935466408729553,1.1876280605793 l1.1324424296617508,0.6214126199483871 1.422230303287506,0.3440648689866066 l1.6340519487857819,0.1065268274396658 1.6826170682907104,-0.16156872734427452 l1.9739095866680145,-0.617399588227272 3.1523743271827698,-1.0637413710355759 l2.9921549558639526,-1.1739569157361984 4.88664448261261,-2.6863867044448853 l4.652275741100311,-3.1420451402664185 3.5279661417007446,-3.250567615032196 l2.784663736820221,-3.5928860306739807 1.908918023109436,-3.443771004676819 l1.1823266744613647,-3.170757293701172 0.46742338687181473,-2.6706334948539734 l-0.356244333088398,-1.8798774480819702 -0.9382311254739761,-0.9711255878210068 l-1.8928323686122894,-0.09283422492444515 -2.8157544136047363,1.2939243018627167 l-2.7307409048080444,2.550269365310669 -2.2070632874965668,3.105364441871643 l-1.6081084311008453,3.7797510623931885 -0.6269168108701706,4.234533607959747 l0.6088665500283241,4.099436700344086 2.0244163274765015,3.6349940299987793 l1.4060227572917938,1.176505908370018 4.123859405517578,1.7824310064315796 l2.699388861656189,0.2239987626671791 5.517951250076294,-0.8012859523296356 l1.9714879989624023,-0.8151492476463318 3.3466455340385437,-1.5238423645496368 l1.4891795814037323,-0.8822065591812134 0.9778250753879547,-0.49707435071468353 l1.020662784576416,-0.5155729502439499 0.9152516722679138,-0.3248068690299988 l1.3246779143810272,-1.2118583917617798 0.7829452306032181,-0.23400753736495972 l0.4475930705666542,-0.9403827041387558 -0.3148248419165611,-0.776490643620491 l-1.3273429870605469,-0.616314485669136 m-99.86444473266602,-27.27787494659424 l0.00868134549818933,1.3769984245300293 \" fill=\"none\" stroke=\"black\" stroke-width=\"1\"/></svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"71.75017157103866\" version=\"1.1\" width=\"108.04525467705389\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:ev=\"http://www.w3.org/2001/xml-events\" xmlns:xlink=\"http://www.w3.org/1999/xlink\"><defs/><rect fill=\"white\" height=\"71.75017157103866\" width=\"108.04525467705389\" x=\"0\" y=\"0\"/><path d=\"M40.750178545713425,41.8762079620501 m-1.4290457963943481,0.20572887733578682 l-2.4607855081558228,-0.1590471714735031 -2.091706246137619,0.029418584890663624 l-0.4497523605823517,0.6167907267808914 -1.0176224261522293,0.10014534927904606 l-0.8786935359239578,0.22582657635211945 -0.7979734241962433,0.26492195203900337 l-0.8767548203468323,0.22027302533388138 -0.8369860053062439,0.2896350622177124 l-0.7698284834623337,0.27074767276644707 -0.7513640075922012,0.30607372522354126 l-0.7366182655096054,0.3140704333782196 -0.9498800337314606,0.18403053283691406 l-0.10384046472609043,0.42168110609054565 -0.9543832391500473,0.10700992308557034 l-0.06507705897092819,0.413096584379673 -0.24331208318471909,0.20601291209459305 l-0.11253317818045616,0.2721846103668213 -0.13626892119646072,0.1972380466759205 l-0.0658981641754508,0.16505658626556396 -0.0218545226380229,0.05639249924570322 l0.024942150339484215,0.004100658115930855 0.04939863923937082,0.030037597753107548 l0.225293580442667,0.006240915972739458 0.3280636668205261,-0.10456111282110214 l0.17299894243478775,0.23085793480277061 0.390433594584465,-0.2078625001013279 l0.3087462857365608,-0.17075363546609879 0.31085025519132614,-0.15634845942258835 l0.25487007573246956,-0.10798883624374866 0.23063428699970245,-0.0635772105306387 l0.21870853379368782,-0.06234563887119293 0.199503842741251,-0.05925202742218971 l0.22579027339816093,-0.0666924798861146 0.2114848606288433,-0.08066738955676556 l0.24097707122564316,-0.10348372161388397 0.2961154282093048,-0.12221760116517544 l0.33380892127752304,-0.16337623819708824 0.3721486032009125,-0.19403629004955292 l0.42925622314214706,-0.23281408473849297 0.4660128429532051,-0.26662858203053474 l0.5323151126503944,-0.30613716691732407 0.4947677254676819,-0.096629299223423 l0.541582889854908,-0.3466326743364334 0.5299043655395508,-0.08491970598697662 l0.5581818521022797,-0.35199373960494995 0.5415460467338562,-0.09154868312180042 l0.4848935455083847,-0.1352811325341463 0.49475129693746567,-0.12256385758519173 l0.4700259491801262,-0.13774126768112183 0.49357790499925613,-0.12180928140878677 l0.47210097312927246,-0.13330568559467793 0.4669303074479103,-0.13476045802235603 l0.4642948880791664,-0.1350143551826477 0.46348322182893753,-0.1363368146121502 l0.4591786116361618,-0.1379518024623394 0.4552500322461128,-0.13807610608637333 l0.6915725767612457,-0.27197273448109627 0.43369289487600327,-0.1503943745046854 l0.6739465147256851,-0.36155253648757935 0.6399112939834595,-0.30240220949053764 l1.4943471550941467,-0.5701072514057159 0.5376466736197472,-0.3326944261789322 l1.745348870754242,-1.711423248052597 0.49257799983024597,-0.30351029708981514 l1.8096235394477844,-1.7941415309906006 0.47832027077674866,-0.3030216321349144 l1.6496086120605469,-1.979716569185257 0.4534253478050232,-0.2434908226132393 l1.420755684375763,-1.971488893032074 0.46384360641241074,-0.2002277411520481 l1.175086349248886,-1.7600388824939728 0.28255054727196693,-0.2637699246406555 l0.29120149090886116,-0.3826579451560974 0.27735766023397446,-0.3702037036418915 l0.2780022472143173,-0.3978588432073593 0.23263249546289444,-0.39358556270599365 l0.2533531188964844,-0.39081111550331116 0.23421170189976692,-0.4302630200982094 l0.23801619186997414,-0.477493479847908 -0.2674197219312191,-0.7435351610183716 l-0.2761289104819298,-0.4697861894965172 -0.5849172547459602,-0.3573513403534889 l-0.7163268327713013,-0.14792541041970253 -0.7374893128871918,0.032495479099452496 l-0.7968347519636154,0.217417161911726 -0.8410007506608963,0.3171251714229584 l-0.8697142452001572,0.3993196040391922 -0.949423685669899,0.46853121370077133 l-1.058676689863205,0.5501063540577888 -1.1603136360645294,0.6511519104242325 l-0.574917197227478,0.05436000879853964 -0.06521026138216257,0.40013421326875687 l-0.21018797531723976,0.3560512885451317 -0.0936543382704258,0.36303073167800903 l-0.06870461162179708,0.4064158722758293 -0.010056582977995276,0.41819237172603607 l0.021423250436782837,0.42052749544382095 0.05706499796360731,0.4158402606844902 l0.0643243221566081,0.399756021797657 0.06959969643503428,0.37628747522830963 l0.07653649430721998,0.3412361815571785 0.06774162407964468,0.2943658083677292 l0.09175378829240799,0.2761003375053406 0.0857207365334034,0.23861519992351532 l0.09490169584751129,0.20508190616965294 0.10879406705498695,0.18043475225567818 l0.11745664291083813,0.15496231615543365 0.13068921864032745,0.14742025174200535 l0.13344342820346355,0.13643850572407246 0.13855565339326859,0.12601555325090885 l0.14916851185262203,0.1226985827088356 0.15963038429617882,0.11580705642700195 l0.16026906669139862,0.10914981365203857 0.17815615981817245,0.10742071084678173 l0.15208054333925247,0.03691882826387882 0.16101714223623276,0.02916858298704028 l0.1634567603468895,0.04220705013722181 0.16229860484600067,0.05462842062115669 l0.1717270165681839,0.06959827151149511 0.17969630658626556,0.06611541379243135 l0.17569812014698982,0.06625763140618801 0.16675835475325584,0.06193768233060837 l0.1709291897714138,0.07527001202106476 0.16157109290361404,0.08304567076265812 l0.1588996686041355,0.06243538111448288 0.15999585390090942,0.05430025979876518 l0.15602515079081059,0.04814143758267164 0.15684958547353745,0.04521900787949562 l0.15371671877801418,0.03562574973329902 0.1583687961101532,0.04089793190360069 l0.15623753890395164,0.05130427423864603 0.1541739795356989,0.04842023830860853 l0.16226934269070625,0.04089993890374899 0.1611403375864029,0.042691221460700035 l0.16167329624295235,0.04628326278179884 0.15645118430256844,0.047891801223158836 l0.156826414167881,0.06088677793741226 0.15246923081576824,0.055225579999387264 l0.14658845961093903,0.04283338785171509 0.1504176575690508,0.06770571228116751 l0.13822182081639767,0.07757907267659903 0.13457324355840683,0.07750141434371471 l0.12578663416206837,0.06435420364141464 0.12380242347717285,0.07881521247327328 l0.11761668138206005,0.09965759702026844 0.11101909913122654,0.10181710124015808 l0.10666564106941223,0.12069150805473328 0.1026661042124033,0.12701154686510563 l0.09560608305037022,0.11413040570914745 0.09226927533745766,0.12979497201740742 l0.08794867433607578,0.13756279833614826 0.0846770592033863,0.14571336098015308 l0.08657517842948437,0.15875151380896568 0.08443441241979599,0.1657535508275032 l0.08112498559057713,0.1730732060968876 0.08351706899702549,0.19672764465212822 l0.08723731152713299,0.185519028455019 0.08311635814607143,0.20505836233496666 l0.07884729653596878,0.19873365759849548 0.08502780459821224,0.20734358578920364 l0.08569997735321522,0.19714493304491043 0.0805091392248869,0.19381863996386528 l0.08611970581114292,0.1881168968975544 0.09506996721029282,0.20780900493264198 l0.09128402918577194,0.19943075254559517 0.08854434825479984,0.18785132095217705 l0.08889763616025448,0.1928992010653019 0.08538000285625458,0.19096145406365395 l0.08533545769751072,0.18587060272693634 0.09170513600111008,0.187850221991539 l0.08404876105487347,0.1798926293849945 0.08402452804148197,0.18636099994182587 l0.07781322579830885,0.18387354910373688 0.07606827188283205,0.1787147857248783 l0.078963628038764,0.18786460161209106 0.0716144498437643,0.17657049000263214 l0.07651265244930983,0.1741923950612545 0.07310733199119568,0.16479354351758957 l0.2391812950372696,0.1156544778496027 0.06974031683057547,0.17152773216366768 l0.07558669429272413,0.12945275753736496 0.0856158509850502,0.15110433101654053 l0.07060660514980555,0.15007149428129196 0.07375596556812525,0.1292034611105919 l0.07307467982172966,0.13660447672009468 0.06474710535258055,0.1414050441235304 l0.06703127641230822,0.12904602102935314 0.0584831228479743,0.12020724825561047 l0.06536671426147223,0.11731700040400028 0.05900558549910784,0.10597395710647106 l0.06009767763316631,0.11423585005104542 0.05644385237246752,0.09377628564834595 l0.05454868543893099,0.09729122743010521 0.050889323465526104,0.0936344638466835 l0.043265847489237785,0.07197360973805189 0.0471323449164629,0.0687183067202568 l0.04614003002643585,0.07152986247092485 0.045445216819643974,0.043609398417174816 l0.04308687523007393,0.03561935853213072 0.04343230742961168,0.021409818436950445 l0.041913045570254326,0.009587701060809195 0.041161966510117054,0.010619900422170758 l0.03501704894006252,-0.02313408302143216 0.036488722544163465,-0.021745339035987854 l-0.008678380982019007,0.11661611497402191 0.024265791289508343,-0.039618187583982944 l-0.016373888356611133,0.12033781036734581 0.015825536102056503,-0.047819106839597225 l0.034145882818847895,-0.0815789494663477 -0.6031560152769089,0.007539376383647323 l-0.13148561120033264,0.11269891634583473 -0.1107450295239687,0.13017614372074604 l-0.17315123230218887,0.13620439916849136 -0.12515774928033352,0.12912968173623085 l-0.12975262477993965,0.12500121258199215 -0.11293127201497555,0.1297359447926283 l-0.02352932933717966,-0.04923691973090172 -0.0913811195641756,0.13866872526705265 l-0.14561823569238186,0.12950848788022995 -0.12067772448062897,0.12840270064771175 l-0.12987712398171425,0.13219084590673447 -0.031229087617248297,-0.05015251226723194 l-0.10656893253326416,0.14666780829429626 -0.03296727081760764,-0.03319484880194068 l-0.009551708353683352,-0.06686690263450146 -0.14825928024947643,0.14378231950104237 l-0.16909686848521233,0.13788439333438873 -0.1552940532565117,0.1351028773933649 l-0.02706151455640793,-0.08662751875817776 -0.005821586819365621,-0.10814772918820381 l-0.0011089104373240843,-0.1014342438429594 -0.1474621519446373,0.1345276925712824 l-0.0025272119091823697,-0.08980552665889263 0.013935043243691325,-0.13464197516441345 l-0.1670963503420353,0.12483312748372555 0.006048486102372408,-0.08862369693815708 l-0.1479785144329071,0.11068136431276798 -0.16435576602816582,0.12253956869244576 l-0.1275533251464367,0.12440419755876064 -0.12981770560145378,0.1291307620704174 l-0.09625126607716084,0.13384085148572922 -0.08925773203372955,0.13223176822066307 l-0.08142389357089996,0.12806527316570282 -0.051043909043073654,0.12375026941299438 l-0.06102945655584335,0.12492025271058083 0.02309995936229825,-0.02548431046307087 l0.03715998725965619,-0.030580018647015095 0.04150434862822294,-0.029324188362807035 l0.046387966722249985,-0.03561442019417882 0.050263237208127975,-0.05298782140016556 l0.05640576593577862,-0.07146576885133982 0.06578630767762661,-0.08562479168176651 l0.07432266604155302,-0.08640332147479057 0.07811795920133591,-0.11017371900379658 l0.07943443022668362,-0.10483949445188046 0.08021133951842785,-0.1116812601685524 l0.08100215345621109,-0.11795996688306332 0.08237936533987522,-0.1049397699534893 l0.08380233310163021,-0.10972239077091217 0.09321760386228561,-0.11995513923466206 l0.09391402825713158,-0.11986819095909595 0.09004464372992516,-0.11804367415606976 l0.09551858529448509,-0.10932727716863155 0.09782877750694752,-0.12231097556650639 l0.09896059520542622,-0.10890656150877476 0.09904083795845509,-0.10098985396325588 l0.10037017054855824,-0.1096571609377861 0.10139540769159794,-0.09884596802294254 l0.103053729981184,-0.1130942814052105 0.11030379682779312,-0.10404808446764946 l0.11175932362675667,-0.10375542566180229 0.11215342208743095,-0.10213704779744148 l0.1128858420997858,-0.10238053277134895 0.12043612077832222,-0.09023485705256462 l0.11934482492506504,-0.08028768934309483 0.11523446999490261,-0.0890715979039669 l0.11930475011467934,-0.07930753752589226 0.12084960006177425,-0.07616850081831217 l0.12006169185042381,-0.07042933721095324 0.09635431692004204,0.09808868169784546 l0.1005714014172554,-0.03407128155231476 0.11788812465965748,-0.052606104873120785 l0.10773822665214539,-0.04829989280551672 0.1117422804236412,-0.018296708585694432 l0.10907476767897606,-0.010395211866125464 0.114255640655756,0.14012551866471767 l0.07998378947377205,-0.025176256895065308 0.1108893845230341,-0.012206283863633871 l0.09203370660543442,-0.01025593956001103 0.10316681116819382,-0.00801966991275549 l0.09610570967197418,-0.015515730483457446 0.09438510984182358,-0.009676266927272081 l0.12356771156191826,0.1557845901697874 0.07887477055191994,-0.007560919621028006 l0.1506176684051752,0.15926314517855644 0.12144734151661396,0.16136059537529945 l0.09717235341668129,-0.0015316277858801186 0.17230454832315445,0.15338627621531487 l0.15439958311617374,0.14730301685631275 0.09852767921984196,0.016133893514052033 l0.10513357818126678,0.03975287079811096 0.09874547831714153,0.04123696591705084 l0.21733442321419716,0.12966744601726532 0.2033580280840397,0.10484055615961552 l0.10410807095468044,0.01781950704753399 0.10482368059456348,0.037334347143769264 l0.09309318847954273,0.05251299124211073 0.09245798923075199,0.04070898983627558 l0.08716823533177376,0.016453347634524107 0.08492277935147285,0.0219157082028687 l0.07518119644373655,0.01964711118489504 0.07397502195090055,0.008745372761040926 l0.07405037991702557,0.007581241661682725 0.07114419713616371,0.009496502461843193 l0.06956127472221851,-0.01592226675711572 0.06783086806535721,-0.010725450702011585 l0.0668641459196806,-0.004207508754916489 0.07216800469905138,-0.011018988443538547 l0.07063884288072586,-0.01793775474652648 0.06956080440431833,-0.014922601403668523 l0.06655456498265266,-0.013397280126810074 0.06945779547095299,-0.013863012427464128 l0.07128662429749966,-0.01859598676674068 0.07313675247132778,-0.016018799506127834 l0.0692320941016078,-0.0194475706666708 0.07227466907352209,-0.01911310711875558 l0.07401008158922195,-0.02395703922957182 0.07464339956641197,-0.01402408815920353 l0.07070224732160568,-0.027841920964419842 0.06978492718189955,-0.030509450007230043 l0.07036537397652864,-0.030746515840291977 0.07191847544163465,-0.020420681685209274 l0.09413128718733788,0.07342542987316847 0.06958566606044769,-0.024593158159404993 l0.07920311763882637,-0.03545769490301609 0.07133073639124632,-0.013503186637535691 l0.07582731079310179,-0.03145931288599968 0.07026161998510361,-0.027937500271946192 l0.07398336194455624,-0.023175019305199385 0.07063392549753189,-0.025611217133700848 l0.06890003103762865,-0.027483077719807625 0.06919870618730783,-0.03591081826016307 l0.06673967931419611,-0.0323390937410295 0.07249940652400255,-0.030830856412649155 l0.07159941364079714,-0.042477636598050594 0.09057433344423771,0.08504859171807766 l0.06337663158774376,-0.031170048750936985 0.07452387362718582,-0.035666972398757935 l0.07118547800928354,-0.024973570834845304 0.07778681814670563,-0.04063126631081104 l0.0700323935598135,-0.035948208533227444 0.07052000612020493,-0.029640186112374067 l0.07067249156534672,-0.03454227466136217 0.06714283488690853,-0.03677312517538667 l0.06749572232365608,-0.04043356981128454 0.07184546440839767,-0.029428801499307156 l0.06887848488986492,-0.02427882980555296 0.06512204650789499,-0.054503120481967926 l0.06822500377893448,-0.026675593107938766 0.0648651784285903,-0.028584448155015707 l0.07137492764741182,-0.037260588724166155 0.07189881056547165,-0.04372141323983669 l0.06466841790825129,-0.03917254973202944 0.07398514077067375,-0.03990891855210066 l0.08237193338572979,0.0883928220719099 0.0665851728990674,-0.03392747836187482 l0.07707044947892427,-0.03827882697805762 0.1012831274420023,0.08672645315527916 l0.07049208972603083,-0.029998256359249353 0.07354313042014837,-0.026768473908305168 l0.07323323749005795,-0.01697589992545545 0.07430927362293005,-0.02399334916844964 l0.07900138385593891,-0.020280214957892895 0.07324741687625647,-0.03650627797469497 l0.07846512831747532,-0.03427328774705529 0.07418145891278982,-0.02947290427982807 l0.07579131051898003,-0.02929850248619914 0.07383387070149183,-0.033732037991285324 l0.11384406127035618,0.09088410995900631 0.07144572678953409,-0.03217957215383649 l0.07308626547455788,-0.04621936473995447 0.12133965268731117,0.08428860455751419 l0.07072647102177143,-0.03283607540652156 0.07718983571976423,-0.029443223029375076 l0.07314200047403574,-0.013965569669380784 0.07604485377669334,-0.0223049009218812 l0.07411428261548281,-0.02563901711255312 0.07232856471091509,-0.021701280493289232 l0.07403130643069744,-0.029689176008105278 0.11880824342370033,0.08741108700633049 l0.07341127377003431,-0.0280980602838099 0.07520641200244427,-0.02744233002886176 l0.13085175305604935,0.09368601255118847 0.06895194295793772,-0.020129568874835968 l0.0818425789475441,-0.018167502712458372 0.07452421355992556,-0.01742654130794108 l0.07647566962987185,-0.02205194439738989 0.07294148206710815,-0.017959479009732604 l0.0700686126947403,-0.01563529367558658 0.07525278255343437,-0.023971940390765667 l0.07073298562318087,-0.0214016018435359 0.07197597529739141,-0.03525271778926253 l0.0737873138859868,-0.02266965340822935 0.06604882422834635,-0.013434265274554491 l0.07036828435957432,-0.02684259321540594 0.07071820087730885,-0.020248661749064922 l0.06847748998552561,-0.043373797088861465 0.07425959687680006,-0.023099048994481564 l0.07292760536074638,-0.03427202580496669 0.07479323074221611,-0.026620193384587765 l0.06891671102494001,-0.02947808476164937 0.06659009493887424,-0.026122599374502897 l0.07372058928012848,-0.023396757896989584 0.06802001036703587,-0.030322340317070484 l0.06908091250807047,-0.033718657214194536 0.07023071404546499,-0.02805103315040469 l0.06977416109293699,-0.027265625540167093 0.06942546460777521,-0.0389753608033061 l0.07279925979673862,-0.03135414328426123 0.06999326404184103,-0.03524244297295809 l0.07110914681106806,-0.03016528207808733 0.07380709983408451,-0.03862105077132583 l0.07221408654004335,-0.031507210806012154 0.0760304881259799,-0.02822600770741701 l0.06984928157180548,-0.039336225017905235 0.07622712291777134,-0.020134756341576576 l0.07206771057099104,-0.029037795029580593 0.07478310260921717,-0.0259912246838212 l0.06948722060769796,-0.035030164290219545 0.07507739588618279,-0.023609630297869444 l0.07498064544051886,-0.032398595940321684 0.07701071444898844,-0.021919093560427427 l0.07389501202851534,-0.03712722798809409 0.1324150152504444,0.09903491474688053 l0.07363352924585342,-0.03302138298749924 0.08169499225914478,-0.024755257181823254 l0.07677759509533644,-0.0205029989592731 0.08153396658599377,-0.014145832974463701 l0.07734967395663261,-0.023841375950723886 0.0763002410531044,-0.02008671872317791 l0.0790825579315424,-0.020572247449308634 0.07846386171877384,-0.028242042753845453 l0.07587734144181013,-0.02601158805191517 0.07616146001964808,-0.018253999296575785 l0.07731922436505556,-0.026180443819612265 0.07913201116025448,-0.014531429624184966 l0.0742762628942728,-0.022907331585884094 0.07808825001120567,-0.025973455049097538 l0.07294224575161934,-0.03570420201867819 0.0714118592441082,-0.02829349134117365 l0.07878126576542854,-0.03461283631622791 0.0727081997320056,-0.022869203239679337 l0.1423220057040453,0.09268002584576607 0.06712396163493395,-0.04374237731099129 l0.0821309257298708,-0.03471533767879009 0.07246370427310467,-0.007973064202815294 l0.07767274044454098,-0.006420677527785301 0.07679931353777647,-0.039071328938007355 l0.07625501602888107,-0.025010367389768362 0.07553598377853632,-0.024942737072706223 l0.07545989006757736,-0.02954261377453804 0.07430172525346279,-0.024653279688209295 l0.07811919320374727,-0.026762487832456827 0.07688561454415321,-0.01992869656533003 l0.07369395811110735,-0.022290099877864122 0.07224124856293201,-0.023492721375077963 l0.07260826881974936,-0.0263656722381711 0.0777545664459467,-0.026413837913423777 l0.08207524195313454,-0.036330989096313715 0.07191980723291636,-0.036708267871290445 l0.07735252846032381,-0.021482021547853947 0.07074270863085985,-0.039571234956383705 l0.0757577596232295,-0.010254845255985856 0.07834071293473244,-0.030007099267095327 l0.07380485069006681,-0.03365036565810442 0.07493576034903526,-0.030597744043916464 l0.07691048551350832,-0.027858265675604343 0.07819919846951962,-0.03134914441034198 l0.1350775919854641,0.09032159112393856 0.07585182320326567,-0.04451326094567776 l0.0870723556727171,-0.022742138244211674 0.07853617891669273,-0.02102518454194069 l0.08298409171402454,-0.009219248895533383 0.07827643305063248,-0.0252945045940578 l0.07892299443483353,-0.030473764054477215 0.07711227051913738,-0.023780097253620625 l0.07939154282212257,-0.03077785950154066 0.07792806718498468,-0.03590836888179183 l0.07782596629112959,-0.03487968351691961 0.07729873526841402,-0.03272163448855281 l0.08067437447607517,-0.02056456170976162 0.07806017994880676,-0.03085578791797161 l0.1339102629572153,0.0862405076622963 0.07087553385645151,-0.04688039422035217 l0.08242846466600895,-0.02595793455839157 0.07532338611781597,-0.029300274327397346 l0.07921251468360424,-0.03368992358446121 0.07663777098059654,-0.038586652372032404 l0.0781620666384697,-0.026704685296863317 0.07711715530604124,-0.0206466531381011 l0.07246302906423807,-0.037202583625912666 0.07895681075751781,-0.016466638771817088 l0.07284372579306364,-0.020433000754565 0.14412794262170792,0.08845219388604164 l0.07202727254480124,-0.045664794743061066 0.08702320978045464,-0.024826203007251024 l0.07942173629999161,-0.011838749051094055 0.08237043395638466,-0.029589124023914337 l0.08347832597792149,-0.023259012959897518 0.07564674597233534,-0.024905935861170292 l0.07411036640405655,-0.028978942427784204 0.07944788783788681,-0.034793028607964516 l0.08052698336541653,-0.030685688834637403 0.08173860609531403,-0.01893904060125351 l0.14892719686031342,0.09301796555519104 0.07428755518049002,-0.04040444269776344 l0.08353705517947674,-0.028261637780815363 0.07966368459165096,-0.01971438992768526 l0.07872405461966991,-0.033796303905546665 0.07798989303410053,-0.025340006686747074 l0.07650892715901136,-0.028444337658584118 0.07759024854749441,-0.035719708539545536 l0.07991377264261246,-0.032392628490924835 0.07636080961674452,-0.02489354694262147 l0.07291255984455347,-0.029324963688850403 0.07678365334868431,-0.021991704124957323 l0.07514175958931446,-0.04960453603416681 0.07976201362907887,-0.036039664410054684 l0.08068745024502277,-0.02891975687816739 0.07857650518417358,-0.04256059881299734 l0.08169900625944138,-0.029806692618876696 0.07838502526283264,-0.040716216899454594 l0.07157887797802687,-0.03871358698233962 0.07586841005831957,-0.03598004346713424 l0.07663311902433634,-0.03685267409309745 0.0794623140245676,-0.036562965251505375 l0.07654779125005007,-0.04636567551642656 0.08096451871097088,-0.029339829925447702 l0.08242249488830566,-0.026739963795989752 0.08390586823225021,-0.03463833127170801 l0.07412064354866743,-0.019087635446339846 0.07839272730052471,-0.03862898796796799 l0.08122576400637627,-0.03826600965112448 0.07655588909983635,-0.03588140243664384 l0.07538906298577785,-0.038497799541801214 0.08740385994315147,-0.03483999753370881 l0.08341153152287006,-0.027442188002169132 0.07798758335411549,-0.041918191127479076 l0.08147658780217171,-0.04351674113422632 0.08507574908435345,-0.02716642338782549 l0.07683589588850737,-0.047553409822285175 0.08067844435572624,-0.028513965662568808 l0.07481851149350405,-0.035824645310640335 0.08103552274405956,-0.034072655253112316 l0.0823018979281187,-0.03201020648702979 0.07830910384654999,-0.04597837571054697 l0.07633072324097157,-0.04133081529289484 0.08326808921992779,-0.03967433702200651 l0.07936732843518257,-0.04766956437379122 0.08339517749845982,-0.0462176650762558 l0.08654782548546791,-0.03280937671661377 0.08250965736806393,-0.024377787485718727 l0.07978420704603195,-0.04247252829372883 0.0773249939084053,-0.03104106057435274 l0.07778733503073454,-0.031242629047483206 0.08227928541600704,-0.0420445716008544 l0.07927726954221725,-0.03519274527207017 0.07629407569766045,-0.03474550787359476 l0.07677861489355564,-0.04350781440734863 0.07852881215512753,-0.031330634374171495 l0.07812014315277338,-0.03781133331358433 0.08090858347713947,-0.030793105252087116 l0.08341159671545029,-0.03861246397718787 0.08359922096133232,-0.039589330554008484 l0.08291485719382763,-0.026795382145792246 0.08401546627283096,-0.03068862482905388 l0.08482311852276325,-0.03552830312401056 0.08368672803044319,-0.04579092375934124 l0.08008839562535286,-0.033704868983477354 0.0877571851015091,-0.03881651908159256 l0.08172284811735153,-0.026461263187229633 0.08126835338771343,-0.036725245881825686 l0.07793298456817865,-0.04364483989775181 0.07553418166935444,-0.04043477587401867 l0.07992924191057682,-0.036478196270763874 0.07966702803969383,-0.039942553266882896 l0.1556973997503519,0.09686913341283798 0.08006129413843155,-0.05597082898020744 l0.08605495095252991,-0.031112018041312695 0.08437283337116241,-0.027266128454357386 l0.09144396521151066,-0.03041429677978158 0.08574972860515118,-0.02664457308128476 l0.09479190222918987,-0.034159140195697546 0.08513019420206547,-0.029286923818290234 l0.08956948295235634,-0.0421363627538085 0.0830442737787962,-0.025567160919308662 l0.08993992581963539,-0.03133334685117006 0.08129356428980827,-0.030795943457633257 l0.08535017259418964,-0.024081890005618334 0.0740275951102376,-0.037335045635700226 l0.08571549318730831,-0.02045155968517065 0.08107391186058521,-0.037091278936713934 l0.08062533102929592,-0.058696260675787926 0.08403374813497066,-0.029894683975726366 l0.08418755605816841,-0.020584026351571083 0.08795782923698425,-0.034416408743709326 l0.08200258016586304,-0.02683177823200822 0.08172434754669666,-0.03798092249780893 l0.08011201396584511,-0.041384161449968815 0.08583324961364269,-0.03923415672034025 l0.08658094331622124,-0.039599877782166004 0.15905287116765976,0.09842729195952415 l0.0793886836618185,-0.056408816017210484 \" fill=\"none\" stroke=\"black\" stroke-width=\"1\"/></svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"102.9292780912806\" version=\"1.1\" width=\"102.29983282513786\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:ev=\"http://www.w3.org/2001/xml-events\" xmlns:xlink=\"http://www.w3.org/1999/xlink\"><defs/><rect fill=\"white\" height=\"102.9292780912806\" width=\"102.29983282513786\" x=\"0\" y=\"0\"/><path d=\"M43.881287961266935,63.68729442193626 m-2.349008172750473,-0.8427920937538147 l-0.0629475200548768,0.6276365369558334 -1.962902694940567,-0.045422003604471684 l-0.7137990742921829,-0.03587704384699464 -0.8802108466625214,0.3336179628968239 l-0.8444031327962875,0.1381421461701393 -0.9870629012584686,0.14775780029594898 l-1.086536943912506,0.29716871678829193 -1.0982345789670944,0.24548137560486794 l-1.1117073893547058,0.33103860914707184 -1.080080196261406,0.43503500521183014 l-1.0475032776594162,0.6286021322011948 -1.1104368418455124,0.8992637693881989 l-1.1215199530124664,1.1382963508367538 -1.6715525090694427,1.7451496422290802 l-0.7143384963274002,1.3775953650474548 -0.5139606818556786,1.1202313750982285 l-0.3806956112384796,1.0993999242782593 -0.14438713900744915,1.0206325352191925 l0.06613659672439098,0.9034980833530426 0.30387168750166893,0.7814128696918488 l0.5496418103575706,0.6401377171278 0.7953822612762451,0.48658307641744614 l1.0031212866306305,0.23744624108076096 0.798201858997345,0.5319475755095482 l3.1406381726264954,-0.09505449794232845 1.5335701406002045,-0.6045737490057945 l2.4068889021873474,-0.025106670800596476 1.023724004626274,-0.7318633049726486 l1.1306925117969513,-0.32779570668935776 1.0777213424444199,-0.8899666368961334 l1.106991171836853,-0.6690120697021484 0.9489371627569199,-0.9784231334924698 l0.9367159754037857,-0.8641310036182404 0.7824814319610596,-0.9734242409467697 l0.8136307448148727,-0.8758363872766495 0.7167429476976395,-0.9104258567094803 l0.7728801667690277,-0.8289562910795212 0.7012896239757538,-0.8320467919111252 l0.7687898725271225,-0.9019971638917923 1.411135345697403,-1.7452818155288696 l0.639883354306221,-1.1863929778337479 1.390586793422699,-1.9004717469215393 l1.3861560821533203,-2.169632613658905 1.503472775220871,-2.272159308195114 l1.5005317330360413,-2.345418781042099 1.4851461350917816,-2.2661957144737244 l1.376120150089264,-2.0789985358715057 1.244455948472023,-1.9566020369529724 l1.036963239312172,-1.6949716210365295 0.9274878352880478,-1.5875396132469177 l0.12069378048181534,-0.8998718112707138 0.35084716975688934,-0.6681264936923981 l0.18912237137556076,-0.7222101837396622 0.25213509798049927,-0.6658509373664856 l0.37106696516275406,-0.7786773890256882 0.23138677701354027,-0.7879262417554855 l0.31898338347673416,-1.0375715047121048 0.2678806893527508,-1.0806896537542343 l0.1587207056581974,-1.081293746829033 0.10210440494120121,-0.9122128039598465 l0.02166701713576913,-0.8938286453485489 -0.16424918547272682,-0.6687024980783463 l-0.35409118980169296,-0.285993255674839 -0.6897905468940735,0.18628815189003944 l-0.9548906981945038,0.7440199702978134 -1.108039990067482,1.0304003953933716 l-1.109975278377533,1.2299351394176483 -1.1588585376739502,1.4708860218524933 l-1.221741959452629,1.6867280006408691 -1.2485598772764206,1.886417418718338 l-1.272151917219162,2.029068022966385 -1.3903552293777466,3.5530418157577515 l-1.2036799639463425,3.3995845913887024 -1.0583119839429855,3.3889684081077576 l-0.2838847041130066,1.9554980099201202 -0.2286265231668949,1.7972774803638458 l-0.25284281000494957,1.8201228976249695 -0.2743976004421711,1.7659753561019897 l-0.28968997299671173,1.6010351479053497 0.0451598409563303,2.039429396390915 l0.023068510927259922,1.9062955677509308 0.02147324848920107,1.648358404636383 l0.3776709735393524,0.1867176964879036 0.3686865046620369,-0.5254081264138222 l0.05643065087497234,-0.18619244918227196 0.07959840819239616,-0.46972259879112244 l0.20714646205306053,-0.5241582915186882 0.1427733711898327,-0.5534361302852631 m17.943272590637207,-13.244783878326416 l-1.4378459751605988,0.5999699607491493 0.01821261248551309,0.22864041849970818 l0.08765699341893196,0.10542376898229122 -0.501883290708065,0.43802157044410706 l-0.7293833792209625,0.5367260426282883 -0.7774215936660767,0.5583156272768974 l-0.7568182051181793,0.571259930729866 -0.7181913405656815,0.5563236773014069 l-0.8713103085756302,1.0879192501306534 -0.7798188924789429,1.0536041110754013 l-0.3562086448073387,0.3540198504924774 -0.34103047102689743,0.9017165750265121 l-0.062369974330067635,0.48063281923532486 -0.04495915491133928,0.42584825307130814 l-0.037378647830337286,0.4568251594901085 -0.03272456116974354,0.5060815438628197 l-0.06566183641552925,0.14957208186388016 -0.07126496639102697,0.09255272336304188 l0.2991155721247196,0.28511058539152145 0.001972760510398075,0.07608592044562101 l0.10142345912754536,0.10898537933826447 0.415281318128109,-0.029761227779090405 l0.684702917933464,-0.03030589083209634 0.9268277138471603,-0.04085073713213205 l1.03031225502491,-0.04438741598278284 0.2750564366579056,-0.22729741409420967 l0.3204929456114769,-0.17727283760905266 0.2959979325532913,-0.021004006266593933 l0.2715136855840683,-0.012048704084008932 0.22643530741333961,-0.05557714495807886 l0.19665896892547607,-0.06681882310658693 0.1907818764448166,-0.07252010516822338 l0.18421640619635582,-0.07495262194424868 0.16028931364417076,-0.07659082766622305 l0.13687712140381336,-0.07925586774945259 0.10363657958805561,-0.07957332767546177 l0.074840416200459,-0.09438482113182545 0.04805865231901407,-0.1015879400074482 l0.010985380504280329,-0.11304611340165138 -0.02145696198567748,-0.11595022864639759 l-0.05828147754073143,-0.1180120650678873 m5.9579795598983765,-19.15775179862976 l-1.4317357540130615,0.8485560864210129 -0.41451871395111084,0.27820123359560966 l-0.03985252231359482,0.09712777100503445 -0.06829169113188982,0.18595417961478233 l-0.08421014994382858,0.1638677529990673 -0.09145758114755154,0.14977381564676762 l-0.046879490837454796,-0.050764381885528564 -0.15420597046613693,0.39821289479732513 l-0.1395291741937399,0.47225911170244217 -0.10466507636010647,0.4558655247092247 l-0.01600631861947477,0.4272792115807533 0.10292555205523968,0.39438560605049133 l0.23340800777077675,0.3339003026485443 0.3666181117296219,0.25733357295393944 l0.34601911902427673,-0.017198830610141158 0.38783349096775055,-0.016990606673061848 l1.1316318064928055,-0.0349693582393229 0.8991939574480057,-0.027188174426555634 l0.25456272065639496,-0.3333720937371254 0.2964474447071552,-0.341075174510479 l0.1632721908390522,-0.06829986348748207 0.1021161861717701,-0.047010378912091255 l0.05171118304133415,-0.0649704784154892 0.06369827780872583,-0.07521095219999552 l0.08297429420053959,-0.07662830874323845 0.104405228048563,-0.07702759467065334 l0.11126503348350525,-0.0799817219376564 0.3569520637392998,-0.29386479407548904 l0.3942257910966873,-0.33187855035066605 0.015240759821608663,-0.19607588648796082 l0.0034709132160060108,-0.19887391477823257 -0.005766710382886231,-0.22922875359654427 l-0.01179069047793746,-0.2501658536493778 -0.015369422035291791,-0.26933586224913597 l-0.02808030927553773,-0.2923159673810005 -0.17196444794535637,-0.15404898673295975 l-0.3824423626065254,-0.20579949021339417 -0.3877827525138855,-0.2202005311846733 l-0.3878055512905121,-0.22053297609090805 -0.3769060969352722,-0.21894866600632668 l-0.3752123937010765,-0.21472280845046043 -0.37061743438243866,-0.20890984684228897 l-0.19971031695604324,0.05176990758627653 -0.1579359918832779,0.1545652188360691 l-0.158664770424366,0.16163522377610207 -0.16301997005939484,0.13451196253299713 l-0.1623513177037239,0.13094917871057987 -0.04127741325646639,0.3609594330191612 l-0.04816835280507803,0.4398731142282486 -0.061018550768494606,0.4135563597083092 l-0.0745583837851882,0.3455609828233719 -0.0879032351076603,0.2959444932639599 l-0.10134315118193626,0.27221135795116425 -0.10930009186267853,0.2646470442414284 l-0.12152156792581081,0.2478078193962574 -0.12909037992358208,0.20240750163793564 l-0.13349886052310467,0.1790274679660797 -0.14136429876089096,0.17637047916650772 l-0.14622689224779606,0.1658712513744831 -0.14964516274631023,0.12588848359882832 l-0.1488480530679226,0.08038555271923542 -0.1511077582836151,0.06510510109364986 l-0.14851028099656105,0.0507535832002759 -0.060415337793529034,0.07653725799173117 l-0.05177249666303396,0.07744555827230215 -0.04625068046152592,0.05721587687730789 l-0.038143915589898825,0.04538381937891245 -0.02921270439401269,0.03113423241302371 l-0.020715156570076942,0.03352019237354398 -0.017564737936481833,0.031211944296956062 l-0.008933835197240114,0.02337954007089138 -0.00390400062315166,0.018243903759866953 l-0.0008535677625332028,0.01793723087757826 0.0035740580642595887,0.024992472026497126 l0.04010044038295746,-0.052858833223581314 0.00960477686021477,0.008122149738483131 l0.0072254001861438155,0.003899121657013893 0.06271762773394585,-0.07348052226006985 l0.08261195383965969,-0.07510575465857983 0.10068235918879509,-0.07303546648472548 l0.008521215640939772,-0.026211743243038654 0.0911193247884512,-0.08526897989213467 l0.11500601656734943,-0.08989835157990456 0.0018223629740532488,-0.06414202973246574 l0.10032672435045242,-0.08743938989937305 0.3927239030599594,-0.21171599626541138 l0.014888249570503831,-0.11671322397887707 0.35444900393486023,-0.2802133373916149 l0.5889071524143219,-0.34117400646209717 0.7346929609775543,-0.4007476568222046 l0.0011816909682238474,-0.1362333633005619 -0.013405699282884598,-0.08266724646091461 l0.4746698588132858,-0.14724289998412132 0.7157117873430252,-0.2151491492986679 l0.0042539750575087965,-0.20794782787561417 -0.02393847331404686,-0.150398351252079 l0.45789945870637894,-0.13403963297605515 0.688093975186348,-0.18042033538222313 l0.004330049850977957,-0.20929004997015 -0.03560485551133752,-0.18883328884840012 l0.44142115861177444,-0.15744024887681007 0.61836127191782,-0.1389267947524786 l-0.00010094039680552669,-0.22028610110282898 0.39653200656175613,-0.20508797839283943 l-0.02593090059235692,0.0017143746663350612 0.3250327706336975,-0.10709707625210285 l0.5047546699643135,-0.16572892665863037 0.5853632837533951,-0.22257499396800995 l0.0011273971176706254,-0.20853448659181595 -0.15198581852018833,0.0050357048166915774 l-0.07178296335041523,-0.2039303071796894 -0.12966135516762733,-0.021988118533045053 l-0.14064163900911808,0.043798768892884254 -0.07902070879936218,-0.024670744314789772 l-0.09941496886312962,-0.05266717169433832 -0.09585182182490826,-0.012313125189393759 l-0.09148500859737396,0.005764440866187215 -0.058534988202154636,-0.10772976092994213 l-0.07479887921363115,-0.018012385116890073 -0.04736511502414942,-0.05371235776692629 l-0.035920708905905485,-0.06168439518660307 -0.07166617084294558,-0.0032345129875466228 l-0.07866823114454746,0.004974818439222872 -0.04703444894403219,-0.029449891299009323 l-0.03420538268983364,-0.038951835595071316 -0.0696024252101779,-0.021970532834529877 l-0.07952269166707993,-0.024852098431438208 -0.07627897430211306,-0.030326119158416986 l-0.06365761160850525,-0.023880305234342813 -0.06507426965981722,-0.03580965334549546 l-0.06717293057590723,-0.010068658739328384 -0.0707356445491314,-0.03282179357483983 l-0.05305114667862654,-0.0347651750780642 -0.05259618163108826,-0.042043812572956085 l-0.06498188246041536,0.010373787954449654 -0.08319945074617863,0.013066231040284038 l-0.05313702393323183,-0.03789509879425168 -0.03931515850126743,-0.050548380240797997 l-0.03477938240393996,-0.052742776460945606 -0.06778785027563572,0.008882916299626231 l-0.03179057501256466,-0.04254980944097042 -0.049931732937693596,-0.0014124179142527282 l-0.061802794225513935,0.01264322199858725 -0.06294384133070707,0.002870237804017961 l-0.05815048236399889,-0.007069871644489467 -0.05973045248538256,-0.006289073498919606 l-0.04927596542984247,-0.007993525359779596 -0.05584622733294964,-0.05970896687358618 l-0.04735688678920269,-0.020110427867621183 -0.033089169301092625,-0.01203339546918869 l-0.010956722544506192,-0.08392653428018093 0.0023257599968928844,-0.09982528164982796 l-0.015853294171392918,-0.036913189105689526 -0.049904133193194866,-0.062174717895686626 l-0.019215483916923404,-0.03699503839015961 0.07979213260114193,-0.07640618365257978 l0.02260040258988738,-0.10100522078573704 -0.0004904963134322315,-0.043869693763554096 l0.14167411252856255,-0.0959549006074667 0.044033266603946686,-0.10156775824725628 l0.018105913186445832,-0.04666273947805166 0.011511137709021568,-0.08007270283997059 l0.01398639171384275,-0.09553298354148865 0.19488483667373657,-0.12759155593812466 l0.05455953534692526,-0.10072040371596813 0.006008546915836632,-0.09029218927025795 l0.007533979951404035,-0.08755041286349297 0.006152951973490417,-0.08035383187234402 l0.008911070181056857,-0.0805896706879139 0.026887613348662853,-0.03306729253381491 l0.018403202993795276,-0.03151652868837118 -0.0038893846794962883,-0.07155037485063076 l-0.006192945875227451,-0.07929828017950058 -0.009597403695806861,-0.0798241700977087 l-0.013691018102690578,-0.07758619729429483 -0.015422841534018517,-0.07884757593274117 l0.013982895761728287,-0.036622199695557356 0.02738300710916519,-0.02614474156871438 l-0.005838687648065388,-0.0682843429967761 -0.015332134207710624,-0.08182480931282043 l-0.017565818270668387,-0.07632894907146692 -0.009618436452001333,-0.07755795028060675 l-0.01082494854927063,-0.07525874301791191 -0.013732145307585597,-0.0786060281097889 l-0.020113172940909863,-0.0832036416977644 -0.01656985143199563,-0.07919745519757271 l-0.02116589341312647,-0.07783692330121994 -0.02094029914587736,-0.08185497485101223 l-0.022773223463445902,-0.07373421918600798 -0.025350668001919985,-0.07196971215307713 l0.007559466757811606,-0.02546630334109068 0.007820167811587453,-0.017759718466550112 l-0.015032916562631726,-0.07157858926802874 -0.013537881895899773,-0.08713958784937859 l0.012719797668978572,-0.034560845233500004 -0.013751956867054105,-0.06731074769049883 l0.01387664582580328,-0.043055759742856026 -0.006330136675387621,-0.08017707616090775 l-0.007853356073610485,-0.0879171397536993 0.014611243968829513,-0.030470567289739847 l0.08588888682425022,-0.07044501602649689 0.01184131484478712,-0.08401624858379364 l-0.0017515517538413405,-0.08835727348923683 -0.0057682296028360724,-0.08799192495644093 l-0.013292381772771478,-0.08330235257744789 -0.010696969693526626,-0.08915506303310394 l-0.002590258081909269,-0.0324693089351058 0.0023124247672967613,-0.0135436758864671 l0.00727926439139992,-0.016211316687986255 0.014409227296710014,-0.03196578240022063 l-0.003058570728171617,-0.07477664388716221 0.015736372442916036,-0.04415950272232294 l-0.010290793143212795,-0.07513383403420448 -0.003233749303035438,-0.08857415057718754 l-0.005149828502908349,-0.08565048687160015 -0.009806327288970351,-0.08613470941781998 l0.007688778568990529,-0.018239147029817104 -0.010474774753674865,-0.06788978818804026 l0.014873528853058815,-0.03432294353842735 0.016494273440912366,-0.015712938038632274 l0.018522919854149222,-0.02409863518550992 0.017312191193923354,-0.03109071170911193 l0.019724296871572733,-0.03485566470772028 0.024349563755095005,-0.03383362665772438 l0.022460001055151224,-0.023704024497419596 -0.007459138287231326,-0.0744558684527874 l-0.009425533935427666,-0.09773993864655495 -0.0016597783542238176,-0.09573855437338352 l-0.0019884295761585236,-0.0939453486353159 -0.0059556798078119755,-0.09139718487858772 l-0.007776212878525257,-0.0952553004026413 -0.0026397648616693914,-0.09847341105341911 l-0.00978513271547854,-0.09535384364426136 -0.013565995031967759,-0.08874679915606976 l0.011671996908262372,-0.026438350323587656 0.008468138985335827,-0.008170980145223439 l-0.006235170876607299,-0.07666103541851044 -0.009311753092333674,-0.08754653856158257 l0.015510614030063152,-0.018956703133881092 -0.010802532779052854,-0.0706388521939516 l0.02585384761914611,-0.023478057701140642 0.02662374870851636,-0.008260782924480736 l0.01924971118569374,-0.01799273188225925 -0.006922768661752343,-0.0783794280141592 l0.021652530413120985,-0.031786542385816574 0.034845180343836546,-0.008776068571023643 l0.02787867095321417,-0.01858665025793016 0.018329322338104248,-0.022341825533658266 l0.01928035751916468,-0.035845956299453974 -0.03946430515497923,-0.08247163146734238 l-0.0416702963411808,-0.08273453451693058 -0.013036669697612524,-0.09882261976599693 l-0.009367613238282502,-0.10566818527877331 -0.007598399533890188,-0.09110146202147007 l0.010458969045430422,-0.01543511520139873 -0.00967828556895256,-0.06791635416448116 l-0.004004627699032426,-0.026141090784221888 0.01659990637563169,-0.018511097878217697 l-0.006984277279116213,-0.07031736429780722 -0.010130387963727117,-0.09715678170323372 l-0.014900525566190481,-0.09271158836781979 -0.01948620891198516,-0.08796490728855133 l0.00920559512451291,-0.02360731828957796 0.01277093542739749,-0.00034496799344196916 l0.014581767609342933,-0.010738454293459654 0.03329454455524683,-0.0278773857280612 l0.02313230885192752,-0.013328843051567674 -0.010309446370229125,-0.07533682510256767 l0.03354629501700401,-0.028011929243803024 0.02753916895017028,-0.002044072316493839 l0.01692714518867433,-0.012478329008445144 0.029015177860856056,-0.018373957136645913 l0.031387386843562126,-0.010789448861032724 -0.0015727996651548892,-0.07709862198680639 l-0.0031682811095379293,-0.09732757695019245 0.028815169353038073,-0.012181272031739354 l0.08646833710372448,-0.11604619212448597 0.042268321849405766,-0.03241871250793338 l0.024814545176923275,-0.006144199287518859 0.02591626951470971,-0.011365772224962711 l0.00382249359972775,-0.08199059404432774 -0.003130625991616398,-0.09997200220823288 l-0.005594670656137168,-0.09761703200638294 -0.011102206772193313,-0.09917989373207092 l-0.043594660237431526,-0.08929136209189892 -0.0012130332470405847,-0.021098314318805933 l0.005348852719180286,-0.005412184982560575 0.007816693978384137,-0.01131037250161171 l-0.006669287104159594,-0.07693227380514145 0.012903817696496844,-0.030297748744487762 l-0.00578278093598783,-0.07361819501966238 -0.008455144707113504,-0.09407245554029942 l0.018362990813329816,-0.007028189720585942 0.02286761999130249,0.005376280751079321 l0.03222791478037834,-0.0009686159319244325 0.021616213489323854,-0.015385961160063744 l-0.003362319548614323,-0.08446412160992622 -0.0014980079140514135,-0.09652573615312576 l0.0024960172595456243,-0.09095300920307636 0.025614260230213404,-0.0151579559314996 l-0.006892350502312183,-0.07415283471345901 0.010782764293253422,-0.020000117365270853 l0.015170290134847164,-1.0555988865235122e-05 0.02152522560209036,-0.0126976752653718 l0.0262304674834013,-0.01193908741697669 0.026467700954526663,-0.018634576117619872 l0.01583145698532462,-0.016769992653280497 -0.012907786294817924,-0.08129293099045753 l-0.03156521590426564,-0.2291785180568695 0.00011402689779060893,-0.1363748498260975 l0.0154982996173203,0.005505656008608639 -0.012316741049289703,-0.06604832131415606 l0.0056334532564505935,-0.024151213001459837 0.010856925509870052,-0.00287127768388018 l-0.007957787020131946,-0.06890826858580112 0.006640970823355019,-0.022173647303134203 l-0.009692472522147,-0.07787028327584267 0.005275819567032158,-0.021053811069577932 l-0.014865275006741285,-0.07242991123348475 0.013932483270764351,-0.015723970718681812 l0.021885165479034185,-0.0033176768920384347 -0.009240772924385965,-0.07873994298279285 l-0.006045452319085598,-0.09317407384514809 -0.00796640757471323,-0.09378179907798767 l-0.01697968691587448,-0.0916088093072176 0.01682598958723247,-0.005000659148208797 l0.022617951035499573,0.01572989858686924 0.018047307385131717,-0.007394785061478615 l0.03316547488793731,-0.00782222778070718 0.025669983588159084,-0.012164844665676355 l0.0601384649053216,-0.14225595630705357 0.015497159911319613,-0.10764229111373425 l0.001616752560948953,-0.0923331268131733 -0.008396833436563611,-0.09402120485901833 l-0.009953607805073261,-0.09505094029009342 0.010229540057480335,-0.008841080707497895 l-0.006274500046856701,-0.06503653712570667 -0.00636619923170656,-0.09037282317876816 l0.004672274517361075,-0.019641262479126453 0.014142659492790699,0.0021102595201227814 l0.024916213005781174,-0.0028553715674206614 0.020744451321661472,0.0026356044691056013 l-0.05388332065194845,-0.09010213427245617 0.001929210702655837,-0.027126234490424395 l0.018347484292462468,0.006644317181780934 0.026300319004803896,-0.008315741433762014 l-0.006067051435820758,-0.0752665102481842 0.016761402366682887,-0.023127286694943905 l-0.003484057087916881,-0.073758983053267 -0.006526563665829599,-0.09504111483693123 l-0.009776033693924546,-0.09816640987992287 0.011748397955670953,-0.010920424247160554 l-0.014828303828835487,-0.07207559421658516 -0.01916438457556069,-0.09658786468207836 l0.00918107689358294,-0.013503466034308076 0.019608878064900637,0.0017324757936876267 l0.016452919226139784,-0.0003981113695772365 -0.012716735946014524,-0.0750566367059946 l-0.008486633887514472,-0.09722690097987652 0.014309001853689551,-0.005269371904432774 l-0.04987351596355438,-0.11379650793969631 0.0016297305410262197,-0.03261212492361665 l-0.05632057320326567,-0.0934373214840889 -0.02459295094013214,-0.2175484225153923 l0.008765622042119503,-0.02344332868233323 0.011392351007089019,0.012874995591118932 l0.011148859048262239,-0.0021324890258256346 -0.01448469003662467,-0.07543809711933136 l0.015047688502818346,-0.01152998418547213 -0.0076821871334686875,-0.06925107911229134 l-0.00912646937649697,-0.08088827133178711 0.02435950329527259,-0.003278120420873165 l0.024981542956084013,0.00014419589206227101 -0.02514226594939828,-0.20555587485432625 l0.008700554608367383,-0.04345256369560957 0.02608465263620019,0.01834160299040377 l0.008711080299690366,0.013429555110633373 0.022865799255669117,0.0015620494377799332 l0.02234865678474307,-0.0053553772158920765 0.030290158465504646,0.00019662507838802412 l0.028961391653865576,-0.006574990111403167 -0.003222007944714278,-0.07976203225553036 l0.03000160912051797,-0.021949107758700848 -0.05053598899394274,-0.11849113740026951 l-0.036430004984140396,-0.09491459466516972 -0.011116312816739082,-0.09136712178587914 l0.011189907090738416,0.002148057392332703 0.01186586800031364,0.011369070271030068 l0.012811971828341484,4.33210425399011e-05 -0.007502128719352186,-0.07225362583994865 l-0.0077956554014235735,-0.0909922644495964 -0.009402880095876753,-0.09885642677545547 l-0.04537055268883705,-0.09361314587295055 0.0018836896924767643,-0.020144199952483177 l0.01876545837149024,0.014286369550973177 0.014721780316904187,8.248814083344769e-05 l0.012497274437919259,0.0043651097803376615 0.018487232737243176,-0.0054802908562123775 l0.03467569826170802,0.002053538046311587 -0.0019087018154095858,-0.06668228656053543 l-0.02475246787071228,-0.23155618458986282 -0.012740115635097027,-0.14118767343461514 l-0.0030641868943348527,-0.09514456614851952 0.0027203946956433356,0.012794489739462733 l-0.014742427738383412,-0.06651803851127625 0.019815058913081884,-0.011045052669942379 l-0.05046466365456581,-0.12247084639966488 -0.0018346577417105436,-0.02583188470453024 l0.020025139674544334,0.019196944776922464 0.01911202445626259,0.013080420903861523 l0.022913855500519276,0.0023528910242021084 0.02806911477819085,0.00950175104662776 l0.03325852332636714,0.0016847452207002789 -0.021807369776070118,-0.2150314301252365 l-0.005019388627260923,-0.12691435404121876 -0.006139189354144037,-0.09163751266896725 l0.00841393368318677,0.0028633204055950046 0.01655119238421321,0.021483153104782104 l0.02979620359838009,0.009280584054067731 0.020739915780723095,0.0009526524809189141 l-0.02655306365340948,-0.2016734890639782 0.02035426441580057,-0.27752166613936424 l0.035919779911637306,-0.011388013372197747 0.022363027092069387,0.02841401845216751 l-0.013745782198384404,-0.06332479417324066 0.009592948481440544,-0.018838533433154225 l0.025599300861358643,0.006165435770526528 0.021039287094026804,0.0016739734564907849 l0.018426035530865192,-0.0036599047598429024 -0.047931675799191,-0.09224296547472477 l0.010497242910787463,-0.026464795228093863 -0.05148055963218212,-0.09136573411524296 l-0.05194101016968489,-0.0996479019522667 0.015582091873511672,-0.00278582883765921 l0.028148486744612455,0.029637457337230444 0.01863004988990724,0.005024412530474365 l0.05390152335166931,-0.15209448523819447 0.05003867205232382,-0.025771241635084152 l0.03179537830874324,0.006359735853038728 0.05069460719823837,-0.17035232856869698 l0.012727059656754136,-0.11097844690084457 -0.039507774636149406,-0.09305552579462528 l-0.018146901857107878,-0.24540094658732414 0.0011573363735806197,-0.12885354459285736 l0.013778036227449775,0.015652532456442714 0.007702244911342859,0.030872044153511524 l0.00829353230074048,0.010011752601712942 -0.010230842744931579,-0.0640985881909728 l0.02399566350504756,-0.01239391160197556 0.021141432225704193,0.019726380705833435 l-0.010167676955461502,-0.06200461182743311 0.02191467210650444,-0.009435043903067708 l0.044957110658288,-0.1526785921305418 0.03820163197815418,-0.0366409495472908 l0.02907011890783906,0.013574265176430345 0.0156426546163857,0.017498023808002472 l0.02300658030435443,0.012269370490685105 0.025716025847941637,-0.0006178794137667865 l0.02719483571127057,-0.0076041469583287835 0.03268619300797582,-0.0022874781279824674 l0.0021602508786600083,-0.06708637345582247 -0.0047283858293667436,-0.0937903393059969 l0.02553635509684682,-0.005122429574839771 -0.05201402585953474,-0.1224425807595253 l-0.01231277477927506,-0.10643213056027889 0.01078599481843412,0.007840962498448789 l0.06023617461323738,-0.1574406959116459 0.0030285544926300645,-0.11091005988419056 l-0.009079459123313427,-0.09579639881849289 -0.00021258538254187442,-0.0035926091368310153 l-0.016605344135314226,-0.06705023348331451 0.00833734287880361,-0.015074640978127718 l-0.007709999335929751,-0.0726532656699419 0.015543375629931688,-0.0049352075438946486 l-0.054577551782131195,-0.09738471359014511 -0.006989975227043033,-0.01736234873533249 l0.007361319730989635,0.013966263504698873 0.017981575801968575,0.01555087510496378 l0.02068301197141409,0.008003906114026904 0.022614807821810246,0.0050628784811124206 l-0.007831687689758837,-0.06616561207920313 -0.009704014519229531,-0.09239818900823593 \" fill=\"none\" stroke=\"black\" stroke-width=\"1\"/></svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"94.26599510385131\" version=\"1.1\" width=\"116.223947792314\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:ev=\"http://www.w3.org/2001/xml-events\" xmlns:xlink=\"http://www.w3.org/1999/xlink\"><defs/><rect fill=\"white\" height=\"94.26599510385131\" width=\"116.223947792314\" x=\"0\" y=\"0\"/><path d=\"M40.637726075947285,54.25316181870585 m-0.4867454618215561,-0.8693043887615204 l-0.5290013551712036,-0.059986854903399944 -1.4137500524520874,0.08686278946697712 l-1.4058513939380646,0.19374817609786987 -2.1327677369117737,0.4002036154270172 l-2.969892919063568,0.5746815726161003 -3.05282324552536,1.332785189151764 l-1.2194401770830154,1.2197142839431763 -1.6051536798477173,2.307794988155365 l-0.5455070361495018,1.5268643200397491 -0.2767930179834366,2.536633014678955 l0.5377867817878723,2.5367528200149536 1.5731462836265564,2.1055740118026733 l1.524256020784378,0.8136303722858429 1.2688647210597992,0.3068793751299381 l3.645716905593872,-0.020522424019873142 1.7860706150531769,-0.15829512849450111 l2.4410708248615265,-1.286761313676834 2.434137612581253,-2.059416174888611 l2.8572362661361694,-3.716016411781311 1.8535467982292175,-4.78549599647522 l0.6776688247919083,-5.131935477256775 0.4466428607702255,-1.302812546491623 l0.7765425741672516,-3.4521883726119995 2.0130248367786407,-7.73573637008667 l0.05811707582324743,-1.0640400648117065 0.37489037960767746,-0.7755046337842941 l0.16823932528495789,-0.6824726611375809 0.27781879529356956,-0.5846990644931793 l0.3460608422756195,-0.369182787835598 0.19986899569630623,-0.3583196923136711 l0.2831812761723995,-0.21463681012392044 0.128048500046134,-0.2839329093694687 l0.16258087009191513,-0.17522593960165977 0.021022760774940252,-0.14798305928707123 l0.028276564553380013,-0.033649904653429985 -0.07446866016834974,-0.001011194326565601 l-0.045495256781578064,0.09844417683780193 -0.1105665136128664,0.09450099430978298 l-0.05218083504587412,0.1510627381503582 -0.10711695998907089,0.09349389001727104 l-0.038042229134589434,0.5992082133889198 -0.024370222818106413,0.5238074064254761 l-0.01004926860332489,0.6012720614671707 -0.021859481930732727,0.5848705768585205 l-0.021864227019250393,0.6254453957080841 -0.020853630267083645,0.6313709169626236 l-0.014632991515100002,0.6393108516931534 -0.008643257897347212,0.6632064282894135 l-0.13322376646101475,1.3018350303173065 0.022897692397236824,0.6348038464784622 l-0.25346653535962105,1.6737042367458344 0.027194255962967873,0.6701002269983292 l-0.06969330832362175,1.9802157580852509 -0.03163154935464263,2.0310387015342712 l-0.06620200350880623,2.250504791736603 -0.054979799315333366,2.2316619753837585 l-0.05200306884944439,2.084847092628479 -0.043713487684726715,1.8257878720760345 l0.10209793224930763,0.4493899643421173 -0.015154932625591755,1.2359555065631866 l0.14776531606912613,0.15592719428241253 0.05813382565975189,0.2248181588947773 l0.19380750134587288,0.05840146914124489 0.1521153561770916,0.03385989461094141 l0.20148176699876785,-0.0229846709407866 0.20183051005005836,-0.04041111562401056 l0.2481328509747982,-0.07054018322378397 0.2794770896434784,-0.1166378054767847 l0.29174724593758583,-0.14037996530532837 0.29165182262659073,-0.1674378104507923 l0.2844171039760113,-0.18377238884568214 0.2851537987589836,-0.1974397897720337 l0.27765240520238876,-0.19614119082689285 0.23899264633655548,-0.164681077003479 l0.23587055504322052,-0.16426831483840942 0.6500644981861115,-0.8370731025934219 l0.2597885951399803,-0.20245010033249855 0.24078117683529854,-0.22559944540262222 l0.3427915647625923,-0.18609534949064255 0.22093819454312325,-0.22010503336787224 l0.7581905275583267,-1.1480816453695297 0.247980784624815,-0.35209883004426956 l0.33376719802618027,-0.29097292572259903 0.6402546912431717,-1.2917757034301758 l-0.037769447080791,-0.1806812360882759 -0.04493397194892168,-0.31548671424388885 l-0.027966685593128204,-0.16608113422989845 -0.037353679072111845,-0.04970658104866743 l-0.023385898675769567,0.30434129759669304 -0.021343359258025885,0.42117439210414886 l-0.009261652594432235,0.6576937437057495 -0.01605458906851709,0.8227183669805527 l-0.017428010469302535,1.0330190509557724 -0.033530392684042454,1.147485002875328 l0.3270430490374565,0.12622853741049767 -0.010608099400997162,0.6926305592060089 l0.4145980626344681,-0.019737605471163988 0.2731536328792572,0.05908341612666845 l0.36791689693927765,-0.11485018767416477 0.34664101898670197,-0.12957868166267872 l0.38620665669441223,-0.21816667169332504 0.38899723440408707,-0.22224614396691322 l0.41421059519052505,-0.27253532782197 0.40207162499427795,-0.2629241906106472 l0.3944886475801468,-0.26283105835318565 0.38574155420064926,-0.23648850619792938 l0.37301555275917053,-0.21933117881417274 0.3779688850045204,-0.19469227641820908 l0.36986999213695526,-0.19760608673095703 0.3685884177684784,-0.18843397498130798 l0.3622421994805336,-0.19073447212576866 0.35480231046676636,-0.1799323968589306 l0.3699794411659241,-0.1809087209403515 0.36210697144269943,-0.18336011096835136 l0.36303918808698654,-0.18560778349637985 0.3719097748398781,-0.18168410286307335 l0.3732520714402199,-0.19197722896933556 0.3743898496031761,-0.19094226881861687 l0.37725217640399933,-0.18039438873529434 0.3774156793951988,-0.1863839291036129 l0.3673521801829338,-0.18456840887665749 0.35192932933568954,-0.18719233572483063 l0.29941653832793236,-0.22240633144974709 0.29439615085721016,-0.2155894972383976 l0.27330251410603523,-0.2360851876437664 0.30641768127679825,-0.1723143458366394 l0.25649091228842735,-0.2934221550822258 0.011215596459805965,-0.7162995636463165 l0.3124447353184223,-0.1131367776542902 0.013934130547568202,-0.9087204933166504 l0.024032990913838148,-0.797063410282135 -0.16890941187739372,-0.6233514472842216 l-0.2842380106449127,-0.5919444933533669 -0.3945135697722435,-0.49019239842891693 l-0.4130679741501808,-0.35592637956142426 -0.4745696485042572,-0.2267087623476982 l-0.5194472894072533,-0.12051929719746113 -0.4671705886721611,0.017885459819808602 l-0.4554666206240654,0.12123966589570045 -0.33822130411863327,0.19880758598446846 l-0.283853504806757,0.21054118871688843 -0.21591704338788986,0.29837219044566154 l-0.2536073327064514,0.40744785219430923 -0.197790265083313,0.15848707407712936 l-0.1886405050754547,0.7721647620201111 -0.3663741797208786,0.18759788945317268 l-0.06794851273298264,1.3896889984607697 -0.5380750447511673,0.28130821883678436 l-0.05199194420129061,1.8629610538482666 0.3973662853240967,0.6023679673671722 l-0.0443513598293066,0.7292918115854263 0.7264046370983124,-0.053351493552327156 l0.45072734355926514,0.6053335592150688 1.7160043120384216,-0.041182530112564564 l1.44168421626091,-0.057533630169928074 1.1073825508356094,-0.5080902576446533 l1.325060874223709,-0.4451502114534378 1.105995625257492,-0.5508975684642792 l0.5044165626168251,-0.2540561184287071 0.43628137558698654,-0.4352818429470062 l0.34265559166669846,-0.33487025648355484 0.29746513813734055,-0.4794003814458847 l0.28586676344275475,-0.37602219730615616 0.22739354521036148,-0.4894633963704109 l0.23007981479167938,-0.14281225390732288 0.017514340579509735,-0.2501758560538292 l0.15856048092246056,-0.0367431272752583 -0.03538715187460184,-0.23318037390708923 l0.13950398191809654,-0.057257916778326035 -0.046531627885997295,-0.2906016632914543 l0.17076127231121063,-0.07716857828199863 -0.0062435847939923406,-0.29806656762957573 l0.20076392218470573,-0.08655562996864319 0.0087453966261819,-0.3109164535999298 l0.19318390637636185,-0.11621957644820213 -0.014725382206961513,-0.30684949830174446 l-0.05843289662152529,0.11456739157438278 -0.28916066512465477,-0.12812850065529346 l-0.36251433193683624,0.1976599171757698 -0.598481185734272,0.08230375126004219 l-0.5622122064232826,0.3756473585963249 -0.6217832863330841,0.14648614451289177 l-0.5902188271284103,0.47475267201662064 -0.5784989148378372,0.3751693665981293 l-0.5476837977766991,0.4424832761287689 -0.5635565891861916,0.4817797616124153 l-0.5517152324318886,0.5267410352826118 -0.539097860455513,0.553726814687252 l-0.06555063184350729,0.7283397763967514 -0.3782650828361511,0.2746989019215107 l-0.05674630869179964,1.2323648482561111 -0.050887116231024265,0.9234090149402618 l-0.02704843645915389,1.1367970705032349 0.36657296121120453,0.125664584338665 l-0.022615711204707623,0.5109943076968193 1.380837857723236,-0.03424528753384948 l0.4932289943099022,-0.3994227200746536 1.1213081330060959,-0.04937234800308943 l0.9069188684225082,-0.8528018742799759 1.0928283631801605,-0.6538672000169754 l0.49930568784475327,-0.46002350747585297 0.5623704567551613,-0.1889447309076786 l0.45603252947330475,-0.4755169153213501 1.0266707092523575,-0.7783138006925583 l0.9083997458219528,-0.7948435842990875 0.2927911840379238,-0.5276385694742203 l0.503266230225563,-0.330134853720665 0.2727781608700752,-0.6392312794923782 l0.5208049714565277,-0.5462024360895157 0.30304688960313797,-0.7226606458425522 l0.4898044466972351,-0.6468202173709869 0.279665794223547,-0.7733358442783356 l0.44683653861284256,-0.6916897743940353 0.2716470696032047,-0.8016171306371689 l0.42453330010175705,-0.7471419125795364 0.2645718678832054,-0.8194274455308914 l0.4242924228310585,-0.6904403865337372 0.23432791233062744,-0.8085344731807709 l0.4153845086693764,-0.630718469619751 0.18625715747475624,-0.7352834939956665 l0.38253970444202423,-0.527476966381073 0.011747344397008419,-0.4387621209025383 l0.25787822902202606,-0.20790958777070045 -0.14907989650964737,-0.17298566177487373 l-0.15479524619877338,0.26879142969846725 -0.4131631925702095,0.4472249001264572 l-0.4591773822903633,0.8090164512395859 -0.5163172259926796,0.8011516183614731 l-0.4882567375898361,0.856536254286766 -0.5028276517987251,0.9449136257171631 l-0.4763968288898468,0.9442363679409027 -0.22522076964378357,0.45559510588645935 l-0.22164329886436462,0.48856865614652634 -0.42951539158821106,1.11395962536335 l-0.059719355776906013,1.3521161675453186 -0.05211084149777889,1.1384119093418121 l-0.03758447477594018,1.043415516614914 -0.02409433014690876,1.0249525308609009 l1.3366708159446716,0.0016958355263341218 0.002894566277973354,0.17741452902555466 l1.936703473329544,-0.04004855174571276 0.2558176591992378,-0.32774668186903 l0.7698009163141251,-0.015934411203488708 0.950663611292839,-0.7770601660013199 l0.4701850190758705,-0.10154214687645435 1.3533538579940796,-1.0563045740127563 l0.24387868121266365,-0.4716891795396805 0.33493898808956146,-0.02728785155341029 l0.06836025044322014,-0.30195919796824455 0.28955617919564247,-0.00878794933669269 l0.09538882412016392,-0.2777904272079468 0.2540333941578865,-0.06613412406295538 l0.09523415938019753,-0.26784587651491165 0.21917499601840973,-0.09262745268642902 l0.08825345896184444,-0.23432033136487007 0.20133664831519127,-0.10241162031888962 l0.3108164854347706,-0.6393531709909439 -0.018576139118522406,-0.47154515981674194 l0.14112941920757294,-0.0012204544327687472 -0.025742219295352697,-0.22732257843017578 l0.13736965134739876,-0.022263426799327135 -0.004710439825430512,-0.21940680220723152 l0.004243169678375125,-0.5189056321978569 -0.06304251961410046,-0.34198325127363205 l0.0034700025571510196,-0.11760340072214603 -0.23923665285110474,-0.4983346536755562 l0.02210920210927725,-0.04416060168296099 -0.3344888612627983,-0.4478030279278755 l-0.2591663599014282,-0.14284778386354446 -0.3609563037753105,-0.1878979243338108 l-0.362812764942646,-0.06362734828144312 -0.33269714564085007,-0.019289619522169232 l-0.344286747276783,0.0005764530214946717 -0.2965199202299118,0.05249965004622936 l-0.2975861728191376,0.10805178433656693 -0.3118855506181717,0.18081862479448318 l-0.28256654739379883,0.19246399402618408 -0.3025847114622593,0.313042476773262 l-0.2769223041832447,0.365486703813076 -0.1866414025425911,0.15611127018928528 l-0.13052867725491524,0.21753139793872833 -0.16360925510525703,0.21336356177926064 l-0.1341122854501009,0.22520357742905617 -0.1338192168623209,0.23849854245781898 l-0.12805121950805187,0.24612784385681152 -0.13450810685753822,0.25107860565185547 l-0.11302311904728413,0.25397077202796936 -0.12346995994448662,0.2579348161816597 l-0.11082326993346214,0.2676435001194477 -0.10818593204021454,0.2686537988483906 l-0.09535050950944424,0.27084385976195335 -0.09473410435020924,0.26587462052702904 l-0.08051782846450806,0.2639082819223404 -0.07148731034249067,0.25421110913157463 l-0.04904220812022686,0.25123847648501396 -0.0260092131793499,0.2336951158940792 l0.0056551070883870125,0.2214251644909382 0.0418122299015522,0.20468451082706451 l0.0901341624557972,0.18367093056440353 0.15940509736537933,0.16157930716872215 l0.24008246138691902,0.1363892201334238 0.32679401338100433,0.10584821924567223 l1.9699688255786896,-0.06692352704703808 0.510956235229969,-0.040069567039608955 l2.1961894631385803,-0.01338933128863573 0.4373672232031822,-0.10694432072341442 l0.44173315167427063,-0.05826300010085106 0.36133553832769394,-0.07362508680671453 l0.3766273334622383,-0.06874062586575747 0.4075363278388977,-0.07009286899119616 l0.16068283468484879,-0.18903786316514015 0.1426287367939949,-0.15226060524582863 l0.11721711605787277,-0.17029287293553352 0.1080813817679882,-0.1728617586195469 l0.09308753535151482,-0.15406006015837193 0.07181210443377495,-0.15070532448589802 l0.0700561422854662,-0.14387317933142185 0.07465668022632599,-0.14537429437041283 l0.07475721184164286,-0.14197778888046741 0.07982835173606873,-0.14292627573013306 l0.27989836409687996,-0.0910080038011074 0.10490108281373978,-0.16541674733161926 l0.10043206624686718,-0.1365918293595314 0.08842013776302338,-0.14268756844103336 l0.22054264321923256,-0.0507210660725832 -0.13136443682014942,-0.09708889760077 l0.1529863104224205,-0.016586370766162872 -0.14484274201095104,-0.0871226005256176 l-0.01572161796502769,0.209736879914999 -0.01989409327507019,0.0896154623478651 l-0.029879524372518063,0.1757570542395115 -0.02165741054341197,0.1188089419156313 l-0.03798627760261297,0.09378002025187016 -0.03442200133576989,0.06134110037237406 l0.4219856485724449,-0.05461939610540867 -0.0462197745218873,-0.0466611422598362 l-0.025390652008354664,-0.048682414926588535 0.0683497590944171,-0.1262826845049858 l-0.026763437781482935,-0.004134557384531945 -0.024526880588382483,-0.0033175514545291662 l0.019163070246577263,-0.12968918308615685 0.026803810615092516,-0.10897621512413025 l0.01720692845992744,-0.11393807828426361 -0.00047427100071217865,-0.09685054421424866 l-0.007795331766828895,-0.1138738077133894 -0.013217998202890158,-0.10912520810961723 l-0.015456195687875152,-0.10824568569660187 -0.01837763120420277,-0.1147620938718319 l-0.027368194423615932,-0.10748541913926601 -0.02625611610710621,-0.11217515915632248 l-0.14041957445442677,-0.01301093609072268 -0.05459914915263653,-0.11620999313890934 l-0.029973334167152643,-0.1205473393201828 -0.14131315052509308,-0.003912410757038742 l-0.03759589046239853,-0.005753586883656681 -0.037446958012878895,-0.139513136819005 l-0.10094422847032547,-0.00406852806918323 -0.1396001223474741,-0.021259181667119265 l0.10405635461211205,-0.02054151613265276 0.22503986954689026,-0.044095306657254696 l-0.0358020281419158,-0.020181932486593723 -0.06423468701541424,-0.0327836349606514 l0.003147136594634503,-0.12478452175855637 -0.02654501935467124,-0.01989716663956642 l-0.06120237521827221,-0.030708019621670246 -0.00362050166586414,-0.11118034832179546 l-0.02337865997105837,-0.0033731403527781367 -0.015304922126233578,-0.10273467749357224 l0.32854244112968445,-0.06175281014293432 4.27933809987735e-05,-0.027029383927583694 l-0.015487928176298738,-0.10177087038755417 -0.027484458405524492,-0.021566222421824932 l-0.012433378724381328,-0.11919058859348297 -0.0303352321498096,-0.010561097878962755 l-0.01606718171387911,-0.11610155925154686 -0.004964098916389048,-0.09593387134373188 l-0.009926416678354144,-0.10349171236157417 -0.05741631146520376,-0.013672120403498411 l-0.07596617098897696,0.007367010693997145 -0.07459816057235003,-0.008551921928301454 l-0.06617606617510319,-0.019877732265740633 -0.014551071217283607,-0.10122187435626984 l-0.050354357808828354,-0.04943842999637127 -0.06708752363920212,-0.021967049688100815 l-0.06757074501365423,-0.02532860729843378 -0.06207302212715149,-0.03211872652173042 l-0.05904540419578552,-0.03861450823023915 -0.06424763705581427,-0.041064019314944744 l-0.06206170655786991,-0.04711414687335491 -0.06234817672520876,-0.04942504223436117 l-0.06000414025038481,-0.048355963081121445 -0.06361151114106178,-0.053085312247276306 l-0.06675270386040211,-0.06159720942378044 -0.05824974738061428,-0.06747262552380562 l-0.06492162123322487,-0.07304388098418713 -0.0687399972230196,-0.0713853444904089 l-0.07120070047676563,-0.07420687470585108 -0.07543794810771942,-0.07535276934504509 l-0.07553410716354847,-0.08311119861900806 -0.0729459011927247,-0.08861076086759567 l-0.07266358472406864,-0.09228495880961418 -0.0769624300301075,-0.09026244282722473 l-0.08170013315975666,-0.09753241203725338 -0.08256329223513603,-0.10358801111578941 l-0.08531448431313038,-0.10739721357822418 -0.08959815837442875,-0.1057608611881733 l-0.08114217780530453,-0.10623839683830738 -0.08632582612335682,-0.11353055015206337 l-0.08886158466339111,-0.11519267223775387 -0.09081441909074783,-0.12067432515323162 l-0.09912123903632164,-0.12188034132122993 -0.09543183259665966,-0.12305621057748795 l-0.10008315555751324,-0.12028203345835209 -0.10177286341786385,-0.12586060911417007 l-0.10050449520349503,-0.12443856336176395 -0.10593772865831852,-0.1327691413462162 l-0.10496184229850769,-0.13210508041083813 -0.10371841490268707,-0.1343437097966671 l-0.10762880556285381,-0.12736202217638493 -0.10562996380031109,-0.1283808145672083 l-0.10645038448274136,-0.12960552237927914 -0.11381952092051506,-0.12721951119601727 l-0.11080367490649223,-0.13184848241508007 -0.11260691098868847,-0.13121932744979858 l-0.10425957851111889,-0.1319143921136856 -0.10601162910461426,-0.13154501095414162 l-0.10697340592741966,-0.13290563598275185 -0.10927911847829819,-0.1345867570489645 l-0.10917792096734047,-0.13611463829874992 -0.10549417696893215,-0.12886105105280876 l-0.11543132364749908,-0.13708488084375858 -0.11717510409653187,-0.1366217713803053 l-0.11314661242067814,-0.1316965650767088 -0.11508951894938946,-0.1365926768630743 l-0.12140398845076561,-0.1291322149336338 -0.12090000323951244,-0.1338164508342743 l-0.11534752324223518,-0.13202166184782982 -0.11296066455543041,-0.1308448240160942 l-0.11501958593726158,-0.1398960780352354 -0.11706721968948841,-0.13365797698497772 l-0.12105456553399563,-0.13196359388530254 -0.12101060710847378,-0.13447740115225315 l-0.11578022502362728,-0.12748323380947113 -0.1179736852645874,-0.13107728213071823 l-0.11683100834488869,-0.1256014034152031 -0.12133593671023846,-0.12645921669900417 l-0.12171939015388489,-0.13507631607353687 -0.12035191990435123,-0.12900716625154018 l-0.12475627474486828,-0.1314249075949192 -0.1124850194901228,-0.1285298354923725 l-0.11262449435889721,-0.13476116582751274 -0.1126833725720644,-0.12502003461122513 l-0.11855012737214565,-0.13265653513371944 -0.11262514628469944,-0.12105580419301987 l-0.1199996005743742,-0.13063921593129635 -0.12027714401483536,-0.13089828193187714 l-0.12210309505462646,-0.1272010337561369 -0.12101618573069572,-0.1299060881137848 l-0.12205176055431366,-0.1336680632084608 -0.12199942953884602,-0.13447649776935577 l-0.11858793906867504,-0.12625298462808132 -0.12731418944895267,-0.1312204822897911 l-0.12050529010593891,-0.12688319198787212 -0.1204483862966299,-0.1276893075555563 l-0.12380859814584255,-0.12957697734236717 -0.12429310940206051,-0.12492391280829906 l-0.12348455376923084,-0.13073178008198738 -0.12157545424997807,-0.1281271781772375 l-0.11684156954288483,-0.13365676626563072 -0.12282853946089745,-0.12957017868757248 l-0.1276577077805996,-0.13298156671226025 -0.13049735687673092,-0.13756399974226952 l-0.12560428120195866,-0.13077013194561005 -0.12158355675637722,-0.13239058665931225 l-0.11890114285051823,-0.12376755475997925 -0.12410850264132023,-0.11924361810088158 l-0.12240232899785042,-0.12458489276468754 -0.12308971956372261,-0.12092389166355133 l-0.12602517381310463,-0.12592362239956856 -0.12544591911137104,-0.12732438743114471 l-0.12560558505356312,-0.12946226634085178 -0.12963100336492062,-0.12595761567354202 l-0.12392576783895493,-0.12932218611240387 -0.13211749494075775,-0.12705941684544086 l-0.13076245784759521,-0.12767543084919453 -0.14456098899245262,-0.006388645269908011 l-0.12525680474936962,-0.0957859680056572 -0.11103066615760326,-0.0056523235980421305 l-0.11962060816586018,-0.10410459712147713 -0.11089532636106014,-0.1310536079108715 l-0.1119465846568346,-0.00881846877746284 -0.11972535401582718,-0.0998331792652607 l-0.11075079441070557,-0.010104757966473699 -0.11148138903081417,-0.015282082604244351 l-0.10627490468323231,-0.11774462647736073 -0.09882071986794472,-0.12890714220702648 l-0.11095546185970306,-0.13517586514353752 -0.10817553848028183,-0.1305836346000433 l-0.11175034567713737,-0.1350552774965763 -0.11214992962777615,-0.13606885448098183 l-0.11676033958792686,-0.13521329499781132 -0.12698677368462086,-0.01184592372737825 l-0.12750079855322838,-0.11091683991253376 -0.11863172985613346,-0.1411376427859068 l-0.12498774565756321,-0.1466971356421709 -0.12338707223534584,-0.006012236117385328 l-0.13521249406039715,-0.11930921114981174 -0.11621627025306225,-0.1533555705100298 l-0.12290352955460548,-0.15817753970623016 -0.11806848458945751,-0.14947853051126003 l-0.12089578434824944,-0.1438173372298479 -0.12864133343100548,-0.14078684151172638 l-0.12485411949455738,-0.14027981087565422 -0.12621150352060795,-0.1514783315360546 l-0.12771054171025753,-0.141923064365983 -0.14728191308677197,-0.009375485242344439 l-0.1428759004920721,-0.11709293350577354 -0.12347946874797344,-0.14522813260555267 l-0.13063272461295128,-0.14101660810410976 -0.1275414600968361,-0.14340737834572792 l-0.1297922432422638,-0.13374116271734238 -0.13277138583362103,-0.12612068094313145 l-0.1268535852432251,-0.12913692742586136 -0.13477939181029797,-0.13174327090382576 l-0.12889327481389046,-0.13685213401913643 -0.13520386070013046,-0.139576168730855 l-0.12963459827005863,-0.12751092202961445 -0.1299093570560217,-0.13138368725776672 l-0.1349779311567545,-0.132213169708848 -0.13359800912439823,-0.13059284538030624 l-0.13632463291287422,-0.1335072424262762 -0.12970631010830402,-0.12516076676547527 l-0.12540710158646107,-0.12944739311933517 -0.13064077123999596,-0.12404724955558777 l-0.13053218834102154,-0.12834442779421806 -0.13209490105509758,-0.12470832094550133 l-0.13329347595572472,-0.12128408066928387 -0.13624578714370728,-0.11665883474051952 l-0.13308564200997353,-0.11715056374669075 0.04227124620229006,-0.11110860854387283 l-0.0968522485345602,-0.12541412375867367 -0.13205498456954956,-0.11696994304656982 l-0.13433415442705154,-0.10370751842856407 -0.13203679583966732,-0.10999339632689953 l-0.14138560742139816,-0.014140770072117448 -0.025530734565109015,0.06588318385183811 l-0.10200393386185169,-0.08713638409972191 -0.11343678459525108,-0.1276251208037138 l-0.1167328841984272,-0.12811469845473766 -0.11400006711483002,-0.11699628084897995 l-0.12151315808296204,-0.11849022470414639 -0.11668204329907894,-0.015008525224402547 l-0.11884341016411781,-0.09850083850324154 -0.11081510223448277,-0.012073717080056667 l-0.110723115503788,-0.11165689677000046 -0.0990551058202982,-0.010950296418741345 l-0.10236485861241817,-0.021292588207870722 -0.09815728291869164,-0.014678273582831025 l-0.08124477230012417,-0.015831546625122428 -0.09376388974487782,-0.11711780913174152 l-0.07003638427704573,-0.014198907883837819 -0.08551402017474174,-0.01967666670680046 l-0.08826910518109798,-0.01894873450510204 -0.06986926309764385,-0.01843400066718459 l-0.07090886123478413,-0.02135362708941102 -0.06478472147136927,-0.023589443881064653 l-0.059806318022310734,-0.022512790746986866 -0.060224090702831745,-0.01970259239897132 l-0.056628366000950336,-0.021279777865856886 -0.04998502787202597,-0.023645295295864344 l-0.04828894045203924,-0.020358022302389145 -0.03719241824001074,-0.023261301685124636 l-0.04322184715420008,-0.02402449492365122 -0.03129913005977869,-0.0198678788729012 l-0.028382663149386644,-0.024355240166187286 -0.02842077985405922,-0.024124777410179377 l-0.03037025686353445,-0.020457108039408922 -0.020515602082014084,-0.01983171096071601 l-0.018962941830977798,-0.021672192960977554 0.03726980648934841,-0.016745737520977855 l-0.005174949183128774,-0.02187378006055951 -0.0028693192871287465,-0.022747658658772707 l-0.0016932564903981984,-0.023342357017099857 -0.001272690569749102,-0.019988082349300385 l-0.00428712839493528,-0.022518746554851532 -0.00342484621796757,-0.024781909305602312 l0.004103549581486732,-0.020814482122659683 0.01157415215857327,-0.02268127165734768 l0.012787277810275555,-0.0221182219684124 0.008661100291647017,-0.022520620841532946 l0.003645094984676689,-0.023192327935248613 0.0042399627272970974,-0.020830505527555943 l0.004829010285902768,-0.023164318408817053 -0.0010010866390075535,-0.024868014734238386 l0.008486022124998271,-0.022459200117737055 0.00651930458843708,-0.0191526859998703 l0.003909071674570441,-0.020854980684816837 -0.002575296093709767,-0.01992875011637807 l0.004913554294034839,-0.01556361559778452 0.003783954307436943,-0.018685547402128577 l-0.005628346116282046,-0.02311968244612217 0.004562014946714044,-0.01865352620370686 l-0.0022592904861085117,-0.02256126143038273 -0.005358762573450804,-0.017121793935075402 l0.006350334151647985,-0.015088539803400636 -0.0037139689084142447,-0.017874918412417173 l-0.016763192834332585,-0.01715729827992618 -0.0019255031656939536,-0.014918732922524214 l-0.0008376334881177172,-0.014675770653411746 -0.009833454387262464,-0.016070257406681776 l-0.012882133014500141,-0.014432140160351992 -0.009222707594744861,-0.015882289735600352 l-0.01893715700134635,-0.013185481075197458 \" fill=\"none\" stroke=\"black\" stroke-width=\"1\"/></svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"105.13155653316062\" version=\"1.1\" width=\"126.75168433896033\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:ev=\"http://www.w3.org/2001/xml-events\" xmlns:xlink=\"http://www.w3.org/1999/xlink\"><defs/><rect fill=\"white\" height=\"105.13155653316062\" width=\"126.75168433896033\" x=\"0\" y=\"0\"/><path d=\"M37.87979251588695,40.318169475358445 m-2.3073190450668335,-0.14062494039535522 l-1.1558487266302109,0.6680701673030853 -1.0698678344488144,1.1302296817302704 l-0.9149444848299026,1.1468444764614105 -0.6168895959854126,0.6716461479663849 l-0.42189277708530426,0.392448790371418 -0.27231499552726746,0.3674015775322914 l-0.9419762343168259,0.7888182997703552 -0.7368358224630356,0.6947863101959229 l-0.9900818765163422,1.0502275079488754 -0.970766469836235,1.1106741428375244 l-1.1025524139404297,1.378275454044342 -0.07820151746273041,2.9711198806762695 l-0.4227396845817566,1.2696343660354614 -0.0864389818161726,2.2329391539096832 l0.4789276421070099,1.7876426875591278 0.8422424644231796,1.8420931696891785 l1.338474601507187,1.300860196352005 2.0402926206588745,0.0023486671852879226 l1.8589767813682556,-0.04732046741992235 2.030913233757019,-1.1279196292161942 l1.7388847470283508,-1.8232814967632294 0.9931944310665131,-1.12692691385746 l0.8544693142175674,-1.0959351062774658 0.8123648911714554,-1.0886871814727783 l0.6931426376104355,-1.378348022699356 0.6809674948453903,-1.3937169313430786 l0.5621455609798431,-1.4094680547714233 0.5482885614037514,-1.391882300376892 l0.5293463915586472,-1.3640543818473816 0.5503101274371147,-1.3555189967155457 l0.615108497440815,-1.8181286752223969 0.6150471419095993,-1.4196516573429108 l0.5886578187346458,-1.4052246510982513 0.51044762134552,-1.7012642323970795 l0.6908659636974335,-1.4619144797325134 0.5988171324133873,-1.450130045413971 l0.6750387698411942,-1.4357522130012512 0.6515716016292572,-1.4173100888729095 l0.6596498191356659,-1.4255532622337341 0.6776098906993866,-1.3505727052688599 l0.6868521869182587,-1.2708203494548798 0.6646953523159027,-1.1763562262058258 l0.6640250980854034,-1.0396378487348557 0.651872307062149,-0.8865746855735779 l0.6046760082244873,-0.732097402215004 0.5109071359038353,-0.7029049098491669 l0.4988519847393036,-0.5539305135607719 -0.10034576058387756,-0.132721783593297 l-0.4420551657676697,0.31940989196300507 -0.6826751679182053,0.6979382783174515 l-0.828145369887352,0.9832800179719925 -0.8445854485034943,1.1390729248523712 l-0.9490198642015457,1.3652989268302917 -0.9945900738239288,1.4547467231750488 l-1.0185608267784119,1.6037800908088684 -1.0565157979726791,1.7818692326545715 l-1.0558123141527176,1.848873794078827 -1.0490475594997406,1.9254818558692932 l-1.0414858907461166,1.9914138317108154 -1.0465726256370544,2.0470237731933594 l-1.0484880208969116,2.0814307034015656 -1.04160375893116,2.027100920677185 l-1.0138526558876038,2.008640617132187 0.09714811109006405,2.7241316437721252 l-0.28696469962596893,1.079472377896309 -0.0713362917304039,2.505614161491394 l0.06140363868325949,1.0411307215690613 0.2338065393269062,0.7941907644271851 l0.4952551797032356,0.43497174978256226 0.6553437560796738,0.127201396971941 l0.9914357960224152,-0.27010999619960785 1.1904701590538025,-0.5890516191720963 l1.3325315713882446,-0.847698524594307 1.2497837841510773,-0.8660334348678589 l1.2104512006044388,-0.824417769908905 1.2601067125797272,-0.9103753417730331 l1.180637925863266,-0.9800358861684799 1.1945100873708725,-1.0726942121982574 l0.6918583810329437,-0.7161860167980194 1.0405611246824265,-1.0159815102815628 l0.5635902285575867,-0.6495299935340881 0.5262861400842667,-0.5887805670499802 l-0.19897649064660072,0.16453271731734276 -0.24977080523967743,0.2953010983765125 l-0.2670224569737911,0.4287460818886757 -0.28856154531240463,0.48975247889757156 l-0.25415675714612007,0.6190116330981255 -0.2295222505927086,0.7090418040752411 l-0.20964540541172028,0.8286404609680176 -0.5870634317398071,0.5673140659928322 l-0.6125401705503464,1.7464789748191833 -0.4949282482266426,0.7685154676437378 l-0.39593104273080826,0.8066274225711823 -0.30101990327239037,0.8800364285707474 l-0.2735430747270584,0.8630445599555969 0.05419756751507521,1.4397379755973816 l0.2831558510661125,0.5496859550476074 0.44929299503564835,0.3836420550942421 l0.8492881804704666,0.10322972200810909 1.0153213143348694,-0.12982947751879692 l0.9737405180931091,0.003836961113847792 1.276758462190628,-0.4100547358393669 l1.4703291654586792,-0.5011463910341263 1.6033369302749634,-0.6104528158903122 l1.5163727104663849,-0.8870941400527954 1.4327321946620941,-1.0392661392688751 l0.7418673485517502,-0.5015506967902184 0.5831760540604591,-0.5695179104804993 l0.546463318169117,-0.6141156330704689 0.493350625038147,-0.6328466534614563 l0.396990142762661,-0.6837086379528046 0.335407592356205,-0.6637867540121078 l-0.07274961564689875,-0.7047455012798309 -0.4517374560236931,-0.3300725668668747 l-0.5163456872105598,0.12691345065832138 -0.8608213812112808,0.23812711238861084 l-0.9161243587732315,0.6481064110994339 -0.9171951562166214,0.7545347511768341 l-0.8755364269018173,0.9040171653032303 -0.8619596064090729,1.0007790476083755 l-0.835416242480278,1.1259686946868896 -0.8122845739126205,1.172112300992012 l-0.30944788828492165,0.5814332887530327 -0.5635374784469604,1.1333829909563065 l-0.36660805344581604,1.1849889904260635 -0.13120760209858418,1.0479643195867538 l0.10058965533971786,0.9354441612958908 0.2869202755391598,0.8097897469997406 l0.4700309783220291,0.6780815124511719 0.6476166844367981,0.5767999589443207 l0.7512862980365753,0.4603444039821625 0.9258436411619186,-0.0733256246894598 l1.0112342983484268,0.20452355965971947 1.7806242406368256,0.020116735249757767 l1.1665834486484528,-0.253425445407629 1.4618518948554993,-0.42319826781749725 l1.1045508831739426,-0.4996161162853241 0.8457969129085541,-0.39626583456993103 l0.7843684405088425,-0.4119528830051422 0.7760197669267654,-0.3849923238158226 l0.7405714690685272,-0.41697438806295395 0.7815659046173096,-0.44769901782274246 l0.7883103936910629,-0.48525944352149963 0.8032873272895813,-0.49592431634664536 l0.8293693512678146,-0.4495679959654808 0.844540148973465,-0.37258967757225037 l0.8376608788967133,-0.24963704869151115 0.8215022832155228,-0.14447316527366638 l0.7181406021118164,-0.17785243690013885 0.6916976720094681,-0.11401685886085033 l0.5823332816362381,-0.14940659515559673 -1.511160284280777,0.16018174588680267 l-1.393698900938034,0.43529223650693893 -0.779031366109848,0.3626522049307823 l-0.8528686314821243,0.19364355131983757 -1.3213522732257843,0.6959830969572067 l-1.2363321334123611,0.5972647294402122 -1.220797747373581,0.7202669233083725 l-1.1686967313289642,0.7532905042171478 -1.0941032320261002,0.8079606294631958 l-1.0263794660568237,0.8820948004722595 -0.9049844741821289,0.8680589497089386 l-0.7832612842321396,0.9349195659160614 -0.2196417935192585,1.0481155663728714 l0.08336578495800495,0.86422398686409 0.3991321101784706,0.7049946486949921 l0.6781688332557678,0.46325933188199997 0.985892042517662,0.20447179675102234 l1.1873652040958405,-0.1717904955148697 1.179983764886856,-0.4612746462225914 l1.0925423353910446,-0.6414500623941422 0.9772226214408875,-0.6769733130931854 l0.9789229184389114,-0.6696860492229462 0.8595305681228638,-0.6365716457366943 l0.8659828454256058,-0.665309876203537 0.9012318402528763,-0.7567813992500305 l0.8933930844068527,-0.8430084586143494 0.8655095100402832,-0.9826640784740448 l0.8544617146253586,-1.0824570804834366 0.8478330075740814,-1.2093813717365265 l0.8692973107099533,-1.2890923023223877 0.5767203867435455,-1.034218743443489 l0.9251090884208679,-1.4357027411460876 0.5666659399867058,-1.2394629418849945 l0.6097953394055367,-1.1157044768333435 0.5430421978235245,-1.1676809191703796 l1.446624994277954,-3.0460360646247864 1.5857133269309998,-3.3286604285240173 l1.047298014163971,-2.080397307872772 1.176714450120926,-2.3970243334770203 l1.045631468296051,-2.1598780155181885 0.6357377022504807,-1.3864929974079132 l0.199819877743721,-0.5936532467603683 -0.3319716453552246,0.2337757684290409 l-0.9190310537815094,1.3435669243335724 -1.3525013625621796,1.9278421998023987 l-1.1939342319965363,2.1437689661979675 -1.497768759727478,2.738201320171356 l-1.6111432015895844,3.0938711762428284 -1.580294668674469,3.047451674938202 l-1.5278838574886322,3.232792317867279 -1.1515085399150848,2.8417667746543884 l-0.9216021001338959,2.6748445630073547 -0.6203452125191689,2.3890772461891174 l-0.08140088059008121,1.869962215423584 -0.3350875899195671,0.7181566953659058 l0.007481004577130079,0.7387553155422211 -0.07772289216518402,1.4945989847183228 l0.02746694954112172,0.8640795946121216 0.06047236267477274,0.7847544550895691 l0.05322201643139124,0.7547351717948914 0.12567251920700073,0.7151400297880173 l0.1621282659471035,0.7108460366725922 0.21189343184232712,0.7142787426710129 l0.8593312650918961,1.2068278342485428 2.3226936161518097,0.04043727647513151 l2.6750698685646057,0.01502480125054717 0.9986548870801926,-0.6053252145648003 l0.9654190391302109,-0.015402332646772265 0.6152630597352982,-0.5129729583859444 l0.5180743336677551,-0.1941949687898159 0.37063635885715485,-0.6234297156333923 l0.38450609892606735,-0.4728824645280838 0.7683664560317993,-1.366707980632782 l0.3886840492486954,-0.4270365461707115 0.537148043513298,-1.622428297996521 l0.03583915764465928,-1.4386582374572754 0.10783939622342587,-0.8254855126142502 l-0.015484340256080031,-0.8288983255624771 -0.16848741099238396,-0.6589321047067642 l-0.3653241693973541,-0.45499715954065323 -0.5612962692975998,-0.21179430186748505 l-0.7577048987150192,0.02429390326142311 -0.8745930343866348,0.2866346016526222 l-0.9084595739841461,0.47433581203222275 -0.8807550370693207,0.5623358488082886 l-0.8057287335395813,0.6556515395641327 -0.7251198589801788,0.6560464948415756 l-0.6668954342603683,0.7238269597291946 -0.6047080084681511,0.7374133169651031 l-0.5159668251872063,0.7435952126979828 -0.4749247059226036,0.7953852415084839 l-0.46671129763126373,0.9127267450094223 -0.41969865560531616,0.992656946182251 l-0.35220250487327576,1.1274638772010803 -0.19600884988904,1.2152693420648575 l0.04974189214408398,1.3247399032115936 0.40735427290201187,1.2987133860588074 l0.7834712415933609,1.2230535596609116 1.1575296521186829,1.084636002779007 l1.4543934166431427,0.9064693003892899 3.0065181851387024,0.005530840717256069 l2.4434293806552887,0.014463058905676007 2.3066623508930206,0.01809575129300356 l1.90329909324646,0.010069153504446149 1.0814759880304337,-0.28249897062778473 l-0.040112175047397614,-0.38448765873908997 0.2661852538585663,-0.6608305871486664 l0.14604873955249786,-0.5519276484847069 m-58.638200759887695,-20.358974933624268 l1.2133871018886566,-0.9331255406141281 0.32590650022029877,-0.37264902144670486 l0.0643576867878437,-0.19561797380447388 0.0284923636354506,-0.06309541407972574 l-0.04622494801878929,-0.1597127504646778 -0.033893766812980175,-0.06881616543978453 l-0.04825207404792309,-0.029227598570287228 -0.05840249825268984,0.03751521231606603 l-0.07001025602221489,0.07464188616722822 -0.06295769941061735,0.10769960470497608 l-0.06740293931216002,0.11688663624227047 -0.3276294469833374,0.13350823894143105 l-0.4254518449306488,0.1788957603275776 -0.1599656604230404,0.24386130273342133 l-0.3892832249403,0.2995627373456955 -0.49532342702150345,0.34618813544511795 l-0.48370305448770523,0.383516401052475 -0.44461872428655624,0.4249051585793495 l-0.4122660309076309,0.4285834729671478 -0.3838890790939331,0.43727967888116837 l-0.35704728215932846,0.4148716852068901 -0.3233882784843445,0.3885900601744652 l-0.28319021686911583,0.36525312811136246 -0.22703129798173904,0.33824220299720764 l-0.19069230183959007,0.3319871798157692 -0.13997359201312065,0.29232654720544815 l-0.07514810655266047,0.25035781785845757 -0.06526270415633917,0.2253836952149868 l-0.060429470613598824,0.18824471160769463 -0.057922713458538055,0.17436081543564796 l-0.046600792557001114,0.15333968214690685 -0.050557940267026424,0.1547729130834341 l-0.05302476231008768,0.15238079242408276 -0.056427777744829655,0.16276691108942032 l-0.06590600591152906,0.17069067806005478 -0.07049560081213713,0.1714264415204525 l-0.08180135861039162,0.18802069127559662 -0.10182262398302555,0.18769213929772377 l-0.11453378945589066,0.1930130273103714 -0.13169522397220135,0.19305255264043808 l-0.1428479515016079,0.1969914510846138 -0.15943551436066628,0.2066102996468544 l-0.17360089346766472,0.2125973254442215 -0.1830633170902729,0.2063591219484806 l-0.19092818722128868,0.2103651873767376 -0.059561775997281075,0.019070979906246066 l-0.05020913667976856,-0.05087686702609062 -0.07485051173716784,-0.12315386906266212 l-0.05487081594765186,-0.18947066739201546 -0.04104762803763151,-0.27501681819558144 l0.02189726335927844,-0.3494386747479439 0.09629684500396252,-0.43273329734802246 l0.1741572469472885,-0.52043367177248 0.27495570480823517,-0.5895160883665085 l0.36323994398117065,-0.6330528110265732 0.4666151851415634,-0.6685412675142288 l0.557265430688858,-0.7100474834442139 0.6059931218624115,-0.7664472609758377 l0.3060811758041382,-0.29603173956274986 0.24462617933750153,-0.2469208464026451 l0.20532583817839622,-0.21245254203677177 0.20476007834076881,-0.1549019291996956 l0.20572375506162643,-0.1279797963798046 0.22210264578461647,-0.08427766151726246 l0.2305932343006134,-0.07189946714788675 0.25569239631295204,-0.03783660940825939 l0.7342712581157684,-0.7327995449304581 0.2906099520623684,-0.3277920186519623 l0.9384190291166306,-1.0670799016952515 1.1461342126131058,-1.5316681563854218 l1.4378978312015533,-1.8653598427772522 0.8510082960128784,-0.07495124824345112 l0.7768504321575165,0.1568133570253849 1.0582389682531357,-0.596855953335762 l0.6079079210758209,0.001086210468201898 0.8073844760656357,-0.15736838802695274 l0.6355047225952148,0.02964244456961751 0.3824642673134804,0.2302192524075508 l-0.11339630000293255,0.5636169388890266 -0.8068864792585373,0.9543830901384354 l-1.4562594890594482,1.4440339803695679 -1.4548906683921814,1.844351440668106 l-0.6167850270867348,0.9608884900808334 -0.28322936967015266,0.40126025676727295 l-0.28173163533210754,0.8707916736602783 -0.34670915454626083,0.8607109636068344 l-0.26576051488518715,0.7809163630008698 -0.03239364130422473,1.1634251475334167 l0.28320737183094025,0.7153892517089844 0.5379599705338478,0.4918859526515007 l0.823761448264122,0.29656141996383667 1.7115099728107452,-0.010908984113484621 l1.2531745433807373,-0.35730741918087006 1.118726208806038,-0.512065552175045 l1.1409512162208557,-0.5800782889127731 1.216863989830017,-0.6232869625091553 l1.1806590855121613,-0.6054385006427765 1.2738865613937378,-0.6742579489946365 l1.2879660725593567,-0.7088185846805573 0.7128776609897614,-0.5580881237983704 l0.6707384437322617,-0.39361409842967987 0.5439760535955429,-0.39921075105667114 l0.557681992650032,-0.32098863273859024 1.8722143769264221,-1.9148986041545868 l0.5848942324519157,-0.3928789868950844 0.24116266518831253,-0.48783160746097565 l0.9330117702484131,-1.3476985692977905 0.4564831405878067,-0.6300753355026245 l0.2361832931637764,-0.5006685107946396 -0.007897536270320415,-0.326177217066288 l-0.23203661665320396,-0.2052849717438221 -0.4434819892048836,-0.021597091108560562 l-0.5371008440852165,0.1810036599636078 -0.6442867964506149,0.25998830795288086 l-0.6624003499746323,0.3551976755261421 -0.6984453648328781,0.4076477512717247 l-0.7624126225709915,0.46491384506225586 -0.841747522354126,0.6038974970579147 l-0.8788204193115234,0.7607856392860413 -0.9017158299684525,0.9180718660354614 l-0.8759260922670364,0.9818180650472641 -0.8804343640804291,1.0974276810884476 l-0.8597155660390854,1.1912346631288528 -0.7718650996685028,1.1581041663885117 l-0.06281544454395771,1.8142257630825043 0.4554777592420578,0.6940630823373795 l0.8632634580135345,0.7108645886182785 1.4065970480442047,0.4957733303308487 l2.758053243160248,-0.013923827791586518 1.0907163470983505,-0.3069920837879181 l1.9239512085914612,0.018572681583464146 1.8084901571273804,-0.6654144823551178 l1.9105704128742218,-0.5522334948182106 0.9966784715652466,-0.2930733375251293 l0.9459934383630753,-0.2788959816098213 0.8563140779733658,-0.3663156181573868 l0.8032161742448807,-0.3270723670721054 0.7483501732349396,-0.4306885227560997 l0.7772796601057053,-0.46346668154001236 0.7373208552598953,-0.5418950319290161 l0.7611322402954102,-0.5259200185537338 0.74350506067276,-0.5123632401227951 l0.74897401034832,-0.45569565147161484 0.7086747884750366,-0.38264092057943344 l0.6795626133680344,-0.24372730404138565 0.6418976932764053,-0.15348706394433975 l0.600057952105999,-0.07744838483631611 0.5562089011073112,-0.03964802250266075 l0.5215298011898994,-0.0033643023925833404 0.4265127331018448,-0.1118112076073885 l0.7014533877372742,-0.12342896312475204 0.3704354166984558,-0.1426712516695261 l0.1903228648006916,-0.10897479020059109 -0.2141939476132393,-0.1731390692293644 l-0.026810027193278074,-0.08003427647054195 -1.3139568269252777,0.33599913120269775 l-0.8893044292926788,-0.3353623300790787 -1.0045148432254791,0.32406117767095566 l-1.2202390283346176,0.12806699611246586 -1.2981240451335907,0.569685697555542 l-1.3092459738254547,0.43848641216754913 -1.3698725402355194,0.7295254617929459 l-1.3547924160957336,0.7645785063505173 -1.3268105685710907,0.8724077045917511 l-1.2247448414564133,0.9359952062368393 -1.1817539483308792,0.9592465311288834 l-0.061268541030585766,1.5530578792095184 -0.24272790178656578,0.3973072022199631 l-0.0526975654065609,1.7964141070842743 0.5342452228069305,0.6754989922046661 l0.7234994322061539,0.6700087338685989 2.1356476843357086,0.049237748607993126 l2.1270687878131866,0.020491881296038628 1.833300143480301,0.004035603487864137 l1.543869525194168,-0.7497645169496536 1.6080507636070251,-0.5075648799538612 l3.0826112627983093,-1.3282567262649536 3.377160131931305,-2.0239920914173126 l1.3470493257045746,-0.8066977560520172 2.5308936834335327,-2.7022594213485718 l2.058836668729782,-2.925291657447815 1.639392375946045,-3.38316410779953 l1.617555171251297,-3.6255821585655212 1.6584937274456024,-3.716680407524109 l1.7738839983940125,-3.384711444377899 1.8066728115081787,-3.06283175945282 l1.7419584095478058,-2.454700320959091 1.5085339546203613,-1.6729426383972168 l0.2935304120182991,-0.635162740945816 0.6315484642982483,0.3100716881453991 l-0.45986294746398926,0.9188748151063919 -0.9362330287694931,1.7970427870750427 l-1.4228583872318268,1.9103719294071198 -1.7755697667598724,2.356639951467514 l-1.9871997833251953,2.5211739540100098 -2.20274418592453,2.889443039894104 l-2.348661720752716,2.957584261894226 -1.0366464406251907,1.6362759470939636 l-1.108766794204712,1.6195698082447052 -1.0478606820106506,1.6189107298851013 l-1.013181209564209,1.6603873670101166 -0.9344837069511414,1.576080322265625 l-0.7679556310176849,1.5158571302890778 -0.6333017349243164,1.4548929035663605 l-0.015020446153357625,2.6284977793693542 0.20025046542286873,0.9218598157167435 l0.7767476886510849,1.1156145483255386 0.6645020842552185,0.6166203320026398 l1.5633797645568848,0.6790191680192947 3.2048657536506653,0.014329580590128899 l2.6136529445648193,0.018143323250114918 2.3372042179107666,-0.7930970191955566 l1.4776520431041718,-0.12189013883471489 1.3850018382072449,-0.6549539417028427 l1.3851432502269745,-0.5023593455553055 1.2177734076976776,-0.7390457391738892 l1.1782188713550568,-0.6124407798051834 0.9877236932516098,-0.6356685608625412 l0.925169438123703,-0.5334551259875298 0.8160343021154404,-0.5373645573854446 l0.7882564514875412,-0.5299112200737 0.7610908150672913,-0.5319742113351822 l0.7466977834701538,-0.5765285342931747 0.7456584274768829,-0.5842868238687515 l0.7253964245319366,-0.5869032815098763 0.6813739240169525,-0.5524718388915062 l0.6385788321495056,-0.5209852755069733 0.5614439398050308,-0.4732093960046768 l0.15883207321166992,-0.47674760222435 0.36527328193187714,-0.37850409746170044 l0.15085222199559212,-0.37693269550800323 -1.862199455499649,-0.09420915506780148 l-1.7901918292045593,0.48054393380880356 -1.2134449928998947,0.4286137968301773 l-1.1401194334030151,0.592007152736187 -1.6797244548797607,1.0772014409303665 l-1.7821115255355835,1.410931944847107 -1.4014104008674622,1.531745046377182 l-0.9877336025238037,1.4995840191841125 -0.3513045608997345,1.1475534737110138 l0.0025180037482641637,2.0962639153003693 0.5027395114302635,0.9033209830522537 l2.285757064819336,1.4731092751026154 1.4274194836616516,0.6606428325176239 l4.038592278957367,0.8198346942663193 1.4932985603809357,-0.13831372372806072 l3.148544430732727,-0.38804832845926285 2.458580583333969,-0.955212265253067 l-0.9020853787660599,-0.5930640548467636 m-59.92257118225098,-19.723626375198364 l0.8551035821437836,-0.3943633660674095 0.44300932437181473,0.2635878324508667 l0.03891518106684089,-0.09198439307510853 -0.055902828462421894,0.15001200139522552 l0.3209179639816284,-0.07581529207527637 0.5921502783894539,-0.05887444596737623 l0.6887581944465637,0.0013520462380256504 0.188401211053133,0.03379947738721967 l0.0921402033418417,-0.00037513607821892947 0.8193068206310272,-0.17853666096925735 l0.5567121878266335,-0.09892885573208332 0.474281944334507,-0.1959274336695671 l0.46812910586595535,-0.22507557645440102 0.4349875822663307,-0.237790085375309 l0.4191881790757179,-0.2552725188434124 0.4086766391992569,-0.27493400499224663 l0.4118772968649864,-0.29089856892824173 0.39352137595415115,-0.30721817165613174 l0.3718075528740883,-0.29375961050391197 0.31776372343301773,-0.2900894917547703 l0.27506710961461067,-0.26044126600027084 0.2448410913348198,-0.23843921720981598 l0.1838669739663601,-0.19533663988113403 0.16597377136349678,-0.15831394121050835 l0.13121144846081734,-0.12655166909098625 0.09119480848312378,-0.0988661590963602 l0.09250841103494167,-0.10024429298937321 0.08656859397888184,-0.09434475563466549 l0.10032447054982185,-0.09304958395659924 0.12770196422934532,-0.09287732653319836 l0.13217808678746223,-0.11451444588601589 0.145126823335886,-0.10023870505392551 l0.17924847081303596,-0.10455104522407055 0.18185226246714592,-0.11733462102711201 l0.21150575950741768,-0.11555885896086693 0.20353768020868301,-0.10253255255520344 l0.22039873525500298,-0.09815472178161144 0.08470221422612667,-0.02764404285699129 l0.027063272427767515,-0.04060456529259682 0.0327686476521194,-0.0547395134344697 l0.10523835197091103,-0.003266248677391559 0.1118948683142662,-0.0388767383992672 l0.07751600351184607,0.04007435403764248 0.08716775104403496,-0.04640953615307808 l0.0555931543931365,0.05969435442239046 0.004078368074260652,0.11219555512070656 l0.05996507126837969,-0.0512774707749486 0.058689662255346775,-0.21187784150242805 l-0.033245214726775885,0.18920741975307465 -0.23438453674316406,0.3060753643512726 l-0.39451736956834793,0.33621352165937424 -0.1410128828138113,-0.1460004597902298 l-0.016892869025468826,-0.014377767220139503 -0.21615203469991684,0.11774617247283459 l-0.0841229222714901,-0.03875328227877617 -0.020295525901019573,0.00402519857743755 l0.00850039825309068,-0.006569865508936346 0.017157336696982384,-0.014700591564178467 l-0.19074087962508202,0.08297005668282509 -0.013273815857246518,-0.026673523243516684 l-0.18328843638300896,0.06703916005790234 -0.24133462458848953,0.10886345990002155 l-0.23818140849471092,0.12221070937812328 -0.22276092320680618,0.12211817316710949 l-0.2082822285592556,0.12531115673482418 -0.19016893580555916,0.12863649055361748 l-0.17452087253332138,0.12968627735972404 -0.15090449713170528,0.13748785480856895 l-0.13659504242241383,0.13314071111381054 -0.11780592612922192,0.13266107067465782 l-0.10509423911571503,0.13050162233412266 -0.09617017582058907,0.12578249908983707 l-0.08614703081548214,0.12376640923321247 -0.08143989369273186,0.11338064447045326 l-0.07635463494807482,0.10927579365670681 -0.07268788293004036,0.10288783349096775 l-0.0665870076045394,0.09975993074476719 -0.060416003689169884,0.08801178075373173 l-0.0558145297691226,0.08279518224298954 -0.05601905286312103,0.0808991864323616 l-0.051688626408576965,0.07853507995605469 -0.04978785291314125,0.0700798537582159 l-0.04337784834206104,0.06076057441532612 -0.042270477861166,0.05457725841552019 l-0.041236369870603085,0.050910538993775845 -0.044686817564070225,0.048701632767915726 l-0.04521773662418127,0.05396328866481781 -0.04640973173081875,0.05591834895312786 l-0.05093412008136511,0.06150750443339348 -0.05774935707449913,0.0632389634847641 l-0.052800667472183704,0.060231355018913746 -0.06173096131533384,0.06251396145671606 l-0.06685467902570963,0.06762751843780279 0.12141764163970947,-0.025412938557565212 l-0.019718916155397892,0.04114223178476095 -0.054350984282791615,0.0600665807723999 l-0.06834805943071842,0.07455695420503616 -0.07823716849088669,0.07973853498697281 l0.12549052946269512,-0.030837843660265207 0.1813945174217224,-0.0414932519197464 l-0.0035252852831035852,0.04374286625534296 0.15304839238524437,-0.07146705407649279 l-0.0064569286769256,0.041721505112946033 \" fill=\"none\" stroke=\"black\" stroke-width=\"1\"/></svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"0.2\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"102.698983645314\" version=\"1.1\" width=\"116.66050699241168\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:ev=\"http://www.w3.org/2001/xml-events\" xmlns:xlink=\"http://www.w3.org/1999/xlink\"><defs/><rect fill=\"white\" height=\"102.698983645314\" width=\"116.66050699241168\" x=\"0\" y=\"0\"/><path d=\"M38.184831894468516,63.29625464954006 m-2.003234028816223,-1.3277505338191986 l0.18485385924577713,-0.5746401473879814 -1.6591773927211761,0.008406618144363165 l-1.6229882836341858,0.05507872439920902 -0.6514377146959305,0.5424847826361656 l-0.9754303097724915,0.25340691208839417 -0.7821473479270935,0.1550401747226715 l-0.6410893052816391,0.17157625406980515 -0.6154017522931099,0.19006706774234772 l-0.5658866465091705,0.25232618674635887 -0.49056190997362137,0.24074601009488106 l-0.35775523632764816,0.2683003433048725 -0.24708792567253113,0.2511611580848694 l-0.4603845253586769,0.15183341689407825 -0.09942233562469482,0.3603712469339371 l-0.5373699963092804,0.17406953498721123 -0.4318416491150856,0.2597027085721493 l-0.3058292530477047,0.5077672749757767 -0.005361910443753004,0.4229157045483589 l-0.6019558385014534,0.2509249374270439 0.09272024035453796,0.5403006821870804 l-0.40804263204336166,0.5166865512728691 0.07463114336133003,0.5908497050404549 l-0.009231710573658347,0.660516619682312 0.06900064181536436,0.6132424995303154 l0.09361580014228821,0.8015380054712296 0.07305171806365252,0.8157169073820114 l0.05641445051878691,0.9248606860637665 0.022291606292128563,1.0539750754833221 l0.4095399007201195,0.14814361929893494 0.025000623427331448,0.9354915469884872 l0.08988428860902786,0.5746679753065109 0.06639883387833834,0.8416961133480072 l0.08079750463366508,0.8414750546216965 0.111856609582901,0.6812930107116699 l0.5206509307026863,0.07988827303051949 0.1508739124983549,0.5218232795596123 l0.23942278698086739,0.34911055117845535 0.4610826075077057,-0.06630330346524715 l0.21950911730527878,0.2389773726463318 0.9402402490377426,0.06835693959146738 l1.3442814350128174,0.05663345567882061 0.365544855594635,-0.665268748998642 l0.3081010654568672,-0.5769322440028191 0.49951210618019104,-0.1603061519563198 l0.2267812006175518,-0.5567712709307671 0.09126747958362103,-0.5784211307764053 l0.36216188222169876,-0.21822981536388397 0.018722196109592915,-0.6667559593915939 l0.297809112817049,-0.14952902682125568 0.04316294100135565,-0.7277296483516693 l-0.028267863672226667,-0.641486644744873 0.01779665588401258,-0.6610057502985001 l0.06172430235892534,-0.7047075778245926 0.05281053017824888,-0.7507720589637756 l0.091936020180583,-0.7592692971229553 0.16546908766031265,-0.26426350697875023 l0.12662379071116447,-0.5002597346901894 0.18488876521587372,-0.379473976790905 l0.17933281138539314,-0.5285041034221649 0.21358991041779518,-0.5301705747842789 l0.22259021177887917,-0.6180457398295403 0.24022914469242096,-0.6322789192199707 l0.26137011125683784,-0.7199116796255112 0.24913843721151352,-0.6917376071214676 l0.26566842570900917,-0.6622821092605591 0.25326164439320564,-0.7079926133155823 l0.2843719720840454,-0.7259620726108551 0.2693053334951401,-0.8066380769014359 l0.28255539014935493,-0.7602313905954361 0.2680462971329689,-0.8497045189142227 l0.27965622022747993,-0.8500746637582779 0.27023090049624443,-0.9309770166873932 l0.2569356746971607,-0.9908061474561691 0.2835109457373619,-1.0123582929372787 l0.26036961004137993,-1.1311766505241394 0.2629570849239826,-1.132432222366333 l0.25889091193675995,-1.1576168239116669 0.2599702589213848,-1.2426266074180603 l0.2776516228914261,-1.2057890743017197 0.24614473804831505,-1.3015198707580566 l0.2604309841990471,-1.2470071017742157 0.25387661531567574,-1.2243951112031937 l0.22886872291564941,-1.2850536406040192 0.23901581764221191,-1.203140765428543 l0.20972872152924538,-1.2219618260860443 0.23973528295755386,-1.2340234965085983 l0.22730544209480286,-1.2323302775621414 0.26503872126340866,-1.0719123482704163 l0.1888081058859825,-1.0926570743322372 0.1926012896001339,-0.5898540839552879 l0.03749170107766986,-0.5874750390648842 0.24082843214273453,-0.699833482503891 l0.05693080835044384,-0.5935512855648994 0.27680546045303345,-0.7372882962226868 l0.14311952516436577,-0.9253180772066116 0.34178420901298523,-0.8002046495676041 l0.17080754041671753,-0.9474773705005646 0.34711986780166626,-0.7794070243835449 l0.18256906419992447,-0.7652322947978973 0.30381951481103897,-0.6175785884261131 l0.17700081691145897,-0.7351631671190262 0.3052961453795433,-0.5007297173142433 l-0.0006297508662100881,-0.3549444302916527 0.054117548279464245,-0.05954614840447903 l-0.09484464302659035,0.15312351286411285 -0.2013816125690937,0.7674682885408401 l-0.4237034544348717,1.3375648856163025 -0.5299731716513634,1.6348403692245483 l-0.6715875118970871,1.947033703327179 -0.22571085020899773,0.882335752248764 l-0.7971598953008652,1.9134080410003662 -0.7613182067871094,2.0862919092178345 l-0.8322677761316299,2.3705193400382996 -0.5625947564840317,1.0666313767433167 l-0.6664378196001053,2.3227401077747345 -0.5330580845475197,1.043984517455101 l0.004749937797896564,0.9712954610586166 -0.1431232038885355,0.894511416554451 l-0.2834162302315235,0.7706592977046967 0.03487838199362159,0.8169758319854736 l-0.0894254818558693,0.7618676126003265 -0.032226007897406816,0.7641443610191345 l-0.047315270639956,0.7737197726964951 -0.05077010486274958,0.6656207889318466 l-0.01144409878179431,0.7793537527322769 0.0004957851342624053,0.7656528055667877 l0.02924994332715869,0.7470681518316269 -0.07169317919760942,0.5987103283405304 l0.005678966408595443,0.5960903316736221 0.06093665026128292,0.7013977319002151 l-0.07916329428553581,0.48149988055229187 0.1134219765663147,0.7682144641876221 l0.06950069218873978,0.708475336432457 0.11652247980237007,0.666634663939476 l0.1289214752614498,0.6277664005756378 0.14161881059408188,0.6684362143278122 l0.1473935041576624,0.5527829006314278 0.45678507536649704,1.0638105124235153 l0.1196075975894928,0.1257049571722746 0.13409496285021305,0.39044491946697235 l0.8024560660123825,0.603254958987236 0.21379096433520317,-0.12288286350667477 l0.9481411427259445,-0.24834034964442253 0.26697367429733276,-0.29313046485185623 l0.26111310347914696,-0.2419585920870304 1.2675294280052185,-1.0392829030752182 l1.6456975042819977,-1.448235660791397 0.24369649589061737,-0.38626208901405334 l1.6877077519893646,-1.8123690783977509 0.09938773699104786,-0.2792227454483509 l0.20936237648129463,-0.5225609615445137 0.0707843666896224,-0.4973756894469261 l0.051094633527100086,-0.4103194549679756 0.0850452110171318,-0.44210631400346756 l0.07439158856868744,-0.4746388643980026 0.10116396471858025,-0.4739008843898773 l0.10444066487252712,-0.5384553596377373 0.13122083619236946,-0.4908714070916176 l0.13067658059298992,-0.5067279562354088 0.15126082114875317,-0.5143407732248306 l0.15226890332996845,-0.5555510520935059 0.1711154356598854,-0.5116480961441994 l0.16815034672617912,-0.5289511010050774 0.1786622777581215,-0.27092738077044487 l0.1643178053200245,-0.6214021146297455 0.23163782432675362,-0.4793873429298401 l0.1913563348352909,-0.5164831504225731 0.22930147126317024,-0.47091763466596603 l0.22703418508172035,-0.45795589685440063 0.23115325719118118,-0.4050302505493164 l0.21522235125303268,-0.4347419738769531 0.21985815837979317,-0.39415430277585983 l0.17863843590021133,-0.5324681103229523 0.21079065278172493,-0.40994755923748016 l0.14780448749661446,-0.4804244637489319 0.01692979596555233,-0.39415452629327774 l-0.0329871685244143,-0.3954301029443741 -0.1414040755480528,-0.3368697315454483 l-0.2846313826739788,-0.1325247623026371 -0.3878209739923477,0.06356467958539724 l-0.5449865385890007,0.3937184065580368 -0.6107518821954727,0.6761633604764938 l-0.5890339240431786,0.7526955008506775 -0.6293913722038269,1.0113781690597534 l-0.6414048373699188,0.9295646101236343 -0.6023919582366943,1.034989207983017 l-0.24321883916854858,0.566459447145462 -0.2358909696340561,0.5526020750403404 l-0.22430356591939926,0.5256441980600357 -0.049115829169750214,1.294502466917038 l-0.32856617122888565,0.5151998996734619 -0.04565737210214138,1.5955929458141327 l-0.06192190572619438,0.6190473586320877 -0.03984049893915653,1.5523146092891693 l0.094376215711236,0.7041187584400177 0.00964283011853695,0.7606133818626404 l0.15296709723770618,0.7501571625471115 0.064984280616045,0.6745072454214096 l0.1650741696357727,0.670040026307106 0.10616682469844818,0.6626651436090469 l0.16594059765338898,0.5803348124027252 0.47650136053562164,0.8649874478578568 l0.6107264757156372,0.01696389284916222 0.9347768127918243,0.015921059530228376 l0.3671954572200775,-0.244115199893713 0.3966286778450012,-0.3805813193321228 l1.1565853655338287,-0.8587437123060226 0.411469005048275,-0.5186962336301804 l0.23447206243872643,-0.19852306693792343 1.2422597408294678,-1.167910173535347 l1.2288408726453781,-1.3679060339927673 0.12894414365291595,-0.32700683921575546 l0.6913210451602936,-0.7155782729387283 0.15023816376924515,-0.3337331861257553 l0.8333168923854828,-1.4470341801643372 0.1985553465783596,-0.3165413811802864 l0.6792902946472168,-1.4261505007743835 0.23260660469532013,-0.2649546042084694 l0.4879654571413994,-0.8435171097517014 0.23046422749757767,-0.38201671093702316 l0.16202779486775398,-0.44475484639406204 0.24931073188781738,-0.42387813329696655 l0.1996583677828312,-0.4006434231996536 0.24210823699831963,-0.3670772537589073 l0.23347867652773857,-0.35532396286726 0.42558666318655014,-0.5527689307928085 l0.2567911520600319,-0.2559501491487026 0.23666081950068474,-0.22880902513861656 l0.43577928096055984,-0.49692824482917786 0.2957337908446789,-0.0593432504683733 l0.4113927483558655,-0.5183164030313492 0.3225327283143997,0.047728936187922955 l0.14691097661852837,-0.09273776784539223 0.22491268813610077,0.05468819756060839 l0.11651599779725075,-0.10505096986889839 0.16481418162584305,0.0749735301360488 l0.07149092387408018,-0.07671103347092867 0.12110951356589794,0.06685031112283468 l0.04216604866087437,-0.06250842940062284 0.09543865919113159,0.045239669270813465 l-0.09183037094771862,-0.09821268729865551 0.07905264385044575,0.03836513962596655 l-0.02754296874627471,-0.1384193729609251 0.06352893076837063,0.036728112027049065 l-0.021030246280133724,-0.19850829616189003 0.06746138446033001,-0.03220648504793644 l0.008132855873554945,-0.22538522258400917 0.01523564220406115,-0.14654946513473988 l-0.012664066161960363,-0.1948564499616623 0.041809771209955215,-0.17302941530942917 l0.044337185099720955,-0.25129953399300575 0.06912488956004381,-0.28220461681485176 l0.0939424429088831,-0.2954556234180927 -0.37469226866960526,-0.4239533096551895 l0.14885647222399712,-0.09960697032511234 -0.10248331353068352,-0.47854211181402206 l-0.40795039385557175,-0.2715728059411049 -0.44087596237659454,-0.0872051902115345 l-0.09716480039060116,-0.022000998724251986 -0.1708383671939373,-0.138666657730937 l-0.5344175547361374,0.10415383614599705 -0.0821087509393692,0.08062906563282013 l-0.558290034532547,0.3586891293525696 -0.05486649926751852,0.19876962527632713 l-0.12563428841531277,0.22270817309617996 -0.07092900108546019,0.12243148870766163 l-0.10166799649596214,0.2356710098683834 -0.06095734890550375,0.18829306587576866 l-0.13165172189474106,0.2736646868288517 -0.1600118726491928,0.28079990297555923 l-0.03799522062763572,0.3523777797818184 -0.07925211451947689,0.41280467063188553 l-0.20611491054296494,0.33020664006471634 0.01740590436384082,0.49570411443710327 l-0.015622320352122188,0.4143289104104042 0.058600218035280704,0.525336004793644 l-0.20095206797122955,0.36438915878534317 0.12037196196615696,0.6735357642173767 l0.04732852801680565,0.4380348324775696 0.12572881765663624,0.5254939943552017 l0.13252104632556438,0.453588142991066 0.17398877069354057,0.4279162362217903 l0.18419645726680756,0.32247453927993774 0.2031259797513485,0.26209816336631775 l0.22771429270505905,0.1902385801076889 0.20989831537008286,0.05207306705415249 l0.21453877910971642,0.06979167927056551 0.2743525989353657,-0.33163096755743027 l0.15271421521902084,0.019807000644505024 0.19258137792348862,-0.15191631391644478 l0.2213095873594284,-0.4613874852657318 0.14169705100357533,-0.10232551023364067 l0.1742212474346161,-0.45169200748205185 0.13181524351239204,-0.5190084502100945 l0.14578819274902344,-0.190400630235672 0.07781775668263435,-0.4526246339082718 l0.1600858010351658,-0.15470090322196484 0.11594207026064396,-0.27350200340151787 l0.1585756056010723,-0.1919446885585785 0.12752512469887733,-0.29512424021959305 l0.19933564588427544,-0.04051040392369032 0.1414609793573618,-0.407981313765049 l0.1615825854241848,-0.25228388607501984 0.18988657742738724,-0.07444481365382671 l0.20309627056121826,-0.40976613759994507 0.1428240817040205,-0.3106647729873657 l0.13775713741779327,-0.3194357827305794 0.13301605358719826,-0.3168030083179474 l0.18067920580506325,-0.07515022065490484 0.11209795251488686,-0.42955435812473297 l0.16043979674577713,-0.28327204287052155 0.1677713543176651,-0.06704246159642935 l0.12072080746293068,-0.4137824848294258 0.1618235744535923,-0.26994815096259117 l0.11452530510723591,-0.34788772463798523 0.14786834828555584,-0.318075455725193 l0.12872749008238316,-0.31985092908143997 0.1674930937588215,-0.047068316489458084 l0.11229455471038818,-0.39908673614263535 0.175107941031456,-0.2881985902786255 l0.12807488441467285,-0.3541705757379532 0.16459627076983452,-0.360134020447731 l0.14269242994487286,-0.3723227232694626 0.16333580017089844,-0.3551968187093735 l0.15073259361088276,-0.08468746207654476 0.14901576563715935,-0.43974682688713074 l0.21816033869981766,-0.034918247256428 0.10718517005443573,-0.11347920633852482 l0.1948143169283867,-0.036035196390002966 0.14418690465390682,-0.37194330245256424 l0.24255311116576195,-0.18280426040291786 0.14297113753855228,-0.08358311839401722 l0.22321557626128197,-0.2931864373385906 0.1737004891037941,-0.038946312852203846 l0.14613274484872818,-0.07010434754192829 0.14183740131556988,-0.015005168970674276 l0.15616406686604023,-0.2814929559826851 0.19341811537742615,0.0011605828331084922 l0.11032459326088428,-0.07345741614699364 0.16669634729623795,0.023115964140743017 l0.1040402241051197,-0.03303862642496824 0.15848472714424133,0.04156649112701416 l0.09868987835943699,-0.009298631339333951 0.13048493303358555,-0.20648397505283356 l0.1741478405892849,0.035728870425373316 0.0377280218526721,-0.22174550220370293 l0.2007790096104145,-0.0841404777020216 0.0777906272560358,-0.03761777887120843 l0.15612014569342136,0.011260907631367445 0.11560856364667416,-0.2340366318821907 l0.17652228474617004,-0.1480658445507288 0.17058243975043297,-0.023310487158596516 l0.14076253399252892,-0.016027671517804265 0.13978177681565285,-0.23319454863667488 l0.18884504213929176,0.01544517232105136 0.1024133712053299,-0.050950897857546806 l0.1884814165532589,-0.21705219522118568 0.17864113673567772,0.002955910749733448 l0.1265226397663355,-0.0412042997777462 0.1569589413702488,0.01715848338790238 l0.1276743970811367,-0.21012011915445328 0.19838450476527214,0.0239084311760962 l0.09672002866864204,-0.050438414327800274 0.1446326170116663,0.022259000688791275 l0.11725891381502151,-0.0004698023258242756 0.1550279837101698,-0.1959487795829773 l0.16727348789572716,0.013724758755415678 0.10855319909751415,-0.009673497406765819 l0.14091375283896923,-0.22815976291894913 0.15503482893109322,0.019840176682919264 l0.14946036972105503,-0.23019902408123016 0.1442704163491726,-0.23586973547935486 l0.15759620815515518,-0.21991483867168427 0.14498649165034294,-0.017030334565788507 l0.15036752447485924,-0.297749899327755 0.17771225422620773,0.010416720760986209 l0.1249222457408905,-0.33070195466279984 0.21110832691192627,-0.17385076731443405 l0.2666979841887951,-0.5981582030653954 0.23226849734783173,-0.02772181760519743 l0.164006520062685,-0.4210709035396576 0.22625945508480072,-0.006014337996020913 l0.09910513646900654,-0.09203922934830189 0.1887180283665657,0.012263879179954529 l0.13350083492696285,-0.31593065708875656 0.22371334955096245,0.026381590869277716 l0.1142674870789051,-0.23434534668922424 0.2038237638771534,0.04558878485113382 l0.1118574570864439,-0.18957911059260368 0.19446073099970818,0.053871478885412216 l0.11193260550498962,-0.1925254985690117 0.18285244703292847,0.049577588215470314 l0.0656652357429266,-0.2335328608751297 0.19031107425689697,0.060701724141836166 l0.06680347956717014,-0.01101922825910151 0.14112317003309727,0.06572974380105734 l0.06563801784068346,0.02288797404617071 0.1188327930867672,0.07941585034132004 l0.07360679563134909,-0.15293885953724384 0.15408391132950783,0.07833205163478851 l-0.011208917712792754,-0.26051048189401627 0.20394744351506233,0.10129676200449467 l0.01787432935088873,-0.017324796644970775 0.13030819594860077,0.08777137845754623 l0.0853114016354084,-0.1608642190694809 0.14770866371691227,0.08352176286280155 l0.08557497523725033,-0.15245656482875347 0.0974244624376297,-0.17799152061343193 l0.12591592967510223,0.036714726593345404 0.06947816349565983,0.015936677809804678 l0.09115959517657757,0.0489371083676815 0.07940467447042465,0.05339652765542269 l0.07394778542220592,0.060460492968559265 0.06956500466912985,0.05277202930301428 l0.11317825876176357,-0.1606079749763012 0.32142680138349533,-0.454496368765831 l0.15671877190470695,0.010790291707962751 0.10422173887491226,-0.025773048400878906 l0.13413404114544392,0.04052690230309963 0.07702334318310022,0.013812246033921838 l0.1401884015649557,-0.2086249552667141 0.16485990956425667,0.05284349899739027 l0.0700106006115675,0.0029389149858616292 0.15642274171113968,-0.15846360474824905 l0.10930785909295082,0.04951735958456993 0.08449708111584187,0.018109616357833147 l0.10728945955634117,0.05815410986542702 0.3126903250813484,-0.5099823325872421 l0.18432052806019783,0.05639259237796068 0.08680072613060474,-0.03248658962547779 l0.12402147054672241,0.05909261293709278 0.11141732335090637,-0.22761855274438858 l0.14848558232188225,-0.15139210037887096 0.1306574884802103,-0.1954161934554577 l0.1071621011942625,0.03465159796178341 0.12576752342283726,-0.2519114501774311 l0.1463846117258072,0.054061743430793285 0.05638189613819122,0.016989043215289712 l0.15102729201316833,-0.21628934890031815 0.11525353416800499,0.04311873111873865 l0.06655097473412752,0.02334467601031065 0.13485155068337917,-0.19478246569633484 l0.12380805797874928,0.05591185297816992 0.056080794893205166,0.03545934800058603 l0.08457152172923088,0.06644788198173046 0.04250055178999901,0.06103691179305315 l0.07401143200695515,0.0678607914596796 0.06404108833521605,0.07930927909910679 l0.055803325958549976,0.06958666257560253 0.058618709444999695,0.07577353157103062 l0.06319656502455473,0.07420564070343971 0.059860278852283955,0.07730151060968637 l0.05833010654896498,0.059553058817982674 0.053556403145194054,0.05279216915369034 l0.06494767032563686,0.07109514903277159 0.11564213782548904,-0.1453553792089224 l0.09417450055480003,0.06579554174095392 0.11062291450798512,-0.13601314276456833 l0.12561263516545296,-0.16011917963624 0.07501771207898855,0.013503610389307141 l0.06547641009092331,0.03144818125292659 0.07203947752714157,0.04908410366624594 l0.045912787318229675,0.04671041388064623 0.1101053785532713,-0.1868669129908085 l0.11325755156576633,-0.14536920934915543 0.11496974155306816,-0.19424345344305038 l0.08528773672878742,0.05978879984468222 0.042914971709251404,0.03379443194717169 l0.05363588221371174,0.06322386674582958 0.03981637768447399,0.0679933000355959 l0.0416338536888361,0.06519325077533722 0.09651273488998413,-0.17147593200206757 l0.08708897978067398,0.0795462541282177 0.10105579160153866,-0.23452861234545708 l0.131334001198411,-0.1321190781891346 0.06950878072530031,0.04154546186327934 l0.0547557370737195,0.06033226381987333 0.04454106092453003,0.070389024913311 l0.03893073182553053,0.0673108221963048 0.04585755988955498,0.0772265624254942 l0.043739257380366325,0.08580666966736317 0.10523522272706032,-0.1715688407421112 l0.08999021723866463,0.09839624166488647 0.11134237982332706,-0.22591238841414452 l0.11674916371703148,0.0843397993594408 0.03115615574643016,0.032519183587282896 l0.07138847839087248,0.0733502022922039 0.03156400518491864,0.04907884169369936 l0.06884898990392685,-0.12232501991093159 0.08430240675806999,0.08253167383372784 l0.028004723135381937,0.045612831600010395 0.11932181194424629,-0.18675247207283974 l0.06310021504759789,0.07532563526183367 0.11468139477074146,-0.2236422523856163 l0.08098690770566463,0.08470232598483562 0.10317248292267323,-0.24768192321062088 l0.09538927115499973,0.08414901793003082 0.099977171048522,-0.2306891605257988 l0.0930430181324482,0.06789931561797857 0.020918231457471848,0.04410747438669205 l0.11509980075061321,-0.18453093245625496 0.08968163281679153,-0.18081383779644966 l0.11169563978910446,-0.20781796425580978 0.05443400237709284,0.06789965555071831 l0.016561150550842285,0.046466728672385216 0.05312744062393904,0.08312844671308994 l0.08205840364098549,-0.21760286763310432 0.07499304134398699,0.08991697803139687 l0.012100503081455827,0.06117771379649639 0.10514456778764725,-0.19466552883386612 l0.05601434502750635,0.09057912044227123 0.1097759697586298,-0.21987592801451683 l0.07253832649439573,0.08288991637527943 0.01734093064442277,0.061763329431414604 l0.11451214551925659,-0.18185684457421303 0.09356129914522171,-0.15984311699867249 l0.04733528941869736,0.07436546497046947 0.03751983167603612,0.06500282790511847 l0.04743310157209635,0.0709567591547966 0.021620106417685747,0.0772425252944231 l0.09529381990432739,-0.18848925828933716 0.05718783009797335,0.10550309903919697 l0.04461192525923252,0.06141083315014839 0.03299425821751356,0.08121103048324585 l0.04438971634954214,0.08848566561937332 0.04375937394797802,0.1021440140902996 l0.033246809616684914,0.08602417074143887 0.10150949470698833,-0.14910751953721046 l0.09298751130700111,-0.14917009510099888 0.10867438279092312,-0.19273919984698296 l0.11043792590498924,-0.20438332110643387 0.0789494439959526,0.07746682036668062 l0.11511117219924927,-0.2552188001573086 0.10562548413872719,-0.22403715178370476 l0.09627402760088444,-0.19978664815425873 0.03304008627310395,0.058198501355946064 l0.09324360638856888,-0.22328244522213936 0.10266100987792015,-0.20244643092155457 l0.08943314664065838,-0.21777454763650894 0.10161276906728745,-0.23410195484757423 l0.09342295117676258,-0.24070821702480316 0.09712163358926773,-0.2524154633283615 l0.011587660992518067,0.07184795569628477 0.08299761451780796,-0.23012978956103325 l0.018046980258077383,0.08344492875039577 0.09078457951545715,-0.21515080705285072 l0.03451153403148055,0.11822964064776897 0.06453956011682749,-0.21154886111617088 l0.09369396604597569,-0.17651451751589775 0.07869265042245388,-0.23766478523612022 l0.10540017858147621,-0.2229505032300949 0.016528767300769687,0.0791005976498127 l-0.007446091040037572,0.0873814057558775 -0.005818363279104233,0.10799267329275608 l-0.02045151311904192,0.10518858209252357 -0.006766571314074099,0.12237518094480038 l0.07318329066038132,-0.14329643920063972 0.0427726237103343,0.12593830935657024 l-0.0008849693404044956,0.10648023337125778 0.014426864217966795,0.11483144015073776 l0.0018821351113729179,0.10230736806988716 0.09355452843010426,-0.12407546862959862 l0.023853788152337074,0.10899057611823082 0.020448605064302683,0.07493935991078615 l0.04241867456585169,0.10882021859288216 0.004707544867414981,0.08708478882908821 l0.02567689400166273,0.08876400999724865 0.08440542034804821,-0.1677245832979679 l0.0915954727679491,-0.14949326403439045 0.07166720926761627,0.08869445882737637 l0.10410767048597336,-0.22899379953742027 0.0738522270694375,0.08407984860241413 l0.11073880828917027,-0.21013962104916573 0.09324171580374241,-0.16723904758691788 l0.10550027713179588,-0.18556088209152222 0.09819951839745045,-0.19314752891659737 l0.10488576255738735,-0.21370362490415573 0.10017863474786282,-0.21094206720590591 l0.042387284338474274,0.058248043060302734 0.08614991791546345,-0.2063973993062973 l0.08152563124895096,-0.15480258502066135 0.08056933060288429,-0.21655170246958733 l0.09267345070838928,-0.21392710506916046 0.08982641622424126,-0.21993733942508698 l0.08845201693475246,-0.2117239125072956 0.018910036887973547,0.06554733961820602 l-0.020031705498695374,0.07189995143562555 0.08234890177845955,-0.19123367965221405 l0.07066681515425444,-0.16999904066324234 0.03876130562275648,0.10911929421126842 l-0.031815285328775644,0.0784850213676691 0.014671077951788902,0.10671059601008892 l0.05923949182033539,-0.1545168925076723 0.028031361289322376,0.11646352708339691 l-0.005105789750814438,0.09308746084570885 0.09254423901438713,-0.12561453506350517 l0.0707000307738781,-0.13558228500187397 0.09953072294592857,-0.16244590282440186 l0.05208857823163271,0.09197162464261055 0.10401757434010506,-0.20624162629246712 l0.05230356473475695,0.09301982820034027 0.0044929858995601535,0.05317523144185543 l0.10171618312597275,-0.16547638922929764 0.08016432635486126,-0.1453082263469696 l0.05751560442149639,0.08851404301822186 0.015513226389884949,0.07161075714975595 l0.1007943693548441,-0.20311780273914337 0.08121361956000328,-0.14823099598288536 l0.09451065212488174,-0.1975206658244133 0.06342057604342699,0.07123121991753578 l0.11009344831109047,-0.19490044564008713 0.05908733233809471,0.08412978611886501 l0.08893786929547787,-0.1972484216094017 \" fill=\"none\" stroke=\"black\" stroke-width=\"1\"/></svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"95.95898477826267\" version=\"1.1\" width=\"296.5211422797802\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:ev=\"http://www.w3.org/2001/xml-events\" xmlns:xlink=\"http://www.w3.org/1999/xlink\"><defs/><rect fill=\"white\" height=\"95.95898477826267\" width=\"296.5211422797802\" x=\"0\" y=\"0\"/><path d=\"M47.18287763185799,54.676159895025194 m-0.09010431356728077,-1.7268365621566772 l-1.8815603852272034,0.061480943113565445 -1.9184872508049011,0.1885390467941761 l-2.1563540399074554,-0.03209555521607399 -1.03792704641819,0.05783246364444494 l-1.3125880062580109,0.030562314204871655 -1.205063983798027,0.22174721583724022 l-1.4439114928245544,0.2798663079738617 -1.4663238823413849,0.527687780559063 l-2.2538869082927704,0.9958093613386154 -1.5045453608036041,1.0376585274934769 l-1.3981398940086365,1.0391803830862045 -1.3816972076892853,1.2344969809055328 l-1.2388473749160767,1.1249279230833054 -1.8934404850006104,2.451470196247101 l0.004573079932015389,3.2951676845550537 0.4283350706100464,1.2138515710830688 l1.7488150298595428,2.2906042635440826 1.7013169825077057,1.1174020916223526 l5.521230697631836,0.8734719455242157 1.356777399778366,-0.06056033540517092 l3.7078097462654114,-1.013278141617775 1.4343273639678955,-0.6220607087016106 l2.408873289823532,-1.5023286640644073 1.6390150785446167,-1.082516461610794 l1.9251807034015656,-1.8080338835716248 1.274285465478897,-0.9324418008327484 l2.3320071399211884,-2.96509712934494 2.0276619493961334,-3.9096111059188843 l3.267808258533478,-6.27302348613739 0.0936321634799242,-1.5434886515140533 l0.4788925126194954,-1.1190041899681091 1.239142268896103,-4.029541611671448 l1.235056295990944,-4.6859389543533325 0.963783860206604,-4.129964709281921 l0.9487613290548325,-1.9185547530651093 0.5823057144880295,-2.594902515411377 l0.2852695435285568,-2.2496874630451202 0.2981332875788212,-0.4350372776389122 l-0.026668254286050797,-0.8314140886068344 0.21408852189779282,-0.6327994167804718 l0.3851384297013283,-1.079479455947876 0.03794478252530098,-0.29821548610925674 l-0.018439781852066517,-0.24200448766350746 -0.25122564285993576,0.18122056499123573 l-0.3919989615678787,0.6829944252967834 -0.7078354805707932,1.5608151257038116 l-0.9346112608909607,2.362285554409027 -1.1501070111989975,2.993772029876709 l-1.1065081506967545,3.0582931637763977 -1.3879448175430298,3.1544792652130127 l-1.5790104866027832,3.683229684829712 -1.728302240371704,3.6658674478530884 l-1.7331857979297638,3.7524449825286865 -1.7232409119606018,3.678555488586426 l-0.062331450171768665,1.9820497930049896 -1.3089045882225037,2.5450006127357483 l0.18148167058825493,1.0596946626901627 -0.041241906583309174,1.9784286618232727 l0.4605310782790184,2.252413034439087 0.7635203003883362,1.7275941371917725 l0.6024108454585075,0.7027562707662582 0.8938909322023392,0.38003746420145035 l0.22355705499649048,0.29826341196894646 2.547318935394287,0.06454601883888245 l0.6626187264919281,-0.23058781400322914 0.6941218674182892,-0.03541548969224095 l0.7723988592624664,-0.33647727221250534 0.8891192823648453,-0.208323635160923 l0.910273864865303,-0.3031414560973644 0.9331207722425461,-0.3569777309894562 l0.8916585892438889,-0.3442731127142906 0.884527787566185,-0.40339868515729904 l0.8697793632745743,-0.3328840434551239 0.8298680186271667,-0.45610882341861725 l1.526467502117157,-1.01807601749897 0.5781402811408043,-0.5587869510054588 l0.754334032535553,-0.3854292258620262 0.5575276911258698,-0.5243794992566109 l0.6152939796447754,-0.41459783911705017 0.4806330054998398,-0.3780150040984154 l0.4134482890367508,-0.428893081843853 0.24935076013207436,-0.38163840770721436 l0.510704480111599,-0.5031467974185944 0.10835408233106136,-0.2547791972756386 l0.1895129680633545,-0.22891409695148468 0.07975799031555653,-0.176035575568676 l0.12624843046069145,-0.0780944898724556 -0.05476197227835655,-0.1673196628689766 l0.19649013876914978,0.01901986775919795 -0.6165022403001785,0.7119579613208771 l-0.1267609093338251,0.5947189033031464 -0.41289709508419037,0.31838443130254745 l-0.09226995520293713,0.48942141234874725 -0.3073026053607464,0.2739221602678299 l-0.05417903885245323,0.6848471611738205 -0.36017511039972305,0.3156448155641556 l-0.02651669317856431,0.6377475708723068 -0.3436555340886116,0.42267583310604095 l0.0021609173563774675,1.9268614053726196 0.46996772289276123,0.6604278087615967 l0.6687939167022705,0.5722574517130852 2.547389566898346,0.07948902435600758 l2.192898839712143,0.05904255900532007 1.796695590019226,-0.6936495751142502 l1.8403184413909912,-0.6502800434827805 0.5872732028365135,-0.35908106714487076 l0.8917578309774399,-0.17575636506080627 0.7551656663417816,-0.4368079826235771 l0.8828895539045334,-0.20127791911363602 0.7764392346143723,-0.44375572353601456 l0.8324965089559555,-0.28309471905231476 0.7931462675333023,-0.43634165078401566 l0.7917270809412003,-0.31050732359290123 0.7666029781103134,-0.40002696216106415 l0.7808288931846619,-0.3170855715870857 0.7322397828102112,-0.36083485931158066 l0.6924295425415039,-0.33689379692077637 0.6981471180915833,-0.3285885229706764 l0.6494692713022232,-0.3153795003890991 0.5865388736128807,-0.2678937464952469 l0.5199360102415085,-0.21966977044939995 0.48601433634757996,-0.20759819075465202 l0.47033585608005524,-0.17091045156121254 0.4498255252838135,-0.18284570425748825 l0.4367883875966072,-0.15804588794708252 0.39864588528871536,-0.14660348184406757 l0.4150261729955673,-0.1790114864706993 0.37406865507364273,-0.15282783657312393 l0.39578430354595184,-0.22914227098226547 0.40244199335575104,-0.1911071315407753 l0.38793090730905533,-0.2966458536684513 0.40121547877788544,-0.24108059704303741 l0.3608230873942375,-0.2981987036764622 0.35269323736429214,-0.337858684360981 l0.32713640481233597,-0.33354613929986954 0.3351912274956703,-0.41198190301656723 l0.33901747316122055,-0.3525295853614807 0.6656336784362793,-1.06238953769207 l0.4696555435657501,-0.3504535183310509 0.37798304110765457,-0.5989301949739456 l0.4243728518486023,-0.32256901264190674 0.3972584009170532,-0.4226306453347206 l0.7419826835393906,-0.580594502389431 0.5656692758202553,-0.260800588876009 l0.5869019404053688,-0.22935498505830765 0.07721338886767626,-0.23463549092411995 l0.1196605060249567,-0.15146774239838123 0.1303499098867178,-0.1429036445915699 l0.18689526244997978,-0.1266350969672203 0.14802279882133007,-0.1399755198508501 l0.16969885677099228,-0.10109327733516693 0.13582905754446983,-0.12531641870737076 l0.015360465040430427,0.1254972629249096 -0.0675711315125227,0.012735272757709026 l-0.12282455340027809,0.2756669372320175 -0.09709805250167847,0.17827238887548447 l-0.17882365733385086,0.3233519569039345 -0.4235948622226715,0.638415664434433 l-0.7654394954442978,0.8493760228157043 -0.768066868185997,1.2288563698530197 l-0.9603972733020782,1.6072751581668854 -0.41966836899518967,0.35515300929546356 l-0.1978428103029728,0.647629052400589 -0.4440523684024811,0.33167675137519836 l-0.2150898240506649,0.5557297542691231 -0.4428047686815262,0.4020113870501518 l-0.038863648660480976,1.7097772657871246 -0.5891753360629082,0.31184272840619087 l-0.01747463713400066,1.533156931400299 0.4300183802843094,1.4292345941066742 l0.2755960635840893,0.5791938304901123 1.5010200440883636,0.05899802781641483 l1.7308840155601501,0.08338692598044872 1.4560297131538391,0.06246499251574278 l0.6178304553031921,-0.39451681077480316 0.6512557715177536,-0.016523440135642886 l0.7057008892297745,-0.413244292140007 0.632149800658226,-0.16327949240803719 l0.5770188570022583,-0.3748048096895218 0.617571547627449,-0.32889261841773987 l0.6436356157064438,-0.44844962656497955 0.4922577366232872,-0.38958922028541565 l0.6037517264485359,-0.5242208391427994 0.6482382863759995,-0.5295049026608467 l0.3284299373626709,-0.5145452544093132 0.6260398775339127,-0.6439940631389618 l0.26508813723921776,-0.5325227975845337 0.581204779446125,-0.7170425355434418 l0.411878302693367,-0.7806979864835739 0.3164147213101387,-0.5142152309417725 l0.3689345344901085,-0.8123858273029327 0.4973931610584259,-0.8135529607534409 l0.8126658946275711,-1.1825994402170181 0.7160946726799011,-1.1226431280374527 l0.7681448757648468,-1.1592907458543777 0.5427438393235207,-0.7167921960353851 l0.3346440941095352,-0.5201870948076248 0.07191916927695274,-0.19418267533183098 l-0.15675518661737442,-0.011993879452347755 -0.01423740410245955,0.24810291826725006 l-0.3490162640810013,0.3573165833950043 -0.5759900808334351,0.5787286534905434 l-0.6509055942296982,0.5102474614977837 -0.6773674488067627,0.5588576570153236 l-0.6949242204427719,0.6153152137994766 -0.7090447843074799,0.7786815613508224 l-0.80450639128685,0.6844419240951538 -0.7231231778860092,0.9202039986848831 l-0.8023769408464432,0.9808378666639328 -0.7120569050312042,1.0569338500499725 l-0.7384800910949707,1.1075425893068314 -0.40728479623794556,0.6760080903768539 l-0.5210407078266144,1.1685016751289368 0.015186760574579239,1.745830476284027 l0.2987213246524334,0.3787052631378174 -0.007549733854830265,0.8501829206943512 l0.570855624973774,0.6064634397625923 0.3404635936021805,0.40046509355306625 l1.1753247678279877,0.5426622182130814 1.864330917596817,0.05741313565522432 l0.6709282845258713,-0.13263327069580555 1.1684326082468033,0.08490492589771748 l1.3369722664356232,-0.7011286169290543 1.4380340278148651,-0.6823285669088364 l1.6111841797828674,-0.991431325674057 0.8211454004049301,-0.4525281861424446 l0.7777027785778046,-0.515955239534378 0.7944485545158386,-0.42343106120824814 l0.6865869462490082,-0.42847994714975357 0.7583444565534592,-0.3765121102333069 l0.7275611907243729,-0.48632998019456863 0.7746630907058716,-0.4848267510533333 l0.7604918628931046,-0.56972436606884 0.7696618884801865,-0.5747689306735992 l0.7015915215015411,-0.6024759262800217 0.7125794887542725,-0.5733152478933334 l0.5996814370155334,-0.5168705061078072 0.5887199193239212,-0.4477567970752716 l0.4936663433909416,-0.42629290372133255 0.4303683340549469,-0.32128646969795227 l0.3945234417915344,-0.2513337880373001 0.3049766272306442,-0.18800143152475357 l0.28294479474425316,-0.13254975900053978 0.2418808825314045,-0.19840236753225327 l0.318152979016304,-0.19072873517870903 -0.01683982089161873,-0.6653166562318802 l-0.13452483341097832,-0.3754408657550812 -0.028837600257247686,-0.20323015749454498 l-0.10452869348227978,-0.16852373257279396 -0.021301954984664917,-0.12339054606854916 l-0.01448394963517785,-0.24044668301939964 0.06781036034226418,-0.23840799927711487 l0.04253221210092306,-0.30124422162771225 -0.4450780525803566,-0.42625803500413895 l-0.6759622693061829,-0.11624909937381744 -0.8992724120616913,0.24365847930312157 l-0.9033168107271194,0.3938014805316925 -0.9540823101997375,0.44942278414964676 l-0.9044964611530304,0.5675370991230011 -0.8246359974145889,0.616966001689434 l-0.8060495555400848,0.7558195292949677 -1.5003511309623718,1.4577744901180267 l-0.6546127796173096,0.9636229276657104 -0.6844429671764374,0.9654731303453445 l-0.5103417858481407,1.257336437702179 -0.3357170522212982,1.051497682929039 l-0.2770455740392208,0.7122665643692017 -0.14946304261684418,0.7153073698282242 l0.45234348624944687,0.9463413059711456 0.45689649879932404,0.6582373380661011 l1.165187805891037,0.5220918357372284 2.0730046927928925,0.06635906174778938 l1.026596799492836,-0.21515917032957077 1.5795722603797913,-0.6860949844121933 l0.9472515434026718,-0.28938012197613716 0.9113745391368866,-0.422724187374115 l1.2518565356731415,-0.7156313210725784 0.8128679543733597,-0.3941822797060013 l1.1539079993963242,-0.7516186684370041 0.7580617070198059,-0.3699776902794838 l0.7565506547689438,-0.5002611130475998 0.7344350963830948,-0.39289820939302444 l0.6930889934301376,-0.5197863653302193 0.6742542237043381,-0.4781879112124443 l0.6101694330573082,-0.5135726556181908 0.6633871793746948,-0.4858752712607384 l0.6281773000955582,-0.5289334803819656 0.6905577331781387,-0.49826376140117645 l0.6896864622831345,-0.49619633704423904 0.7538171112537384,-0.4891343042254448 l0.7672691345214844,-0.5202113464474678 0.8302994817495346,-0.47822095453739166 l0.8317090570926666,-0.43622080236673355 0.8612878620624542,-0.37706803530454636 l0.2756012976169586,-0.26709865778684616 0.8180795609951019,-0.2571536414325237 l0.6736123561859131,-0.26487434282898903 0.8769382536411285,-0.19900480285286903 l0.7684502005577087,-0.22854840382933617 1.183343157172203,-0.24991262704133987 l0.7228859513998032,-0.18072718754410744 -1.1833050847053528,0.20403217524290085 l-1.4986607432365417,0.31922850757837296 -1.3783352077007294,0.3335283696651459 l-1.6281791031360626,0.9297646582126617 -1.1050824075937271,0.535290353000164 l-1.4044636487960815,0.8537429571151733 -1.9473424553871155,1.5459337830543518 l-1.106165573000908,0.8216618001461029 -0.43054569512605667,0.8910869807004929 l-0.9921624511480331,1.0125796496868134 -0.05277981981635094,1.6245460510253906 l0.11202672496438026,0.4006032273173332 -0.05305319558829069,0.8890315890312195 l1.2994436919689178,1.2518185377120972 0.9042461961507797,0.3542844206094742 l1.9553038477897644,0.08309978991746902 0.8831486105918884,-0.135336397215724 l1.2016157060861588,0.078135309740901 0.9323080629110336,-0.4298842325806618 l2.7323827147483826,-1.2899728119373322 0.6577873975038528,-0.5607663840055466 l2.2923050820827484,-2.2020223736763 2.059697061777115,-3.0654045939445496 l1.0793368518352509,-2.2762981057167053 1.171727031469345,-2.6921656727790833 l1.112344115972519,-2.6957589387893677 1.2148506194353104,-2.9443183541297913 l1.1747980862855911,-2.6417705416679382 1.0834847390651703,-2.001100778579712 l1.2014421820640564,-2.031741738319397 0.8535480499267578,-1.1827973276376724 l0.456375852227211,-0.9890393167734146 0.13505433686077595,0.16074707731604576 l-0.48193279653787613,0.6987898051738739 -0.8790304511785507,1.264205425977707 l-1.1569134145975113,1.5454065799713135 -1.2049642950296402,1.7449790239334106 l-1.4102087914943695,1.8710485100746155 -1.5350095927715302,2.237628847360611 l-1.6520251333713531,2.2045153379440308 -0.8055776357650757,1.4598342776298523 l-0.8521502465009689,1.4173544943332672 -0.7529459148645401,1.4370937645435333 l-1.0972707718610764,2.0338210463523865 -0.07766847033053637,0.9725148230791092 l-0.3874380886554718,1.1451541632413864 -0.0036143173929303885,1.7250996828079224 l0.27970898896455765,0.7121291756629944 0.8643683046102524,0.6756298243999481 l0.6759923696517944,0.36973200738430023 2.262037992477417,0.0881047174334526 l1.92096546292305,0.06410154048353434 1.77066370844841,-0.46702418476343155 l2.079610675573349,-0.5906464904546738 1.8431960046291351,-0.8884520828723907 l1.1543495953083038,-0.36902762949466705 1.0417652875185013,-0.5353691056370735 l1.1481164395809174,-0.4302888736128807 1.052941456437111,-0.49643218517303467 l1.080363541841507,-0.40291178971529007 1.0346581041812897,-0.49503978341817856 l1.0523660480976105,-0.4421208053827286 1.0369512438774109,-0.49733996391296387 l0.9499308466911316,-0.48342760652303696 0.9813518077135086,-0.5176772177219391 l0.9146624803543091,-0.5174852162599564 0.8397425711154938,-0.4908851906657219 l0.748894140124321,-0.5020487681031227 0.7364432513713837,-0.5388082563877106 l0.589231513440609,-0.48817142844200134 0.547310970723629,-0.4473695158958435 l0.42295265942811966,-0.4390300437808037 0.40512438863515854,-0.40303491055965424 l0.3601840138435364,-0.37823617458343506 0.3080812469124794,-0.4129345715045929 l0.2837470732629299,-0.3638385608792305 0.25600720196962357,-0.3992844745516777 l0.22102775052189827,-0.3015502728521824 0.15149036422371864,-0.32618023455142975 l-0.17573177814483643,-0.8719579875469208 0.051217018626630306,-0.18087171018123627 l-0.2390495501458645,-0.4203967750072479 -0.10837000794708729,-0.2095811627805233 l-0.1853501796722412,-0.3231941908597946 -0.06870519835501909,-0.3422144800424576 l-0.10263586416840553,-0.3739887848496437 -0.059288181364536285,-0.29539521783590317 l-0.06741625256836414,-0.25704510509967804 -0.03256024792790413,-0.2108382061123848 l-0.025490873958915472,-0.20248916000127792 0.01798658282496035,-0.11407865211367607 l0.020406008698046207,-0.04516019020229578 0.0518622575327754,0.04739604890346527 l0.051345047540962696,0.03717294195666909 -0.29859496280550957,0.4189278557896614 l-0.548732690513134,0.8144235610961914 -0.8722271025180817,1.3258130848407745 l-0.947108119726181,1.917632818222046 -0.7197126001119614,2.1466830372810364 l0.006069238297641277,0.9882570803165436 -0.2863011509180069,0.6473730504512787 l-0.12667996808886528,0.6664642691612244 0.5385309085249901,0.8525758236646652 l-0.3204858675599098,0.45885492116212845 0.9328623861074448,0.7284066826105118 l0.7962728291749954,0.4135764017701149 2.7751949429512024,0.10671082884073257 l1.4947472512722015,-0.19279491156339645 1.5460605919361115,0.06062034051865339 l1.5504524111747742,-0.7199883460998535 0.8091916888952255,-0.05577875766903162 l0.6802147626876831,-0.547841489315033 0.7177935540676117,-0.16367843374609947 l0.5555977672338486,-0.6115102395415306 0.693403035402298,-0.24627761915326118 l1.2208443135023117,-1.1185599118471146 1.2758693099021912,-0.9712830930948257 l0.5790788307785988,-0.6685016304254532 0.739893838763237,-0.573248527944088 l0.6254822760820389,-0.5485258623957634 0.7927615940570831,-0.514431782066822 l0.7574122399091721,-0.5204903706908226 0.8737486600875854,-0.4107534885406494 l0.8524935692548752,-0.3224528208374977 0.9113870561122894,-0.20022312179207802 l0.8964821696281433,-0.13217788189649582 0.8907110244035721,-0.08843578398227692 l0.9098805487155914,-0.03924653399735689 0.4509539529681206,-0.1371560338884592 l0.874139666557312,0.04911409690976143 0.6194808706641197,-0.13789174146950245 l0.7469459623098373,0.031410944648087025 0.6031909957528114,-0.12150382623076439 l0.6028532981872559,-0.024736791383475065 0.4306911677122116,-0.17105365172028542 l0.3799508139491081,-0.06727164145559072 0.24518892168998718,-0.20814461633563042 l0.2100943587720394,-0.09004367515444756 0.08612156845629215,-0.270533487200737 l0.11076097376644611,-0.17479674890637398 0.05105795804411173,-0.3393542021512985 l0.07920135743916035,-0.23414356634020805 0.026545380242168903,-0.3602056950330734 l0.07339554838836193,-0.3520314022898674 0.08129558525979519,-0.37152964621782303 l0.1196976937353611,-0.4495040699839592 0.09788969531655312,-0.38329705595970154 l0.10500476695597172,-0.42729660868644714 0.09454838931560516,-0.4058908671140671 l0.10972666554152966,-0.38258008658885956 0.07455009501427412,-0.36219481378793716 l-0.9044922888278961,-0.2467048540711403 -1.0684915632009506,-0.25062255561351776 l-1.5805703401565552,0.2918546833097935 -2.2262150049209595,0.7359182834625244 l-2.37677201628685,1.088510975241661 -2.3040899634361267,1.4325468242168427 l-2.0089153945446014,1.745513528585434 -1.2332933396100998,0.9209062159061432 l-1.0250837355852127,1.2514570355415344 -0.8134858310222626,1.1208052188158035 l-0.4807371273636818,0.6525345146656036 -0.030412450432777405,1.9145917892456055 l-0.570034496486187,0.5056412518024445 -0.0020156796381343156,2.10360586643219 l0.31030524522066116,0.5229482054710388 -0.12311424128711224,0.6039542332291603 l1.2405544519424438,0.9001807868480682 0.9233648329973221,0.7361475378274918 l2.3632945120334625,0.06442864891141653 1.6729263961315155,0.027808810118585825 l0.8044135570526123,-0.12190346606075764 2.6710113883018494,-1.1792287230491638 l2.6960811018943787,-1.8579357862472534 1.1814036965370178,-0.9169004857540131 l0.9456247836351395,-0.8218942582607269 0.8829671889543533,-0.7753419876098633 l0.7305827736854553,-0.6981272250413895 0.7044517993927002,-0.7342033088207245 l0.587545596063137,-0.6635835021734238 0.5813328921794891,-0.765325129032135 l0.539187416434288,-0.8327824622392654 0.581355020403862,-0.9038373827934265 l1.2804201245307922,-2.417329102754593 0.6237056106328964,-1.1197876930236816 l0.5212274193763733,-1.093822568655014 1.3220784068107605,-2.1092376112937927 l1.2974800169467926,-2.1507175266742706 0.7893119752407074,-1.3523213565349579 l0.7396388798952103,-1.3105866312980652 0.7662752270698547,-1.2007050961256027 l0.7790679484605789,-1.230030134320259 0.785389319062233,-1.0712533444166183 l0.6490740925073624,-0.7060901820659637 0.6160078942775726,-0.7046708464622498 l0.6292983144521713,-0.6447196751832962 0.7570623606443405,-0.6951344013214111 l0.8733969181776047,-0.735236331820488 0.46739310026168823,-0.7014861702919006 l0.5392461270093918,-0.49032367765903473 0.5947218090295792,-0.794074758887291 l0.2647187188267708,-0.6452016532421112 -0.34966912120580673,-0.45291125774383545 l-0.08349448442459106,-0.4882097616791725 -0.6473114341497421,-0.1742209680378437 l-0.8703141659498215,-0.11416150256991386 -0.8707207441329956,0.2523562125861645 l-0.945720449090004,0.2164265140891075 -1.1200851202011108,0.5801166594028473 l-1.2046580016613007,0.6506703048944473 -1.1634363234043121,0.9645852446556091 l-1.2129559367895126,1.1674942821264267 -1.170056313276291,1.3650472462177277 l-2.5100940465927124,2.7609559893608093 -2.4065648019313812,2.8986650705337524 l-2.5048840045928955,3.120528757572174 -2.4036656320095062,3.2814109325408936 l-0.9818363934755325,1.3289077579975128 0.039956867694854736,2.898433208465576 l-0.0663473503664136,0.6042741984128952 -0.00046238306822488084,2.494860589504242 l0.6024252995848656,1.1750970035791397 0.8876343071460724,1.1771383881568909 l2.503136694431305,1.5130521357059479 1.69815331697464,0.2773137018084526 l3.712521493434906,-0.14023017138242722 1.2113843113183975,-0.27131734415888786 l1.2981754541397095,-0.10126746259629726 1.9651639461517334,-0.508829802274704 l2.331176996231079,-0.6412101536989212 2.109956592321396,-0.5884065479040146 l2.1565254032611847,-0.66507987678051 1.456630676984787,-0.5981764942407608 l1.5002648532390594,-0.4920177534222603 1.4080902934074402,-0.6124330312013626 l4.201755523681641,-2.3041993379592896 3.34932804107666,-2.5639119744300842 l2.5283706188201904,-2.122182250022888 2.303396910429001,-1.624390333890915 l1.8748150765895844,-1.1054304242134094 1.7466938495635986,-0.8670546114444733 l1.013314500451088,-0.3806861490011215 0.8615157753229141,-0.18707985058426857 l-1.542922854423523,0.14764226041734219 -1.2592397630214691,0.534125417470932 l-1.5751425921916962,0.6950706988573074 -2.4968069791793823,1.021396517753601 l-2.7065396308898926,1.497533768415451 -2.381587028503418,1.638200581073761 l-2.079954296350479,2.034408748149872 -0.03659474663436413,1.8528985977172852 l-0.22340679541230202,1.043863222002983 -0.07267776876688004,1.6905426979064941 l2.0624588429927826,2.057102918624878 3.916206657886505,1.195898950099945 l5.088871121406555,-0.11205348186194897 5.37764310836792,-1.1628174781799316 l5.734900236129761,-2.0023195445537567 4.579715132713318,-2.1994413435459137 l3.558068573474884,-2.2521987557411194 2.543049454689026,-2.2336333990097046 l0.605519525706768,-0.3426254168152809 0.47217898070812225,-0.26029210537672043 l0.43406426906585693,-0.2085355669260025 0.4089898616075516,-0.1533248834311962 l0.36901097744703293,-0.17525853589177132 1.112683042883873,-0.6638363748788834 l0.6220529973506927,-0.07851419039070606 1.9043545424938202,-0.9001384675502777 l0.6350045651197433,-0.05773718934506178 0.2943860925734043,-0.1905984804034233 l0.2526496537029743,0.05158277228474617 0.02612260403111577,-0.10030383244156837 l0.3214448317885399,-0.12537452392280102 0.07236974313855171,-0.07194191683083773 l0.036751157604157925,-0.011447034776210785 0.13181841000914574,-0.3441425785422325 l0.2124047465622425,-0.20406648516654968 -0.0017171901708934456,-0.09079830721020699 l0.019458645256236196,-0.06861331406980753 0.12336109764873981,-0.3867226466536522 l0.2812752313911915,-0.31543951481580734 0.28309930115938187,-0.3490949422121048 l0.044275340624153614,-0.192031878978014 0.32917559146881104,-0.41814547032117844 l0.24043770506978035,-0.15751896426081657 0.3415505588054657,-0.27942370623350143 l0.3509325161576271,-0.1497737504541874 0.4220091551542282,-0.25250334292650223 l0.4118981584906578,-0.09550637565553188 0.407610684633255,-0.14460795558989048 l0.4115668684244156,-0.08670507930219173 0.4207102954387665,-0.1398749090731144 l0.433034710586071,-0.12692675925791264 0.4057370126247406,-0.05500162951648235 l0.4304855316877365,-0.15971612185239792 0.44474076479673386,-0.09694117121398449 l0.4348674789071083,-0.13624192215502262 0.0628618011251092,-0.31456563621759415 l0.4028497263789177,0.0027536004199646413 0.23974262177944183,-0.21815337240695953 l0.3819302096962929,-0.0837370939552784 0.3432810306549072,-0.2388349547982216 l0.3905314579606056,-0.15844741836190224 0.38759373128414154,-0.2483309619128704 l0.3785180300474167,-0.10636679828166962 -0.3155958279967308,-0.23755058646202087 l0.3405291587114334,-0.04928333219140768 -1.4044329524040222,0.1020608190447092 l-1.089584156870842,0.41701506823301315 -1.1088231205940247,0.2013571560382843 l-2.366248518228531,1.5058425068855286 \" fill=\"none\" stroke=\"black\" stroke-width=\"1\"/></svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"96.05480208760127\" version=\"1.1\" width=\"153.20020690298406\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:ev=\"http://www.w3.org/2001/xml-events\" xmlns:xlink=\"http://www.w3.org/1999/xlink\"><defs/><rect fill=\"white\" height=\"96.05480208760127\" width=\"153.20020690298406\" x=\"0\" y=\"0\"/><path d=\"M52.35007833689451,39.08660520799458 m-1.4783675968647003,-1.5364807844161987 l-0.19519809633493423,-0.16960475593805313 -1.2597623467445374,-0.3633369877934456 l-1.6050347685813904,-0.40731992572546005 -1.6709004342556,-0.268686655908823 l-1.9184467196464539,-0.23867961019277573 -2.0163248479366302,-0.14562111347913742 l-1.9906923174858093,0.04899686202406883 -1.932612657546997,0.16269318759441376 l-1.9650785624980927,0.35883523523807526 -1.7654137313365936,0.5187138542532921 l-1.7586968839168549,0.6616003066301346 -1.6775600612163544,0.9562838822603226 l-1.534608006477356,1.1456907540559769 -1.3525842130184174,1.377388834953308 l-1.001308336853981,1.391642540693283 -0.8389987051486969,1.6119024157524109 l-0.6577168405056,1.6669109463691711 -0.452607199549675,1.6956083476543427 l-0.2781660109758377,1.8691931664943695 0.028013603296130896,3.478367328643799 l0.5404366925358772,2.108532190322876 0.8553468436002731,2.074894458055496 l1.550365388393402,1.970907300710678 2.819509506225586,2.3877455294132233 l1.7593394219875336,0.8652748167514801 1.8953846395015717,0.7153057307004929 l1.833004206418991,0.3534895181655884 1.8660026788711548,-0.08024894632399082 l1.8892663717269897,-0.5885317176580429 1.6820146143436432,-1.2273525446653366 l1.5073591470718384,-1.8027304112911224 1.3688842952251434,-2.2938358783721924 l1.2506179511547089,-1.7098988592624664 2.0074674487113953,-3.203434646129608 l0.6667792797088623,-1.7889681458473206 1.0821521282196045,-3.5102996230125427 l-0.02408487256616354,-1.9825886189937592 -0.269209872931242,-1.8432752788066864 l0.26513366028666496,-2.51726895570755 0.36157261580228806,-2.6330387592315674 l0.5029118433594704,-2.0266808569431305 0.5883381143212318,-2.2222864627838135 l0.8877389132976532,-2.426397055387497 0.7235053181648254,-2.680741846561432 l0.867704451084137,-1.717054396867752 0.3607456758618355,-1.410353183746338 l0.03792218631133437,-0.7118663936853409 -0.5180138722062111,0.4024377092719078 l-0.47856222838163376,1.4223280549049377 -0.43406400829553604,1.4527073502540588 l-0.8222505450248718,1.56466543674469 -1.1132434010505676,3.3274230360984802 l-0.20235471427440643,1.7454810440540314 -0.38590971380472183,3.4865009784698486 l-0.2813142165541649,3.4802138805389404 -0.322507880628109,1.6431516408920288 l-0.2932051010429859,3.547787070274353 -0.3113710880279541,1.6430488228797913 l-0.05144649185240269,3.668091595172882 -0.07873085327446461,1.5034323930740356 l0.06476091220974922,1.6173385083675385 0.29359346255660057,1.3845835626125336 l0.5321172624826431,1.6990837454795837 0.9072548151016235,1.6103281080722809 l1.3135771453380585,1.3275256752967834 1.6087965667247772,0.7763674855232239 l1.750931292772293,0.03612040774896741 1.5017160773277283,-0.2762388065457344 l1.476283073425293,-0.556480772793293 1.445695161819458,-0.8163807541131973 l1.6018901765346527,-1.1415069550275803 1.5743082761764526,-1.302141696214676 l0.9609410911798477,-1.2455793470144272 1.2487167119979858,-1.419399380683899 l1.0237988829612732,-1.7354300618171692 0.9872730821371078,-1.7403735220432281 l0.8434176445007324,-1.8300625681877136 0.7507500797510147,-1.8517754971981049 l0.5455265566706657,-1.5480895340442657 0.14606386423110962,-1.666748821735382 l0.2846485935151577,-0.988464429974556 -0.13919607736170292,-0.6117546558380127 l-0.5379213765263557,1.096579134464264 -0.7674795389175415,2.089797556400299 l-0.31971320509910583,1.2465386092662811 -0.6318925321102142,1.3556943833827972 l-0.5254471302032471,1.4857003092765808 -0.45891471207141876,1.5272748470306396 l-0.03552538342773914,3.5436412692070007 0.07672195788472891,1.2814325094223022 l0.17509901896119118,1.3381874561309814 0.15705574303865433,1.2107346206903458 l0.3374355286359787,1.2628549337387085 1.4487603306770325,1.771586537361145 l1.0948935896158218,0.6389608979225159 1.395573765039444,0.487983338534832 l1.4788603782653809,0.21248260512948036 1.4889231324195862,0.0410240376368165 l1.4735864102840424,-0.017767278477549553 1.4367486536502838,-0.1315988041460514 l1.3981613516807556,-0.32283686101436615 1.3583163917064667,-0.4766478016972542 l1.2441205233335495,-0.5961146578192711 1.2539175152778625,-0.7279134541749954 l1.7859600484371185,-1.5579964220523834 1.264328509569168,-1.272989958524704 l1.3725200295448303,-1.4321978390216827 1.1632313579320908,-1.4678891003131866 l0.8559058606624603,-1.3755692541599274 0.6370805948972702,-1.251721829175949 l0.48144593834877014,-1.2996041774749756 0.21046962589025497,-1.2772360444068909 l0.0026121045812033117,-1.0823581367731094 -0.2668764069676399,-1.0570133477449417 l-0.4474285989999771,-0.9723957628011703 -0.5059744045138359,-1.0083755105733871 l-0.49703728407621384,-0.8736932277679443 -0.5979657545685768,-0.7221522927284241 l-0.7577627897262573,-0.5116467922925949 -0.9249047935009003,-0.2069985307753086 l-1.0100875794887543,0.031063719652593136 -1.0302786529064178,0.3574514761567116 l-1.1398176103830338,0.7554703950881958 -1.1268868297338486,1.0774032026529312 l-1.057717725634575,1.2525366246700287 -0.9770099818706512,1.4288567006587982 l-0.8726451545953751,1.594402939081192 -0.7830251753330231,2.0170754194259644 l-0.24841450154781342,2.387569844722748 0.4709969833493233,1.876831203699112 l0.8678997308015823,1.9219852983951569 1.016271635890007,1.9726744294166565 l1.1027945578098297,1.9353245198726654 1.3104265928268433,1.6675324738025665 l1.4859601855278015,1.2086121737957 1.8189342319965363,0.6948652118444443 l1.8543682992458344,0.14443441294133663 1.6955272853374481,-0.2305321767926216 l2.301875799894333,-1.0056836903095245 1.6535162925720215,-0.5648481473326683 l1.496955007314682,-0.5311574041843414 1.5542523562908173,-0.6678014248609543 l1.7554134130477905,-1.9482779502868652 1.9360843300819397,-2.961967885494232 l0.9176909923553467,-1.2999793887138367 0.6920668482780457,-1.2259917706251144 l0.41380081325769424,-2.040095180273056 0.020773443393409252,-1.907169222831726 l-0.0921748485416174,-1.6812077164649963 -0.1912602037191391,-1.2991131842136383 l0.13913962990045547,-1.117696389555931 0.4289837181568146,-1.0425655543804169 l0.647723451256752,-0.8807153254747391 0.8443994075059891,-0.6110505014657974 l1.2561963498592377,-0.13224597088992596 1.4721743762493134,0.7087326049804688 l1.4440195262432098,1.6000653803348541 0.897945910692215,2.326737940311432 l0.41423436254262924,3.026515543460846 -0.025288781616836786,1.8737250566482544 l-0.4168529063463211,1.914534717798233 -0.6564664095640182,1.023670732975006 l-1.000494509935379,-0.3619099035859108 -1.315387487411499,-1.7646926641464233 l-0.30757635831832886,-0.7639427483081818 -0.4360990971326828,-0.7136722654104233 l-0.35053055733442307,-0.6695403903722763 -0.9828577935695648,-0.3772517293691635 l-0.5036643519997597,-0.04566581454128027 -0.5677597597241402,0.17665769904851913 l-1.5082885324954987,0.4827980697154999 -1.6905426979064941,0.8002490550279617 l-1.5943945944309235,0.9360704571008682 -1.3983747363090515,1.081233024597168 l-1.1555111408233643,1.1072942614555359 -1.0174206644296646,1.152653768658638 l-0.8977511525154114,1.1723580211400986 -0.9496836364269257,1.7393684387207031 l-0.10683480650186539,1.6415393352508545 0.40814358741045,1.4299918711185455 l0.8325696736574173,1.4879722893238068 1.2003203481435776,1.5565064549446106 l1.4001476764678955,1.4270246028900146 1.4605341851711273,0.9580568969249725 l1.1216587573289871,0.31873658299446106 1.1460133641958237,0.07704797200858593 l1.1089647561311722,-0.18448926508426666 1.0669483989477158,-0.39790473878383636 l0.9910206496715546,-0.6026625633239746 0.9796503931283951,-0.7936415821313858 l0.9607266634702682,-0.9892332553863525 1.3819585740566254,-2.1561385691165924 l1.6741582751274109,-3.623524010181427 0.9042038023471832,-2.954227030277252 l0.08124957792460918,-1.4820291101932526 0.36896962672472,-2.346775084733963 l0.2429354377090931,-2.3061053454875946 0.18609145656228065,-2.1245522797107697 l0.17931200563907623,-1.9536826014518738 0.32032161951065063,-3.006071150302887 l0.3543926030397415,-2.551005780696869 0.3758260980248451,-1.5647479891777039 l-0.10177179239690304,-0.7071591913700104 -0.10486158542335033,0.2646363899111748 l-0.49844320863485336,0.7854403555393219 -0.6550662219524384,1.9354230165481567 l-0.7611218094825745,2.36349955201149 -0.62785305082798,2.575373649597168 l-0.6685290485620499,3.335375189781189 -0.7189274579286575,3.6129817366600037 l-0.6586881726980209,3.195822238922119 -0.6229841336607933,3.3303022384643555 l-0.011237418511882424,1.2168648093938828 0.4646901413798332,1.2918254733085632 l1.4475415647029877,1.1750413477420807 1.4115351438522339,0.5630476027727127 l4.314362704753876,-0.9319524466991425 1.3412848114967346,-0.4513401538133621 l1.1014282703399658,-0.4649205133318901 1.2174800783395767,-0.5186279490590096 l1.151781901717186,-0.6357668340206146 1.6198000311851501,-1.41328826546669 l1.304505467414856,-1.5341931581497192 0.8786445111036301,-1.3506712019443512 l0.5463442578911781,-1.3671697676181793 0.13421205803751945,-1.321951448917389 l-0.24730520322918892,-1.1827699095010757 -0.500340424478054,-1.0100260376930237 l-0.7182107120752335,-0.7042209059000015 -0.7634627819061279,-0.4244260862469673 l-0.8940369635820389,-0.16918247565627098 -1.0039453953504562,0.1908279024064541 l-1.0101186484098434,0.5400308594107628 -0.9391095489263535,0.8083895593881607 l-0.8643127232789993,1.020275130867958 -0.6792527437210083,1.0441053658723831 l-0.5296595767140388,1.0074375569820404 -0.3555760532617569,1.1281954497098923 l-0.09857135824859142,1.1929497122764587 0.06727591156959534,1.2734527885913849 l0.37743911147117615,1.2867149710655212 0.9134800732135773,1.9412848353385925 l1.532297283411026,1.95647731423378 1.1706358194351196,1.2001463025808334 l2.311188578605652,1.1150231212377548 1.3443024456501007,0.25783419609069824 l1.454787403345108,-0.37771590054035187 1.036786288022995,-0.24366889148950577 l0.976097583770752,-0.26567043736577034 0.8908968418836594,-0.3074401430785656 l0.9601093828678131,-0.8008726686239243 0.8295422047376633,-0.889817550778389 l0.5387010052800179,-0.7634320110082626 -0.1910417340695858,-1.3301026821136475 l-0.2829954959452152,-0.6897936016321182 -0.3521296754479408,-0.5911213159561157 l-0.11112811043858528,-0.7586728781461716 m-58.264780044555664,-19.852962493896484 l-1.492503583431244,0.4124361649155617 -0.4197065532207489,0.152910053730011 l-0.12235023081302643,0.15248429961502552 -0.008449291344732046,0.17250223085284233 l0.03596955677494407,0.13942676596343517 0.08453212678432465,0.12853704392910004 l0.09505932219326496,0.14729012735188007 0.025238199159502983,-0.014135148376226425 l0.06619690917432308,0.09674916975200176 0.09229578077793121,0.14729062095284462 l0.10284347459673882,0.14352479949593544 0.09987274184823036,0.1254778914153576 l0.11463260278105736,0.10834991000592709 0.08706118911504745,0.0490734726190567 l0.0668133795261383,0.018968695076182485 0.06346901413053274,0.02196169923990965 l0.05308140069246292,0.031437790021300316 0.04935211967676878,-0.0074478593887761235 l0.060506658628582954,-0.014598047127947211 0.06351300980895758,0.005361622315831482 l0.06407008040696383,0.016486867098137736 0.06222827825695276,-0.001443948713131249 l0.06510420702397823,0.004476263420656323 0.08281170390546322,-0.003162836073897779 l0.09229905903339386,0.003121696936432272 0.09443094953894615,-0.002857072977349162 l0.08680304512381554,0.0009398280963068828 0.08225120604038239,0.014589033089578152 l0.09442741982638836,0.02337081590667367 0.07986854761838913,0.011690605897456408 l0.0671060336753726,0.028392435051500797 0.09363124147057533,0.013571239542216063 l0.08519607596099377,0.03228740766644478 0.06095004267990589,0.046746451407670975 l0.06431123707443476,0.036112223751842976 0.07349325809627771,0.06058332044631243 l0.066451421007514,0.057985931634902954 0.06396055687218904,0.07605860941112041 l0.042954268865287304,0.08568441495299339 0.025609456934034824,0.08989708498120308 l0.023421489167958498,0.07805706933140755 0.037892337422817945,0.07101654540747404 l0.053442101925611496,0.09690573439002037 0.008094938239082694,0.11088451370596886 l-0.02977716038003564,0.1144904550164938 0.008489532629027963,0.09237198159098625 \" fill=\"none\" stroke=\"black\" stroke-width=\"1\"/></svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"71.9645332545042\" version=\"1.1\" width=\"1475.6794887781143\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:ev=\"http://www.w3.org/2001/xml-events\" xmlns:xlink=\"http://www.w3.org/1999/xlink\"><defs/><rect fill=\"white\" height=\"71.9645332545042\" width=\"1475.6794887781143\" x=\"0\" y=\"0\"/><path d=\"M25,45.49545422196388 m15.211601257324219,-3.2510975003242493 l11.931571960449219,-1.711864173412323 12.218080759048462,-2.34572172164917 l12.664978504180908,-0.8644696325063705 38.86007070541382,0.796494334936142 l52.67537593841553,1.0718251764774323 57.88742542266846,-0.5019868910312653 l76.32432460784912,-1.5771420300006866 61.29581928253174,-1.6833025217056274 l66.41655921936035,-1.0260652750730515 82.9000473022461,-0.8571849763393402 l79.8592758178711,0.8380484580993652 81.41289710998535,1.2812738120555878 l80.84044456481934,1.6753798723220825 68.58332633972168,1.529727727174759 l70.05927562713623,1.61627396941185 66.84746265411377,2.727474570274353 l72.62341022491455,2.0908258855342865 74.2094898223877,0.7310366630554199 l67.48656749725342,0.929553285241127 56.05747699737549,-0.4425964877009392 l27.149312496185303,-0.023911558091640472 27.175533771514893,-0.895979255437851 l24.142868518829346,-1.37627512216568 20.723040103912354,-2.6408985257148743 l20.59389352798462,-1.498059332370758 20.284414291381836,-1.6795793175697327 l17.306030988693237,-2.7213603258132935 19.23064351081848,-2.0355001091957092 l18.02236557006836,-2.60272353887558 16.56444787979126,-3.3779144287109375 l8.121456503868103,-2.6697352528572083 \" fill=\"none\" stroke=\"black\" stroke-width=\"1\"/></svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"92.28920452296734\" version=\"1.1\" width=\"511.5094071626663\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:ev=\"http://www.w3.org/2001/xml-events\" xmlns:xlink=\"http://www.w3.org/1999/xlink\"><defs/><rect fill=\"white\" height=\"92.28920452296734\" width=\"511.5094071626663\" x=\"0\" y=\"0\"/><path d=\"M25,67.28920452296734 m8.316245079040527,-4.9602508544921875 l7.26841926574707,-1.1967733502388 7.801486849784851,-1.7412316799163818 l8.306676745414734,-1.2819291651248932 8.208849430084229,-1.1668156832456589 l11.352226734161377,-2.003123015165329 38.266239166259766,-1.9837766885757446 l20.401949882507324,-0.8970189094543457 21.597976684570312,-1.2540721893310547 l22.559804916381836,-1.2306798249483109 19.889832735061646,-1.2558847665786743 l22.9227614402771,-1.3712620735168457 21.383700370788574,-1.6050845384597778 l22.141504287719727,-1.532043218612671 21.170735359191895,-1.9098831713199615 l19.177656173706055,-1.678207814693451 18.728642463684082,-1.8824398517608643 l19.160890579223633,-1.5943731367588043 20.497448444366455,-1.476646512746811 l20.15662908554077,-1.4249010384082794 19.260306358337402,-1.1831557750701904 l19.042059183120728,-0.9483163058757782 10.497643947601318,-1.839793622493744 l15.483773946762085,-1.3364313542842865 9.330145716667175,-1.4453314244747162 l14.161864519119263,-1.300850361585617 14.423937797546387,-0.7889281958341599 \" fill=\"none\" stroke=\"black\" stroke-width=\"1\"/></svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"0.30000000000000004\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"128.03670408320613\" version=\"1.1\" width=\"205.480484031159\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:ev=\"http://www.w3.org/2001/xml-events\" xmlns:xlink=\"http://www.w3.org/1999/xlink\"><defs/><rect fill=\"white\" height=\"128.03670408320613\" width=\"205.480484031159\" x=\"0\" y=\"0\"/><path d=\"M45.95322369248606,40.02835580417013 m-0.7118253409862518,-1.7917129397392273 l-0.7500289380550385,0.14214646071195602 -1.913943886756897,-0.04419818054884672 l-1.475854068994522,0.022112848237156868 -1.3205504417419434,0.024195306468755007 l-1.300327181816101,-0.0010289104102412239 -1.481538861989975,0.2442764863371849 l-1.3957054913043976,0.47193411737680435 -1.3955922424793243,0.40613632649183273 l-1.3100875914096832,0.45759260654449463 -1.9107289612293243,1.0998506098985672 l-0.8515477925539017,0.8787506073713303 -1.1969275772571564,0.72959303855896 l-1.2329834699630737,1.073501855134964 -0.44020041823387146,0.8475589752197266 l-1.1870678514242172,1.3375402987003326 -0.15703633427619934,1.56240776181221 l-0.5617216974496841,0.7775775343179703 0.02236073836684227,1.6547487676143646 l-0.27478354051709175,1.3879835605621338 -0.08897102437913418,1.9455181062221527 l-0.01816171803511679,1.1851290613412857 0.08730060420930386,1.399255096912384 l0.6909549236297607,2.543162703514099 0.5476592481136322,1.305205374956131 l0.9855359047651291,1.6020047664642334 1.1500807106494904,1.562206745147705 l1.152210682630539,1.3622139394283295 2.461486905813217,0.008204741170629859 l1.0517925024032593,0.23879306390881538 1.1174806952476501,-0.08238247595727444 l1.2305296212434769,-0.4283233731985092 1.1782905459403992,-0.6597907841205597 l3.566689193248749,-2.457268089056015 1.0700739920139313,-1.4769333600997925 l1.0284297913312912,-1.0540533065795898 0.5674649029970169,-0.9871847927570343 l0.6769786030054092,-0.895734429359436 0.29950447380542755,-0.9934737533330917 l0.4424966126680374,-0.9363484382629395 0.2638416923582554,-1.013575717806816 l0.3754512220621109,-0.9361211210489273 0.2774978056550026,-1.0851247608661652 l0.38924582302570343,-0.906817689538002 0.25252295657992363,-1.232961043715477 l0.30123090371489525,-0.8667858690023422 0.8426346629858017,-2.492116540670395 l0.19992157816886902,-1.0381801426410675 1.8583182990550995,-5.7691240310668945 l0.10404604487121105,-1.7012196779251099 -0.02586699789389968,-2.823571264743805 l-0.05109591409564018,-2.849637269973755 -0.01668535522185266,-2.5961288809776306 l-0.01767583889886737,-1.6180723905563354 -0.02184659242630005,-1.3074341416358948 l-0.016608788864687085,-1.07511468231678 -0.023420907091349363,-0.17753850668668747 l-0.04252051468938589,0.8305693417787552 -0.04213413689285517,2.3917528986930847 l-0.018917323322966695,3.2204926013946533 -0.015294550685212016,3.8364356756210327 l-0.3617570921778679,1.6469904780387878 -0.039048881735652685,3.8731959462165833 l-0.4792565852403641,1.4989084005355835 -0.07068236358463764,2.4149684607982635 l-0.4928060621023178,1.900644302368164 -0.1209868025034666,2.3866987228393555 l-0.4514200985431671,1.970125436782837 -0.057334741577506065,3.7390336394309998 l-0.044066146947443485,2.1762505173683167 -0.046531171537935734,2.445784956216812 l0.04193590488284826,1.3514891266822815 -0.015557449078187346,1.444377601146698 l0.11671004816889763,1.3269303739070892 -0.011324374936521053,1.5754234790802002 l-0.014725701184943318,1.514878273010254 -0.022717677056789398,1.6012488305568695 l-0.0252176052890718,1.250314861536026 -0.03985963761806488,0.9803793579339981 l-0.06059478968381882,1.1998991668224335 0.010559855727478862,0.8377157896757126 l-0.06494611501693726,1.0065656900405884 0.8028768748044968,-0.014202812453731894 l-0.10723975487053394,0.6536813825368881 1.1106672137975693,-0.04322111140936613 l-0.15279377810657024,0.3493496775627136 1.605423390865326,-0.04487941041588783 l-0.00026975028958986513,-0.33965032547712326 1.4662611484527588,-0.04902137443423271 l0.16170812770724297,-0.4367484524846077 0.9607047587633133,-0.036097296979278326 l0.2230275422334671,-0.4210882633924484 0.4278256371617317,-0.08154956623911858 l0.2645956352353096,-0.24458803236484528 0.360647477209568,-0.14790176413953304 l0.36526214331388474,-0.18139928579330444 0.388217531144619,-0.1729489117860794 l0.8126288652420044,-1.2756502628326416 0.38995396345853806,-0.22751880809664726 l1.1408112198114395,-2.291930466890335 0.3065260872244835,-0.3792199492454529 l0.21501077339053154,-0.4976155608892441 0.30074557289481163,-0.40483206510543823 l0.25476202368736267,-0.45719537883996964 0.3702685981988907,-0.35642534494400024 l0.19187258556485176,-0.35247713327407837 0.38545195013284683,-0.31193656846880913 l0.22112108767032623,-0.36736469715833664 0.3743669390678406,-0.4492001608014107 l0.2661161310970783,-0.5866339802742004 0.38195136934518814,-0.4858671873807907 l0.26344193145632744,-0.4991365969181061 0.36363016813993454,-0.4528190568089485 l0.26245370507240295,-0.7137651741504669 0.3620455414056778,-0.4607316106557846 l0.2603915147483349,-0.5493139103055 0.319596529006958,-0.397493839263916 l0.24565521627664566,-0.36661047488451004 -0.42608167976140976,0.003925554337911308 l-0.02104195998981595,-0.24063054472208023 -0.3540707379579544,0.132176810875535 l-0.6423521786928177,0.4039057344198227 -0.7554332911968231,0.9581079334020615 l-1.1416994780302048,1.9327455759048462 -1.0332583636045456,1.7113946378231049 l-0.0039054403896443546,2.177605777978897 -0.01789898262359202,1.8639513850212097 l-0.020897898357361555,2.1661490201950073 0.39771106094121933,0.3493015095591545 l-0.028955284506082535,1.5874473750591278 0.3403559699654579,0.3287045657634735 l0.011714833090081811,1.5583351254463196 0.32883595675230026,0.2163170464336872 l-0.006314128404483199,0.9035239368677139 1.5420903265476227,-0.06630664691329002 l1.0092078894376755,0.3549133241176605 1.573616862297058,-0.029722037725150585 l0.9676332771778107,-0.04775532986968756 0.9663187712430954,-0.01564587466418743 l1.4331717789173126,-0.5955038219690323 1.6013401746749878,-0.6673606485128403 l1.734299659729004,-0.9494644403457642 0.8886689692735672,-0.3282241150736809 l2.1674685180187225,-1.3614894449710846 1.578041911125183,-1.0010182857513428 l1.9129011034965515,-1.2720982730388641 1.7536737024784088,-1.4503499865531921 l1.8014279007911682,-1.5386447310447693 1.7463992536067963,-1.6437846422195435 l0.6049250066280365,-0.4530148580670357 0.4535793513059616,-0.5419677868485451 l0.438523106276989,-0.23427316918969154 0.26766374707221985,-0.4213711619377136 l0.3504057973623276,-0.21494287997484207 0.22153200581669807,-0.3863099589943886 l0.30261650681495667,-0.2949770353734493 0.19066115841269493,-0.32564137130975723 l0.220781359821558,-0.2034074254333973 0.17665930092334747,-0.36358650773763657 l0.20329486578702927,-0.24670738726854324 0.14230606146156788,-0.30143270269036293 l0.149310864508152,-0.1319315005093813 -0.023828977718949318,-1.163344606757164 l-2.6991575956344604,-0.06173101719468832 -0.36596227437257767,0.43341513723134995 l-1.4224724471569061,0.5752021074295044 -0.39711546152830124,0.1414154563099146 l-0.45051272958517075,0.13609426096081734 -0.3766411170363426,0.136297894641757 l-0.3957710787653923,0.08917616680264473 -0.37718869745731354,0.16552621498703957 l-0.3720489516854286,0.15325871296226978 -0.36872245371341705,0.4760168492794037 l-0.9360428899526596,1.2554660439491272 -0.5670996382832527,0.3552837297320366 l-0.516800545156002,1.1198849231004715 -0.43752990663051605,0.7063370198011398 l-0.029297920409590006,1.6990533471107483 -0.6697800010442734,0.591718889772892 l-0.03285621292889118,3.5410255193710327 -0.5652950704097748,0.7334462553262711 l-0.04382665269076824,2.8723615407943726 0.47153688967227936,0.9819404780864716 l-0.030520071741193533,1.6753648221492767 0.4523918777704239,0.6573003530502319 l-0.014470013557001948,1.0414953529834747 0.46167127788066864,0.6728661805391312 l0.3402021899819374,1.479097306728363 1.270267814397812,-0.05149826407432556 l0.32820746302604675,0.6059982255101204 2.1822191774845123,-0.026062936522066593 l1.642664223909378,-0.01164628891274333 1.5809661149978638,-0.03839131444692612 l1.3186773657798767,-0.5660200119018555 0.6111485511064529,-0.12237806804478168 l0.6422676891088486,-0.2657768316566944 2.504609525203705,-1.8154019117355347 l0.4917549341917038,-0.7847559452056885 1.455536037683487,-1.930214762687683 l0.5410899594426155,-0.35647470504045486 0.9670540690422058,-1.5135307610034943 l0.7504057139158249,-1.4926879107952118 0.3679608926177025,-0.3677339106798172 l0.1856003701686859,-0.37821389734745026 0.27640871703624725,-0.25184445083141327 l0.8684956282377243,-0.7722598314285278 0.22084280848503113,-0.30073173344135284 l0.13710866682231426,-0.3700428828597069 0.8746960014104843,-0.42089663445949554 l0.11514371261000633,-0.35559527575969696 1.0606740415096283,-0.4183134436607361 l0.08490964770317078,-0.33913876861333847 1.051550731062889,-0.4211241751909256 l0.10009673424065113,-0.33220842480659485 0.3810463100671768,-0.1643299125134945 l0.2565304934978485,-0.3596346452832222 0.3657221421599388,-0.12317217886447906 l0.1444934867322445,-0.2630601264536381 0.40285371243953705,-0.07008891087025404 l0.15121495351195335,-0.311768539249897 0.35729803144931793,0.12268797494471073 l0.007764826877973974,-0.41209228336811066 0.45312609523534775,0.14957117848098278 l-0.24076681584119797,-0.43872565031051636 0.1283295825123787,0.41777875274419785 l-0.484599731862545,-0.35607293248176575 0.21136734634637833,0.44307004660367966 l-0.5833281949162483,-0.2891129441559315 -0.2015487290918827,0.500018373131752 l-1.5607182681560516,0.2295304648578167 -1.1985993385314941,1.239621490240097 l-0.12139239348471165,0.6746858358383179 -1.4164946973323822,1.1114900559186935 l-0.07226035464555025,0.6535080075263977 -1.393829584121704,1.7143984138965607 l-0.0973019190132618,0.6121645122766495 -0.9842158108949661,1.1214744299650192 l-0.6174412369728088,1.0183405131101608 -0.032426463440060616,1.867416501045227 l-0.03957217559218407,1.5127156674861908 -0.03526567714288831,1.9864065945148468 l0.3881911560893059,0.20618481561541557 -0.02939466154202819,1.4875854551792145 l0.3659594804048538,0.31769849359989166 -0.021880106069147587,0.9531094133853912 l0.3811147063970566,0.4520472511649132 0.45100968331098557,1.692729890346527 l1.9457845389842987,-0.04346426110714674 0.49786265939474106,0.16464371234178543 l1.5870863199234009,-0.030560942832380533 0.8213618397712708,-0.47683611512184143 l1.199217066168785,-0.6221054494380951 1.0611467808485031,-1.0206075757741928 l1.1514833569526672,-0.9963932633399963 1.0307028889656067,-1.1224617809057236 l1.1823844909667969,-1.2459120154380798 1.139567717909813,-1.3502375781536102 l1.260804831981659,-1.4823287725448608 0.08204052224755287,-0.7319796830415726 l0.4583542048931122,-0.6027277931571007 0.8843880891799927,-0.9702669084072113 l1.672326773405075,-2.757084369659424 1.725131869316101,-2.7649912238121033 l1.720428466796875,-2.6245978474617004 1.5900751948356628,-3.2948020100593567 l1.0355282574892044,-2.774258553981781 0.9931357949972153,-2.7030161023139954 l0.9010631591081619,-2.981150448322296 0.5965206027030945,-2.3662252724170685 l-0.04092538729310036,-1.4645877480506897 0.557442307472229,-1.091560572385788 l-0.045479428954422474,-1.203046292066574 0.2462385967373848,-0.2512727491557598 l-0.017430329462513328,-0.500391349196434 -0.19067680463194847,0.6575488299131393 l-0.7393331825733185,0.6895015388727188 -0.729723647236824,1.5111663937568665 l-0.749739482998848,1.4294178783893585 -0.7853839546442032,1.7524795234203339 l-1.3154131174087524,3.230311870574951 -0.7842055708169937,1.5322776138782501 l-0.8130710572004318,1.9035889208316803 -0.8934713900089264,1.8982391059398651 l-0.4308135062456131,1.6470922529697418 -1.0884824395179749,1.9505034387111664 l-0.9684033691883087,2.6757824420928955 -0.37330716848373413,0.9538397192955017 l-0.30264822766184807,0.9910095483064651 -0.26977919042110443,0.9417574107646942 l-0.04194197244942188,2.2034327685832977 -0.3572045639157295,0.8121708035469055 l-0.04691144451498985,3.362511992454529 0.17021475359797478,0.6864498555660248 l0.149811040610075,0.7790450751781464 0.13940651901066303,0.47280725091695786 l0.1027833204716444,0.9464821219444275 0.13399538584053516,0.54734256118536 l0.12481360696256161,0.8163701742887497 0.06894846446812153,0.721823051571846 l0.09087304584681988,0.7525686919689178 0.2519557997584343,0.667041465640068 l1.23257115483284,1.568596214056015 0.4592571035027504,0.41008446365594864 l2.1597160398960114,-0.01594132510945201 2.045482248067856,-0.015669981949031353 l0.5309448018670082,-0.4937790706753731 0.7653386890888214,0.15095902606844902 l1.707937866449356,-0.9626452624797821 1.797395646572113,-0.6974692642688751 l0.6832803040742874,-0.7117272168397903 0.6982861459255219,-0.2108248509466648 l0.349726565182209,-0.5043814331293106 1.7428897321224213,-0.9244745224714279 l0.46788547188043594,-0.31632278114557266 0.6539448350667953,-0.38873709738254547 l0.3437318280339241,-0.3645896911621094 0.39356254041194916,-0.21848538890480995 l0.2701203152537346,-0.34421835094690323 0.366300567984581,-0.2619311958551407 l0.22196728736162186,-0.4297848790884018 0.2969498001039028,-0.26876263320446014 l0.1447781454771757,-0.41415985673666 0.25846630334854126,-0.3623698651790619 l0.08344831876456738,-0.28522519394755363 0.17766505479812622,-0.2115047723054886 l0.08098706603050232,-0.32557349652051926 0.15311077237129211,-0.12016363441944122 l0.048853191547095776,-0.11897914111614227 0.12230807915329933,0.0784703902900219 l0.01792894210666418,-0.03397060092538595 0.07143568713217974,0.11611718684434891 l-0.06257369183003902,0.10801613330841064 -0.026613101363182068,0.2915959618985653 l-0.1507095992565155,0.2106362022459507 -0.10793386958539486,0.3965473547577858 l-0.2083112858235836,0.19624508917331696 -0.12912980280816555,0.45818302780389786 l-0.7868306338787079,0.3593071922659874 -0.045589031651616096,0.456639789044857 l-0.5064867809414864,0.39180152118206024 -0.08315061219036579,0.41208531707525253 l-0.3627385199069977,0.2944343350827694 -0.07698532193899155,0.6187924742698669 l-0.4599757120013237,0.28846805915236473 -0.03615135792642832,0.8715911954641342 l-0.34194525331258774,0.26061877608299255 -0.056877671740949154,1.8305698037147522 l-0.05028604995459318,1.41110360622406 -0.016258665127679706,0.6777417659759521 l-0.021666113752871752,0.7631400972604752 0.049508861266076565,0.7859094440937042 l-0.05148421972990036,1.189185008406639 0.3251340612769127,0.7073957473039627 l0.179358571767807,0.6284298002719879 0.32026950269937515,0.6645382195711136 l0.39244264364242554,0.6190226972103119 0.4502218961715698,0.4988236352801323 l1.9442979991436005,-0.0317038269713521 1.9972003996372223,-0.028249903116375208 l0.38158465176820755,-0.35111725330352783 0.8728093653917313,0.14055131934583187 l0.3988368809223175,-0.2816127613186836 0.4411574453115463,0.08522667922079563 l1.2360990047454834,-0.7751922309398651 0.4499449208378792,-0.6280525773763657 l0.9038810431957245,-1.2383095920085907 0.18195098266005516,-0.3351740911602974 l0.42682845145463943,-1.995120495557785 0.1560014672577381,-0.00998124131001532 l0.37357285618782043,-2.1304138004779816 0.2811784856021404,-0.45746590942144394 l0.246900524944067,-1.236623078584671 0.2878900058567524,-0.2661058120429516 l0.597943589091301,-1.5095983445644379 0.6928137689828873,-0.79624243080616 l0.08271574042737484,-0.5811680108308792 0.6321170181035995,-1.1161230504512787 l0.21430330350995064,-0.37874773144721985 0.5136405304074287,-1.0130146145820618 l0.8764371275901794,-0.23293113335967064 0.9514783322811127,-0.5880677700042725 l1.3698463141918182,-0.18062196671962738 1.5943019092082977,-0.4133506119251251 l1.9291183352470398,-0.2596338093280792 2.2795574367046356,-0.37987276911735535 l2.546747326850891,-0.3574400395154953 2.600993812084198,-0.3761186823248863 l-1.9996745884418488,-0.5206850543618202 -1.5764342248439789,-0.03511849790811539 l-1.6404706239700317,0.06324070040136576 -1.1185181885957718,0.05917208734899759 l-0.5807185918092728,-0.03261309349909425 -1.2938852608203888,0.1054614782333374 l-1.4452525973320007,0.5668837577104568 -1.3255567848682404,0.8088494092226028 l-1.1328164488077164,0.7962118089199066 -1.029881313443184,0.8998797833919525 l-1.0958711057901382,1.0420941561460495 -0.6268436461687088,0.98427414894104 l-0.9427869319915771,1.2714304029941559 -0.7823360711336136,1.2955372035503387 l-0.5036360770463943,1.2639829516410828 -0.3852576017379761,1.303572803735733 l-0.02636403078213334,2.978212535381317 -0.12616229243576527,0.6042780727148056 l0.04026094451546669,1.385221779346466 0.7249386608600616,1.5455293655395508 l1.2917745113372803,2.0079445838928223 1.2982460856437683,0.9520044922828674 l1.743721067905426,-0.039065140299499035 0.7173676788806915,-0.11300969868898392 l0.94647616147995,-0.011878119548782706 0.647101104259491,-0.14079387299716473 l0.5658741667866707,-0.1498906034976244 1.9078552722930908,-1.8430019915103912 l2.213204801082611,-2.985023856163025 1.0110331326723099,-1.5637975931167603 l0.5502753704786301,-1.318420022726059 0.8204983919858932,-1.80331751704216 l0.5072063580155373,-1.2949243187904358 0.740714818239212,-1.946583092212677 l0.2784940227866173,-1.5148934721946716 1.5116716921329498,-4.163838028907776 l1.5165133774280548,-4.314426779747009 1.8541964888572693,-5.3649139404296875 l1.8168772757053375,-4.913477599620819 1.183883398771286,-3.2487651705741882 l2.0419742166996,-4.61468905210495 1.7632442712783813,-4.00410383939743 l1.3021859526634216,-2.4077704548835754 0.6114178150892258,-1.306057721376419 l0.904618501663208,-0.9812024980783463 0.8580827713012695,-0.8103905618190765 l0.441167913377285,0.4184267669916153 -0.2605561912059784,1.0110773891210556 l-0.5915341526269913,2.188909649848938 -0.9523334354162216,2.6496005058288574 l-1.1561323702335358,3.0304890871047974 -1.6011938452720642,3.640565872192383 l-1.8276633322238922,3.9669010043144226 -1.9612778723239899,4.171599745750427 l-0.9086477756500244,2.4172985553741455 -2.028665393590927,4.381238520145416 l-0.1859377697110176,1.17110475897789 -1.1136629432439804,2.6164275407791138 l-0.19882278516888618,1.2264145910739899 -1.0065863281488419,2.513176202774048 l-0.19719865173101425,1.106099858880043 -0.2533881738781929,0.9850788116455078 l-0.1325606368482113,1.0891498625278473 -0.14814740978181362,0.822136253118515 l-0.014256209833547473,1.6973300278186798 -0.16366705298423767,1.2214577198028564 l0.21683624014258385,0.7925661653280258 0.17548378556966782,0.6882082670927048 l0.1528945378959179,1.0375717282295227 0.1543586328625679,0.934901162981987 l0.2030821144580841,0.759989395737648 0.2300504595041275,0.9670622646808624 l0.3749101608991623,0.5974765866994858 2.008334696292877,1.2798106670379639 l0.7818038761615753,0.18450932577252388 0.7680334150791168,0.3962347283959389 l2.650470733642578,0.009340921533294022 1.310683935880661,-0.6462094187736511 l1.003648042678833,-0.08534415625035763 3.034667670726776,-1.0617312788963318 l1.5490151941776276,-0.6337963044643402 2.197868973016739,-1.149413362145424 l0.8327206969261169,-0.680277869105339 0.8896787464618683,-0.6331747770309448 l0.589626170694828,-0.7524608075618744 0.6131711974740028,-0.5107700079679489 l0.46300988644361496,-0.743321105837822 0.49588799476623535,-0.5981545895338058 l0.33423274755477905,-0.6860361993312836 0.41087064892053604,-0.6378544867038727 l0.26935871690511703,-0.6990677118301392 0.32038338482379913,-0.6236125156283379 l0.21777747198939323,-0.7548340409994125 0.28333524242043495,-0.6453259289264679 l0.21965276449918747,-0.6795259565114975 0.2678895369172096,-0.6481197476387024 l0.23176800459623337,-0.5837679654359818 0.23610932752490044,-0.5261244997382164 l0.2220761403441429,-0.642104372382164 0.23979537189006805,-0.5807944387197495 l0.041289753280580044,-1.253935992717743 -1.7980608344078064,-2.512870728969574 l-2.4609415233135223,0.23147337138652802 -1.3149164617061615,0.6853321194648743 l-1.3137023150920868,0.8260706812143326 -1.2928320467472076,1.1927809566259384 l-1.122363656759262,1.2899991869926453 -1.0719724744558334,1.4127571880817413 l-0.6912367790937424,0.5171754956245422 -0.46073492616415024,1.0187496989965439 l-1.088593602180481,2.264987677335739 -0.6147994101047516,2.5515902042388916 l-0.6251189857721329,0.9094042330980301 -0.04262365400791168,3.902120292186737 l0.41570309549570084,1.0759487003087997 -0.20319338887929916,1.1063608527183533 l0.6248019635677338,2.3124267160892487 1.069238856434822,2.65306293964386 l1.0993893444538116,1.2321706116199493 0.959717407822609,1.4330027997493744 l2.662077248096466,-0.05255367141216993 2.5140583515167236,-0.0008765552047407255 l2.5411978363990784,-0.013608512235805392 2.4189653992652893,-0.007676172535866499 l1.1405375599861145,-0.6857948005199432 1.067643016576767,-0.10041403584182262 l1.4144788682460785,-1.1411584168672562 0.8159994333982468,-1.316392868757248 l0.04149705171585083,-0.9629543125629425 m-67.73988246917725,-23.695425987243652 l-1.9339409470558167,0.59400774538517 -0.07759002037346363,0.39941906929016113 l-0.010235682129859924,1.1596453934907913 -0.02587578259408474,1.7440232634544373 l-0.08552112616598606,1.4450997114181519 -0.06350492127239704,1.1266884952783585 l-0.06605676375329494,0.8865880966186523 0.4343733936548233,-0.0855033565312624 l-0.02887612907215953,0.7935372740030289 -0.03855165559798479,1.0427279770374298 l0.7104385644197464,-0.04053459037095308 -0.017134929075837135,0.9357341378927231 l-0.05090792663395405,1.1693358421325684 1.368677020072937,-0.03415995975956321 l1.388266384601593,-0.019038866739720106 0.652255043387413,-0.4884311929345131 l0.74376180768013,-0.6727145612239838 0.7442854344844818,-0.8197429776191711 l0.7974220812320709,-0.914323553442955 -0.037372580263763666,-0.9456069767475128 l-0.05450799595564604,-0.3529801219701767 -0.13655681163072586,-0.7096052914857864 l0.22505147382616997,-0.5067631602287292 0.1356471050530672,-0.6245649978518486 l0.24507194757461548,-0.5490687116980553 -0.73553167283535,-0.8477085083723068 l-0.33110324293375015,0.1611129753291607 -1.6411352157592773,0.27050551027059555 \" fill=\"none\" stroke=\"black\" stroke-width=\"1\"/></svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"82.3017345147673\" version=\"1.1\" width=\"112.49478540121345\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:ev=\"http://www.w3.org/2001/xml-events\" xmlns:xlink=\"http://www.w3.org/1999/xlink\"><defs/><rect fill=\"white\" height=\"82.3017345147673\" width=\"112.49478540121345\" x=\"0\" y=\"0\"/><path d=\"M38.875273634912446,49.139552557317074 m-0.6657121330499649,-0.8517247438430786 l-2.3344112932682037,-0.13338476419448853 -2.2216592729091644,0.04925745539367199 l-0.49956753849983215,0.698845311999321 -0.9833887964487076,0.0032392333378084004 l-0.8741747587919235,0.034452008549124 -0.7284339517354965,0.07274485658854246 l-0.7002638280391693,0.047738589346408844 -0.5756399407982826,0.0649541663005948 l-0.8121243119239807,0.1407077256590128 -0.5967289954423904,0.3884965553879738 l-0.5770151689648628,0.38945116102695465 -0.6103411316871643,0.4066019132733345 l-0.1392729301005602,0.2855994924902916 -0.07791679352521896,0.3009476326406002 l-0.25572722777724266,0.16035690903663635 -0.07689456455409527,0.30548470094799995 l-0.43104037642478943,0.500805638730526 -0.09810970164835453,0.3341526910662651 l-0.4249071329832077,0.48790309578180313 -0.0724543584510684,0.6466090679168701 l-0.019391492241993546,0.6227964535355568 -0.05660777911543846,0.7506747543811798 l-0.04349015653133392,0.7557257264852524 0.4276645556092262,0.4160286486148834 l0.3864816203713417,0.4256843030452728 0.538162924349308,0.41950006037950516 l0.5731304362416267,0.43853331357240677 1.668446958065033,-0.07236199453473091 l2.1494995057582855,-0.0311945378780365 1.840844750404358,-0.003267120337113738 l1.513465940952301,0.022272220812737942 0.5794778093695641,-0.40545348078012466 l0.42167913168668747,-0.26961181312799454 0.5008116364479065,-0.30997807160019875 l0.595797710120678,-0.2885635010898113 0.6367923319339752,-0.3575272485613823 l0.6094632297754288,-0.07859718054533005 0.6416435539722443,-0.5023130401968956 l0.5678819492459297,-0.39308857172727585 0.6121321395039558,-0.3161782771348953 l0.5789839848876,-0.30734943225979805 0.563102550804615,-0.24857793003320694 l0.4677068814635277,-0.2617979794740677 0.59541005641222,-0.2759263478219509 l0.5935933440923691,-0.279599092900753 0.5941479280591011,-0.2677907980978489 l0.6284469366073608,-0.5344298109412193 0.3034520521759987,-0.3749553859233856 l0.5157389119267464,-0.2921879291534424 0.23745357990264893,-0.4140736535191536 l0.28344452381134033,-0.45599590986967087 0.27630943804979324,-0.4668303206562996 l0.2704200707376003,-0.5091340467333794 0.3533170372247696,-0.5081725493073463 l0.355786494910717,-0.5053173750638962 0.3475073352456093,-0.5222152918577194 l0.3333945944905281,-0.49906831234693527 0.34047577530145645,-0.4902898892760277 l0.3091780096292496,-0.4856666177511215 0.32053545117378235,-0.4579555243253708 l0.2623404189944267,-0.47047894448041916 0.31515467911958694,-0.4379680007696152 l0.26592541486024857,-0.4546668007969856 0.27023646980524063,-0.44739939272403717 l0.6516724079847336,-0.3987353667616844 0.1760333962738514,-0.4566947743296623 l0.29046809300780296,-0.4382823780179024 0.27517104521393776,-0.3909964859485626 l0.2880651503801346,-0.3945953771471977 0.5285920947790146,-0.9141764044761658 l0.34474872052669525,-0.41276004165410995 1.400584876537323,-1.8602478504180908 l0.2942420542240143,-0.5200846120715141 0.430276095867157,-0.41297852993011475 l0.2852249704301357,-0.5192625150084496 0.28668612241744995,-0.4739650711417198 l0.31689759343862534,-0.43432462960481644 0.3025459684431553,-0.4796264320611954 l0.3330601751804352,-0.5009826645255089 0.35140160471200943,-0.4285288602113724 l0.20811544731259346,-0.40610458701848984 0.42564451694488525,-0.39393287152051926 l0.1526285707950592,-0.40712691843509674 0.4864848032593727,-0.4167306423187256 l0.1937950775027275,-0.40559422224760056 0.46957410871982574,-0.4155031591653824 l0.20981570705771446,-0.424489863216877 0.4587073251605034,-0.43172627687454224 l0.23511337116360664,-0.521172508597374 0.5127213895320892,-0.437575988471508 l0.22195255383849144,-0.5384794995188713 0.48600904643535614,-0.441855788230896 l0.2856007032096386,-0.49430496990680695 0.48881445080041885,-0.38429658859968185 l0.24091459810733795,-0.5198284238576889 -0.0949432048946619,-0.22414665669202805 l0.6434779614210129,-0.17238494008779526 0.3363363444805145,-0.16611773520708084 l0.2947726473212242,-0.36883946508169174 0.44557206332683563,-0.23895511403679848 l0.25876380503177643,-0.38759123533964157 0.4609399661421776,-0.29452506452798843 l0.2699436992406845,-0.37950389087200165 0.42538996785879135,-0.3290380910038948 l0.2884022705256939,-0.3657350316643715 -0.3204192593693733,-0.08717786520719528 l0.7215861231088638,-0.08184238336980343 0.22134695202112198,-0.061669377610087395 l0.1685306429862976,-0.2565154433250427 -0.19480105489492416,-0.11650660075247288 l0.5653921514749527,0.021337063517421484 0.1206893939524889,0.02209255937486887 l-0.39013367146253586,-0.16594098880887032 -0.16967421397566795,0.3289821371436119 l-0.46785280108451843,0.0769529677927494 -0.6645447015762329,0.6054383143782616 l-0.8770191669464111,0.7658756524324417 -0.815921276807785,1.0151910781860352 l-0.9665253013372421,1.0735513269901276 -0.9314471483230591,1.1073458194732666 l-0.4861517623066902,0.37368547171354294 -1.0307376086711884,1.3214580714702606 l-1.0413619130849838,1.108594834804535 -1.0585911571979523,1.080133095383644 l0.06999226752668619,0.5568522214889526 -0.19760988652706146,0.5410761386156082 l-0.5319761857390404,0.4632256180047989 -0.03647131845355034,0.6723343580961227 l-0.5556701123714447,0.4710649698972702 -0.44165637344121933,0.4819662868976593 l-0.45164112001657486,0.49477506428956985 -0.4742228239774704,0.5003737658262253 l-0.4504641890525818,0.4953489452600479 -0.1074645109474659,0.5677619203925133 l-0.28613975271582603,0.4850810021162033 -0.47129224985837936,0.48187337815761566 l-0.4338626191020012,0.498899482190609 -0.14359449036419392,0.5074102804064751 l-0.2910882793366909,0.5113214626908302 -0.23071939125657082,0.48729345202445984 l-0.23313835263252258,0.4872318357229233 -0.23836039006710052,0.4730605334043503 l-0.2274796925485134,0.48826251178979874 -0.20522553473711014,0.4804547131061554 l-0.2192717045545578,0.5039043724536896 -0.47978177666664124,0.417674221098423 l-0.05323215387761593,0.6744343042373657 -0.48404332250356674,0.043739122338593006 l-0.02705153776332736,0.6742240488529205 -0.5279572308063507,0.028476703446358442 l-0.02012878656387329,0.6984865665435791 -0.3822971507906914,0.5052278190851212 l-0.5884724110364914,0.020941528491675854 -0.17016319558024406,0.4598803073167801 l-0.35026606172323227,0.4811319336295128 -0.3427397832274437,0.49809660762548447 l-0.3453875333070755,0.45960672199726105 -0.3420252725481987,0.45079976320266724 l-0.6488427519798279,-0.046036094427108765 -0.03688279539346695,0.6349308043718338 l-0.7159840315580368,-0.049306428991258144 -0.03936134744435549,0.6953811645507812 l-0.5308762937784195,0.41662096977233887 -0.27321282774209976,0.3842537850141525 l-0.35361461341381073,0.42159292846918106 -0.03587410319596529,0.7746020704507828 l-0.4247495159506798,0.4331662878394127 -0.13144196942448616,0.4183216392993927 l0.38087282329797745,-0.02532420214265585 0.7047042995691299,0.2083989977836609 l-0.016440991312265396,0.08384848944842815 -0.008831951417960227,0.07783557754009962 l0.8875241130590439,0.053521026857197285 1.2153365463018417,0.024225981906056404 l1.5391427278518677,0.03558647120371461 1.6354438662528992,0.02341922139748931 l0.983440950512886,-0.10974563658237457 0.9621845930814743,-0.08378579281270504 l0.003925345663446933,-0.15637803822755814 0.8188371360301971,-0.014369821874424815 l0.6432253867387772,-0.0479693291708827 0.622594840824604,-0.09736986830830574 l0.5353621020913124,-0.42211707681417465 0.6008600443601608,-0.09999029338359833 l0.5305400118231773,-0.18177272751927376 0.4827675595879555,-0.17092816531658173 l0.4748723655939102,-0.4526101425290108 0.5245154723525047,-0.19037729129195213 l0.48121344298124313,-0.22359684109687805 0.4822510853409767,-0.21316703408956528 l0.44628288596868515,-0.21141225472092628 0.4807981103658676,-0.20827258005738258 l0.47790247946977615,-0.18984857946634293 0.5210644006729126,-0.1738695614039898 l0.13449635356664658,-0.10160671547055244 0.9167573601007462,-0.33155500888824463 l0.5038194358348846,-0.15976259484887123 0.11099898256361485,-0.046191345900297165 l0.12797992676496506,-0.07804495748132467 0.12061890214681625,-0.07091539911925793 l0.48238668590784073,-0.07321026641875505 0.07517490070313215,-0.08391415700316429 l0.48875927925109863,-0.07018089294433594 0.06682815495878458,-0.07854879833757877 l0.45659642666578293,-0.04872955847531557 0.06181307137012482,-0.16255885362625122 l0.09177025407552719,-0.11692654341459274 0.05641528405249119,-0.15185682103037834 l0.047191367484629154,-0.16835078597068787 0.0347495311871171,-0.20276248455047607 l-0.084941191598773,-0.036415227223187685 0.005756808677688241,-0.0014342379290610552 l-0.06249786354601383,-0.7996215671300888 -0.01193189062178135,-0.3268203139305115 l0.02294624922797084,-0.273758415132761 0.021432980429381132,-0.278884582221508 l-0.28287889435887337,-0.011893744813278317 -0.7135450839996338,0.010241847485303879 l-0.09218509308993816,-0.20991142839193344 -0.8285854011774063,0.00790938560385257 l-0.16028564423322678,-0.10217091999948025 -0.09336559101939201,-0.23894891142845154 l-0.49799613654613495,0.011942889541387558 -0.5859474837779999,-0.012049735523760319 l-1.206807866692543,-0.006947402143850923 -0.6612144410610199,0.12316469103097916 l-0.5292560160160065,-0.04308026749640703 -0.8540738373994827,-0.011804972309619188 l-0.5870979279279709,0.21788707002997398 -0.4816364124417305,0.11292094364762306 l-0.4622703418135643,0.14759507961571217 -0.45754510909318924,0.1118170190602541 l-0.3586073964834213,0.013143455144017935 -0.43647918850183487,0.17801914364099503 l-0.8734765648841858,0.5148174986243248 -1.1187529563903809,0.708281397819519 l-0.03927116747945547,0.341712087392807 -0.015398312825709581,0.3102969378232956 l-0.012953998520970345,0.4430817812681198 -0.030399290844798088,0.5432010814547539 l-0.024821795523166656,0.6264609098434448 -0.01824530423618853,0.631890743970871 l0.08139724843204021,0.3461413085460663 -0.00437130918726325,0.5119447782635689 l-0.0116506009362638,0.5208076536655426 0.26951733976602554,0.2793879993259907 l0.010351198725402355,0.3893164172768593 0.23799002170562744,0.13870459981262684 l0.4862312227487564,0.2845749445259571 0.5850278213620186,0.25084882974624634 l0.42677126824855804,0.012254539178684354 0.8306208997964859,0.2223340980708599 l0.9818107634782791,0.2607571892440319 1.2936466932296753,-0.039097885601222515 l2.0315177738666534,-0.036188003141433 2.2071251273155212,-0.023981668055057526 l2.0326921343803406,-0.004469598352443427 1.7007163166999817,-0.004118748765904456 l1.3904677331447601,-0.007670845370739698 0.6876201182603836,-0.15564760193228722 l0.9180126339197159,0.008588414639234543 0.8891687542200089,0.020518091041594744 l0.4702853038907051,-0.051481700502336025 0.40913175791502,-0.1878742128610611 l0.30579589307308197,-0.10942156426608562 0.2216414175927639,-0.08079018443822861 l-0.6689663976430893,-0.3129122406244278 -0.06650364492088556,-0.09085794910788536 l-0.27675073593854904,0.11903481557965279 -0.3047592006623745,0.06507601588964462 l-0.45949235558509827,0.03445406211540103 -0.3440023586153984,-0.05888858810067177 l-0.394422747194767,0.2193678356707096 -0.41969627141952515,-0.03427202580496669 l-0.3928973525762558,0.18671924248337746 -0.42917441576719284,-0.020788339897990227 l-0.43031636625528336,0.35470496863126755 -0.3092823922634125,0.2643892914056778 l-0.2984478324651718,0.1504542212933302 -0.28283843770623207,0.03950945567339659 l-0.17217442393302917,0.06247374229133129 0.07287185173481703,0.34510932862758636 l-0.025649017188698053,0.09995115920901299 -0.023953276686370373,0.10300807654857635 l-0.12508017010986805,0.12273875996470451 0.030318829230964184,0.11411060579121113 l-0.09779135696589947,0.1131279207766056 0.10450637899339199,0.011928783496841788 l-0.03316816175356507,0.1002768985927105 0.07026314735412598,0.11475026607513428 l0.625617727637291,-0.009166416712105274 0.07683152332901955,0.05431314464658499 l0.11029680259525776,0.03221301594749093 0.1752859726548195,0.007958058849908412 l0.2215900644659996,0.02160015981644392 0.28029665350914,0.019901320338249207 l0.30505552887916565,0.012141268234699965 0.33884625881910324,-0.0018091347010340542 l0.34456513822078705,-0.009119089227169752 0.3779853507876396,-0.013313348172232509 l0.39527054876089096,-0.01719050924293697 0.39956752210855484,-0.018804792780429125 l0.3975970298051834,-0.053422097116708755 0.38299549371004105,-0.046653831377625465 l0.37579596042633057,-0.06030166056007147 0.3622693195939064,-0.061732884496450424 l0.3271010145545006,-0.07282525300979614 0.32918859273195267,-0.06560167763382196 l0.2943895757198334,-0.08355356752872467 0.279090479016304,-0.09818707592785358 l0.2517544664442539,-0.10779978707432747 0.24195274338126183,-0.09952210821211338 l0.420166552066803,-0.2792547084391117 0.22424733266234398,-0.1333350595086813 l0.18020125105977058,-0.1616329327225685 0.17290519550442696,-0.1685710996389389 l0.15572549775242805,-0.1876075565814972 0.17366070300340652,-0.18130848184227943 l0.14365371316671371,-0.21367063745856285 0.1403778325766325,-0.2025177888572216 l0.120362164452672,-0.22436285391449928 0.12762035243213177,-0.21119335666298866 l0.14042126946151257,-0.21785682067275047 0.11377288959920406,-0.21156501024961472 l0.1440609246492386,-0.21686989814043045 0.11722879484295845,-0.23432929068803787 l0.14680378139019012,-0.22185923531651497 0.11469689197838306,-0.247173011302948 l0.12280303053557873,-0.24774165824055672 0.13843204826116562,-0.2419956773519516 l0.12671763077378273,-0.2599559351801872 0.13442214578390121,-0.2460341528058052 l0.1515744999051094,-0.26890674605965614 0.15208594501018524,-0.2379010058939457 l0.1420113816857338,-0.2518538385629654 0.4142807051539421,-0.3508858010172844 l0.16597650945186615,-0.27347633615136147 0.19996020942926407,-0.26277292519807816 l0.1736828126013279,-0.26020871475338936 0.18435398116707802,-0.28230441734194756 l0.17337551340460777,-0.2614445239305496 0.19480325281620026,-0.26465417817234993 l0.2031823806464672,-0.2595657855272293 0.22322501987218857,-0.2447299286723137 l0.21993890404701233,-0.25703171268105507 0.23012006655335426,-0.25806447491049767 l0.23281730711460114,-0.25504691526293755 0.23216493427753448,-0.2555101364850998 l0.2327895164489746,-0.2513830177485943 0.24683553725481033,-0.2429162710905075 l0.25539131835103035,-0.25974391028285027 0.24632269516587257,-0.2509559690952301 l0.2707914635539055,-0.2527259476482868 0.21119752898812294,-0.26178542524576187 l0.2783365547657013,-0.25306083261966705 0.2692555822432041,-0.23554662242531776 l0.23640016093850136,-0.25542905554175377 0.28496483340859413,-0.25198478251695633 l0.2439822442829609,-0.24459432810544968 0.28710145503282547,-0.2693713828921318 l0.2994474396109581,-0.2545914612710476 0.274636372923851,-0.2486027032136917 l0.29866114258766174,-0.2520882710814476 0.2705826982855797,-0.2790435589849949 l0.28619298711419106,-0.25484712794423103 0.3122979402542114,-0.2705133520066738 l0.24226270616054535,-0.2678197994828224 0.30365630984306335,-0.2602085843682289 l0.295002106577158,-0.29538292437791824 0.26326190680265427,-0.296699944883585 l0.297783687710762,-0.28865573927760124 0.20542947575449944,-0.21889202296733856 l0.20263489335775375,-0.16380710527300835 0.29946228489279747,-0.2714330330491066 l0.25621840730309486,-0.2847050689160824 0.30452657490968704,-0.2748160809278488 l0.2915768139064312,-0.2704545482993126 0.3117757849395275,-0.25334274396300316 l0.26726962998509407,-0.23683283478021622 0.30431900173425674,-0.20361369475722313 l0.23562472313642502,-0.25021595880389214 0.21756503731012344,-0.1751854456961155 l0.14453453943133354,-0.46962905675172806 0.43695036321878433,-0.17211588099598885 l-0.16521627083420753,-0.2848021313548088 -0.06189973559230566,-0.04991665482521057 l0.3368815407156944,-0.03922897391021252 -0.31201543286442757,-0.2937713637948036 l-0.2574615180492401,0.13536005280911922 -0.3227877616882324,0.04767139907926321 l-0.4839874431490898,0.29055213555693626 -0.5432619526982307,0.36093588918447495 l-0.9433994442224503,0.34884583204984665 -0.576157420873642,0.5870166793465614 l-0.6264341622591019,0.493200458586216 -0.9502885490655899,0.47144804149866104 l-0.587134100496769,0.6346144527196884 -0.03793288953602314,0.25537092238664627 l-0.568828247487545,0.5125035345554352 -0.908254086971283,0.687815472483635 l0.06080575753003359,0.2986771985888481 -0.3571369871497154,0.2501159533858299 l0.039458549581468105,0.27468133717775345 -0.3639461100101471,0.28586922213435173 l-0.03752222517505288,0.38137372583150864 -0.33521678298711777,0.2142455242574215 l-0.013367997016757727,0.2633710205554962 -0.15791596844792366,0.22965412586927414 l-0.07102357689291239,0.24776630103588104 -0.14419224113225937,0.23862913250923157 l-0.10631597600877285,0.2037562057375908 -0.09430450387299061,0.1929202862083912 l-0.09105085395276546,0.1993827521800995 -0.11675858870148659,0.21640310063958168 l-0.062409210950136185,0.2241610363125801 -0.10703530162572861,0.19339224323630333 l-0.06674299482256174,0.1954229734838009 -0.0766995782032609,0.1848270557820797 l-0.06539297290146351,0.19210856407880783 -0.06079739425331354,0.18541736528277397 l-0.027238703332841396,0.1786314696073532 -0.03212131327018142,0.17292635515332222 l-0.015994926216080785,0.16240118071436882 -0.028607300482690334,0.13830008916556835 l-0.0291158864274621,0.13344073668122292 0.0010260311682941392,0.14330357313156128 l0.010804171906784177,0.11246325448155403 0.009335291688330472,0.09500203654170036 l0.042907409369945526,0.08392493240535259 0.06185647565871477,0.0720755709335208 l0.043273973278701305,0.06186081562191248 0.09663266129791737,0.046538710594177246 l0.10061565786600113,0.02729203552007675 0.11812251061201096,0.016831549583002925 l0.14528604224324226,-0.01275109127163887 0.017024334520101547,-0.03996961284428835 l0.21270524710416794,-0.02957186894491315 0.20404737442731857,-0.027851322665810585 l0.146732609719038,-0.015558854211121798 0.22171467542648315,-0.03501850413158536 l0.2366166189312935,-0.054275146685540676 0.2200484834611416,-0.044975015334784985 l0.22373253479599953,0.01128298812545836 0.2351038157939911,-0.05364253185689449 l0.23181892931461334,-0.057907113805413246 0.2244201861321926,-0.07081355433911085 l0.23347344249486923,-0.045469505712389946 0.2507048286497593,-0.03939456772059202 l0.23715239018201828,-0.05565815605223179 0.23273490369319916,-0.05292742047458887 l0.20434051752090454,-0.03926251549273729 0.2540258690714836,-0.034487610682845116 l0.23441199213266373,-0.05202760919928551 0.21604133769869804,-0.05600456614047289 l0.2044915221631527,-0.043043666519224644 0.22534722462296486,-0.046115401200950146 l0.22526443004608154,-0.03877473063766956 0.24375850334763527,-0.03689913311973214 l0.21991722285747528,-0.047907126136124134 0.19685270264744759,-0.03879152704030275 l0.20828841254115105,-0.05344154313206673 0.19181737676262856,-0.035542272962629795 l0.21000750362873077,-0.031401209998875856 0.1859845593571663,-0.04983591381460428 l0.1998082734644413,-0.041092466562986374 0.2034323289990425,-0.02554086036980152 l0.17725469544529915,-0.030337392818182707 0.188902597874403,-0.02242358634248376 l0.03511365270242095,-0.08587821386754513 0.16237571835517883,-0.023710455279797316 l0.1679871417582035,-0.018712258897721767 0.16901841387152672,-0.0012131533731007949 l0.14973892830312252,-0.024094358086586 0.13665180653333664,-0.02600319916382432 l0.007578751537948847,-0.08463701233267784 0.1129080168902874,-0.009230270516127348 l0.09360352531075478,-0.0012876682740170509 -0.06008497439324856,-0.36846280097961426 l-0.007819441379979253,-0.13464124873280525 -0.041824416257441044,-0.06145524326711893 l-0.07621121592819691,-0.3472645580768585 -0.13980264775454998,-0.5291339755058289 l-0.07987195625901222,-0.33668261021375656 -0.026244712062180042,-0.1489642821252346 l-0.24607429280877113,0.013563482789322734 -0.06636208388954401,-0.27511365711688995 l-0.040033324621617794,-0.1960698701441288 -0.024658958427608013,-0.12466585263609886 l-0.3328099474310875,0.02185788005590439 -0.3678426891565323,0.00967657077126205 l-0.40972791612148285,0.01646175282076001 -0.4208599776029587,0.02146765124052763 l-0.42660389095544815,0.02791851293295622 -0.4202140122652054,0.02131391316652298 l-0.10635563172399998,0.05496622063219547 -0.36657724529504776,0.00750071310903877 l-0.3518351539969444,0.029043550603091717 -0.3570076450705528,-0.0030350140877999365 l-0.34317631274461746,0.006243903771974146 -0.31076325103640556,0.0009689827129477635 l-0.3030545078217983,-0.004436257295310497 -0.07469779811799526,0.10750363580882549 l-0.327492393553257,0.0034782305010594428 -0.20984871312975883,0.01714069047011435 l-0.3349435329437256,0.02973344875499606 -0.4008440673351288,0.23333000019192696 l-0.2614113874733448,0.019609627779573202 -0.22981472313404083,-0.014699359890073538 l-0.21101988852024078,0.04657689481973648 -0.22156443446874619,0.03746181493625045 l-0.01971724210307002,0.11477828957140446 -0.20917750895023346,0.046340394765138626 l-0.17541203647851944,0.03806689288467169 -0.009105148492380977,0.11687341146171093 l-0.006248285062611103,0.13215593993663788 -0.1323186792433262,0.03591166343539953 l-0.10209199041128159,0.029756263829767704 -0.058578005991876125,0.04112900700420141 l-0.058532701805233955,0.023991104681044817 -0.04373737145215273,0.030175913125276566 l-0.21462809294462204,0.20722424611449242 -0.014857975766062737,0.043223220854997635 l0.02711924957111478,0.0766377430409193 0.04526319447904825,0.02789669670164585 l0.08351756259799004,0.006017304258421063 0.08686293847858906,-0.0012391373456921428 l0.13769169338047504,-0.018022110452875495 0.156903974711895,-0.025384658947587013 l0.10807686485350132,0.10410218499600887 0.20712880417704582,-0.0214996631257236 l0.23627547547221184,-0.037688103038817644 0.25081275030970573,-0.03577230265364051 l0.2674993686378002,-0.03676727646961808 0.26521578431129456,-0.04872974008321762 l0.24664286524057388,-0.04761071875691414 0.2503497153520584,-0.04279215354472399 l0.2417944185435772,-0.048039075918495655 0.23681214079260826,-0.036926958709955215 l0.21221088245511055,-0.05247367545962334 0.18415745347738266,-0.029188543558120728 l0.185879897326231,-0.05036108195781708 0.1611781120300293,-0.044127004221081734 l-0.043115741573274136,-0.20377378910779953 0.10067461989820004,-0.01400885172188282 l0.13173711486160755,-0.02198963426053524 0.06459408905357122,-0.03201264655217528 l-0.05088642705231905,-0.27234673500061035 0.024587949737906456,-0.06712473928928375 l-0.04883310757577419,-0.2625229209661484 -0.035867150872945786,-0.0004998387157684192 l-0.09300684556365013,-0.011221200693398714 -0.06762790028005838,-0.06530445534735918 l0.014663138426840305,-0.024877004325389862 -0.10120104067027569,0.01083955867215991 l-0.14907818287611008,-0.0027158070588484406 0.008165256585925817,-0.03445051843300462 l-0.08323941379785538,-0.13337571173906326 -0.0864509679377079,-0.22978387773036957 l-0.12252121232450008,-0.0030918073025532067 -0.006625893292948604,-0.009978428715839982 l-0.06278240121901035,-0.11529617942869663 -0.15351570211350918,0.002456051006447524 l-0.19351894035935402,0.025906972587108612 -0.013477817410603166,-0.02224569907411933 l-0.0901183020323515,-0.06318741478025913 0.01918889698572457,-0.005383867537602782 l-0.12826927937567234,0.044334204867482185 -0.1672455109655857,0.024009833578020334 l-0.13578375801444054,0.00714584777597338 -0.17013253644108772,0.020984443835914135 l-0.17698144540190697,0.033583720214664936 -0.1940862089395523,0.00043994692532578483 l-0.19778741523623466,0.0159791624173522 -0.27026647701859474,0.05405695177614689 l-0.19546899944543839,0.012899914290755987 -0.2161756157875061,-8.284176146844402e-05 l-0.2059408463537693,0.011327712563797832 -0.18882595002651215,0.019034575670957565 l-0.20888658240437508,0.004261860449332744 -0.21756738424301147,0.013790003722533584 l-0.22278835996985435,-0.01042386400513351 -0.02584463683888316,0.08897952735424042 l-0.20014775916934013,0.007917761104181409 -0.055204229429364204,-0.17847957089543343 l-0.18306445330381393,0.013263102155178785 -0.09861398488283157,0.053347423672676086 l-0.2388441190123558,0.012879704590886831 -0.19195575267076492,0.01555678783915937 l-0.2069188468158245,-0.0001377724311169004 -0.17828140407800674,0.012653230223804712 l-4.036539394292049e-05,0.07742132991552353 -0.1413456816226244,0.01239603036083281 l-0.16600364819169044,0.01502019353210926 0.013216853840276599,0.08048813790082932 l-0.09450004436075687,0.011537652462720871 -0.1270553283393383,0.004277748812455684 l-0.0911807268857956,-0.0030102100572548807 -0.10250364430248737,-0.0020894958288408816 l-0.09358574636280537,-0.008948860922828317 -0.10143263265490532,-0.015180817572399974 l-0.053431419655680656,-0.00507484539411962 -0.08459415286779404,-0.0025669674505479634 l-0.061968727968633175,-0.023664343170821667 -0.0378356478177011,-0.006948262453079224 l-0.040230145677924156,-0.0078028993448242545 0.0214651832357049,0.0738401710987091 l-0.02223135670647025,0.0009794543439056724 -0.032091483008116484,-0.02198964823037386 l-0.02205312717705965,-0.009629765409044921 -0.01881107105873525,-0.012073321267962456 l0.009667982230894268,-0.019827932119369507 0.030463035218417645,-0.012555242283269763 l0.03197553800418973,0.06266554351896048 \" fill=\"none\" stroke=\"black\" stroke-width=\"1\"/></svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"120.81591282432782\" version=\"1.1\" width=\"146.48011285121925\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:ev=\"http://www.w3.org/2001/xml-events\" xmlns:xlink=\"http://www.w3.org/1999/xlink\"><defs/><rect fill=\"white\" height=\"120.81591282432782\" width=\"146.48011285121925\" x=\"0\" y=\"0\"/><path d=\"M58.05231703678146,83.72991962329252 m-0.8761075884103775,-1.0135989636182785 l-2.592989206314087,-0.1218110416084528 -2.427082359790802,-0.1004121731966734 l-1.6102026402950287,-0.023964191786944866 -0.3727320581674576,0.23144561797380447 l-0.7908369600772858,0.19643928855657578 -0.7162445783615112,0.30356213450431824 l-0.6516511738300323,0.309371892362833 -1.0199524462223053,0.06308059673756361 l-0.8212748169898987,0.1083013229072094 -0.7927338033914566,0.15897637233138084 l-0.7378551363945007,0.009077888098545372 -0.7445838302373886,0.017291413387283683 l-0.789247527718544,0.6663567572832108 -0.6950847804546356,-0.037414892576634884 l-0.6388901919126511,0.12641501612961292 -0.6096631288528442,-0.012639567721635103 l-0.5825724452733994,-0.002865037531591952 -0.617937333881855,-0.00265019218204543 l-0.5971948802471161,0.0030425708973780274 -0.6180736422538757,-0.0010346742055844516 l-0.6047114729881287,-0.00277699320577085 -0.5859393253922462,-0.02322161803022027 l-0.5561547353863716,-0.025226210709661245 -0.5902237445116043,-0.02721741795539856 l-0.5787345767021179,-0.02027539536356926 -0.6080546975135803,-0.03487801644951105 l-0.6011248007416725,-0.038274379912763834 -0.6247430294752121,-0.06701299920678139 l-0.6141639873385429,-0.06091699004173279 -0.5995860695838928,-0.06417500320822 l-0.6036324426531792,-0.05917441565543413 -0.5980850383639336,-0.08850626647472382 l-0.5895277485251427,-0.0835895724594593 -0.5578892305493355,-0.07911773398518562 l-0.5659641698002815,-0.08934821002185345 -0.5327253043651581,-0.08403011597692966 l-0.5501848459243774,-0.08609555661678314 -0.5016092583537102,-0.0928765069693327 l-0.1944955810904503,0.4436231404542923 -0.4239528253674507,-0.08697014302015305 l-0.4216593876481056,-0.06776265799999237 -0.42192496359348297,-0.06504846271127462 l-0.4586974158883095,-0.046621919609606266 -0.09285362437367439,0.5041595920920372 l-0.5507183074951172,0.45951005071401596 -0.5130909383296967,0.4211288318037987 l-0.02063812455162406,0.840870812535286 -0.1307062804698944,0.11829638853669167 l-0.05761458072811365,0.1514897495508194 0.00822580128442496,0.7082442939281464 l0.01202943385578692,0.8599435538053513 0.028148479759693146,0.9166203439235687 l0.007358191651292145,0.9391070902347565 0.004869560070801526,0.8541511744260788 l0.002486129815224558,0.7095879316329956 0.8811108022928238,0.6230063363909721 l-0.00792718434240669,0.42374998331069946 -0.00020096083972021006,0.4143724590539932 l1.0520673543214798,0.7840476930141449 1.2137867510318756,0.8644185215234756 l1.1525671184062958,0.8376561850309372 0.6282421946525574,0.0026318556047044694 l0.8300144225358963,0.5332835391163826 0.8926976472139359,0.01964004710316658 l2.9523679614067078,0.03343097399920225 3.6881548166275024,0.03214323427528143 l1.2117528915405273,0.007025867816992104 1.2647520005702972,-0.03485688241198659 l1.3840579986572266,-0.06931270938366652 0.648006945848465,-0.2789028361439705 l0.6841804087162018,-0.19287759438157082 0.7346541434526443,-0.23665277287364006 l0.9024397283792496,-0.4230884835124016 0.9711681306362152,-0.39181865751743317 l0.8669887483119965,-0.47157660126686096 0.8470630645751953,-0.46113330870866776 l0.7672183215618134,-0.4714571684598923 0.6627507507801056,-0.4127669706940651 l0.12268766760826111,-0.5637881904840469 0.00895191275049001,-0.39245087653398514 l0.586736872792244,-0.21358171477913857 m20.71434259414673,-36.45664930343628 l-0.6941525638103485,1.4675740897655487 -1.5275102853775024,1.3442175090312958 l-0.1208959799259901,0.8229580521583557 0.2073230780661106,-0.5040440335869789 l0.454975888133049,-0.7693474739789963 0.07726646959781647,-0.08382540196180344 l-1.199648678302765,0.9108511358499527 -0.038290012162178755,0.749518871307373 l-1.0346829891204834,0.22439152002334595 -0.9171333909034729,0.28273286297917366 l-2.268262356519699,2.319137156009674 -2.6448145508766174,2.3683562874794006 l-2.5953835248947144,2.290341854095459 -2.4413952231407166,2.2677698731422424 l-0.5241846293210983,0.5255082249641418 0.12244853191077709,0.6217621639370918 l-0.7877439260482788,0.5597029998898506 -1.404920518398285,1.5719161927700043 l-0.673532634973526,0.5571486428380013 -0.0821191631257534,1.1355063319206238 l-0.29300445690751076,0.6737302988767624 -0.6233811378479004,0.9485514461994171 l-0.6123027577996254,0.9891248494386673 -0.590909905731678,0.932554081082344 l-0.01188482390716672,1.4473144710063934 -0.04809548147022724,1.435670554637909 l-0.059174722991883755,1.342274397611618 -0.016507417894899845,1.2646789848804474 l0.0007907468534540385,1.3356027007102966 0.03925065975636244,1.2641817331314087 l0.07209198549389839,1.0411044210195541 0.08190477266907692,0.9330727905035019 l0.11338457465171814,0.7830039411783218 0.5999694392085075,0.4625954106450081 l1.633421927690506,-0.05721963010728359 0.6809969991445541,-0.1529326755553484 l1.1888591945171356,-0.09753807447850704 0.9692442417144775,-0.0831116084009409 l0.5696109682321548,-0.1384454406797886 0.3016066178679466,-0.14580932445824146 l0.18816659227013588,-0.165164303034544 0.23754190653562546,-0.13761318288743496 l0.22361118346452713,-0.13632438145577908 0.3225896507501602,-0.09526442736387253 l0.27514543384313583,-0.13994070701301098 0.2836039662361145,-0.17606040462851524 l0.30456921085715294,-0.21939927712082863 m21.66499614715576,-17.98434019088745 l-0.890883207321167,0.004535974003374577 -0.16211653128266335,0.25033149868249893 l0.3536064922809601,0.56863222271204 0.07329181768000126,0.3418095037341118 l-0.04711809568107128,0.3694705665111542 0.051015233621001244,-0.06481433752924204 l0.24829015135765076,-0.08301057852804661 0.2998637780547142,-0.20196376368403435 l0.29642254114151,-0.2550378255546093 0.29524441808462143,-0.21777115762233734 l0.29182005673646927,-0.15121538192033768 0.30042149126529694,-0.15876613557338715 l0.2688342332839966,-0.11125510558485985 0.22575043141841888,-0.13583256863057613 l0.03720031585544348,-0.03866614541038871 -0.04268885590136051,0.07109411060810089 l-0.01201960607431829,0.05888810381293297 -0.19428864121437073,0.08159398101270199 l0.10209509171545506,0.049657728523015976 0.0473642535507679,0.07166738156229258 l-0.2136303298175335,0.4196642339229584 -0.25070056319236755,0.3488050773739815 l0.06379620637744665,0.11646156199276447 0.09823032654821873,0.1280735246837139 l-0.22650649771094322,0.1328207179903984 0.1614512875676155,-0.07008009124547243 l-0.005453535122796893,0.2700812555849552 0.14801201410591602,0.19515244290232658 l-0.06813632324337959,0.2876555919647217 -0.019362958846613765,0.27285216376185417 l0.1549403090029955,0.13805245980620384 0.03274383954703808,0.3213377669453621 l0.05502022337168455,0.33008284866809845 0.21139638498425484,0.12179774232208729 l0.22488195449113846,0.07236368022859097 0.2504901774227619,0.11002613231539726 l0.2734031341969967,-0.10270553641021252 0.3663935512304306,-0.12047048658132553 l0.3402886539697647,-0.020320704206824303 0.8692777156829834,-0.4441651329398155 l1.0210847109556198,-0.6478651612997055 0.2810465916991234,0.035082269459962845 l0.10984535329043865,-0.13771316036581993 -0.07806238252669573,0.011621995363384485 l-0.07946529425680637,0.056243292056024075 m5.036488175392151,-19.140032529830933 l-1.7104674875736237,-0.16884773969650269 -0.22882385179400444,-0.06949757691472769 l-0.10336305946111679,0.2210705727338791 0.01423790236003697,0.48565082252025604 l0.020791704300791025,0.06516968831419945 0.0002929145375674125,0.5498234927654266 l-0.014292028499767184,0.6732343137264252 -0.01840644865296781,0.58238185942173 l-0.03919490147382021,0.5869921296834946 -0.031279048416763544,0.485503189265728 l-0.036985117476433516,0.352976992726326 -0.04252620041370392,0.23211175575852394 l-0.052686138078570366,0.22825421765446663 0.18583180382847786,-0.02555812243372202 l-0.056197927333414555,0.2769254334270954 -0.06741081364452839,0.43306075036525726 l-0.0783777330070734,0.39389558136463165 -0.08198588155210018,0.38218438625335693 l0.13212167657911777,0.15704317018389702 0.06273307837545872,0.28537560254335403 l0.2119920402765274,-0.03235353855416179 0.2731815166771412,-0.0451430631801486 l0.2936206944286823,-0.04620036110281944 0.303359255194664,0.05295312963426113 l0.3424539789557457,0.007256287499330938 0.35360943526029587,-0.026954759377986193 l0.3376390412449837,-0.04955544136464596 0.3313813731074333,-0.04889989737421274 l0.36862239241600037,-0.268449317663908 -0.0592191144824028,-0.08874156512320042 l-0.057011847384274006,0.005582516896538436 -0.07005312480032444,-0.027234284207224846 l-0.0636027054861188,-0.0018532059038989246 -0.04888595547527075,0.1012179721146822 l-0.049106813967227936,0.04182774107903242 -0.04386048298329115,0.04481618758291006 l-0.044040028005838394,-0.012406713794916868 -0.037309927865862846,0.00846732349600643 l-0.03383653936907649,-0.14702868647873402 -0.03255757736042142,-0.17462780699133873 l-0.02826329553499818,-0.342145673930645 -0.031864691991358995,-0.37739936262369156 l-0.0240947469137609,-0.3717249631881714 -0.03186366055160761,-0.3835410624742508 l-0.033672412391752005,-0.3911980986595154 -0.028170491568744183,-0.3878467157483101 l-0.030823892448097467,-0.38713354617357254 -0.03091492224484682,-0.36650504916906357 l-0.20890943706035614,-0.30099062249064445 -0.2746139280498028,-0.30182868242263794 l-0.17337525263428688,-0.030690773855894804 -0.39856187999248505,0.026181330904364586 l-0.0372391939163208,-0.1306837610900402 -0.19879724830389023,-0.22276708856225014 l-0.2492615021765232,-0.24101262912154198 -0.24903493002057076,-0.1978035271167755 l-0.5923422425985336,0.02328014699742198 -0.6184571608901024,0.018698329804465175 l-0.12537164613604546,0.1416563242673874 -0.046386951580643654,0.19672194495797157 l-0.33627133816480637,-0.008133348892442882 -0.3314352408051491,-0.002342785010114312 l0.0017995732196141034,0.2571590058505535 -0.21510690450668335,-0.006919011357240379 l-0.30256202444434166,0.4656095802783966 -0.22799184545874596,-0.036925352178514004 l-0.16907544806599617,-0.018336764769628644 -0.12404550798237324,-0.018203832441940904 l-0.16265291720628738,-0.019257746171206236 -0.2031317912042141,-0.023783750366419554 l-0.21830180659890175,-0.027014226652681828 0.15908291563391685,0.2483879216015339 l-0.27220582589507103,-0.05214260425418615 -0.24742502719163895,-0.014783571241423488 l-0.17892001196742058,-0.023768891114741564 1.606227328920795e-05,0.010345096234232187 l-0.007466844981536269,-0.03982807043939829 -0.21892763674259186,-0.0303936330601573 l0.009462340385653079,-0.01371168764308095 -0.1740984059870243,0.32428838312625885 l-0.2092834934592247,-0.03886754857376218 -0.032552117481827736,0.021753746550530195 l-0.1620049588382244,-0.04119502380490303 -0.17802823334932327,-0.04003781359642744 l-0.08418112061917782,0.37976231426000595 -0.11942559853196144,0.3889700770378113 l0.008779760682955384,0.17320385202765465 -0.15732163563370705,-0.04712317604571581 l-0.027563853655010462,0.3950870409607887 -0.1925317943096161,-0.058153728023171425 l-0.21482888609170914,-0.05906378384679556 -0.21069854497909546,-0.04224114120006561 l0.022578162606805563,0.4238557815551758 -0.0008436167991021648,0.3560394421219826 l-0.32613351941108704,0.34956246614456177 -0.23437071591615677,-0.04882555454969406 l0.010893435683101416,0.19434500485658646 -0.2374088577926159,-0.05886438302695751 l-0.27251943945884705,-0.06785205565392971 0.011408568825572729,0.24009469896554947 l0.014991054777055979,0.359736904501915 0.015006219036877155,0.4369068890810013 l-0.21945232525467873,-0.037442909087985754 -0.0038180738920345902,0.256129652261734 l0.019458638271316886,0.38678891956806183 -0.2039853297173977,-0.014817678602412343 l0.00881797808688134,0.2887940965592861 0.03056001616641879,0.40952060371637344 l0.03644640324637294,0.5023379996418953 -0.12384576722979546,0.06257145199924707 l0.010784461628645658,0.38839202374219894 -0.09310458786785603,0.08510423824191093 l-0.10164865292608738,0.102039510384202 0.005220586899667978,0.3822103887796402 l0.019202614203095436,0.5358484759926796 0.012053620303049684,0.5951384082436562 l-0.010268307523801923,0.1730530709028244 0.03878725226968527,0.2292286977171898 l-0.02643080661073327,0.17512179911136627 0.02152455970644951,0.36773595958948135 l0.007519600912928581,0.47416534274816513 -0.0038185855373740196,0.339103564620018 l0.0065063947113230824,0.21812863647937775 0.017806440591812134,0.21107474341988564 l0.1570255123078823,0.09221918880939484 0.390109047293663,0.38790322840213776 l0.13623827137053013,0.24268396198749542 0.11164174415171146,0.2258831076323986 l0.08356050588190556,0.22741293534636497 0.2624110132455826,0.08428805507719517 l0.3247012570500374,0.06633492186665535 0.38724571466445923,0.05814544856548309 l0.4157651960849762,0.033262670040130615 0.2959958463907242,0.1565367728471756 l0.5966445058584213,-0.007070307619869709 0.6145631149411201,-0.005742816138081253 l0.5853649973869324,-0.01081437454558909 0.5719131976366043,-0.01672942889854312 l0.5738329887390137,-0.01976223662495613 0.5417245998978615,-0.001977101492229849 l0.6063621491193771,-0.009269522270187736 0.38375306874513626,-0.2837784215807915 l0.2802080288529396,-0.10837693698704243 0.4758291691541672,-0.013476350577548146 l0.42015817016363144,-0.00633577408734709 0.25152942165732384,-0.18936388194561005 l0.2765888348221779,-0.14192418195307255 0.2539409324526787,-0.11379132978618145 l0.4684238135814667,-0.5989649519324303 0.21187709644436836,-0.1558964978903532 l0.2333974651992321,-0.09129054844379425 0.14078439213335514,-0.17808282747864723 m6.150680184364319,-23.56921911239624 l-0.9975765645503998,0.29992850497365 -0.16193674877285957,0.15223718248307705 l0.02278524450957775,0.022409046068787575 -0.0423157075420022,0.14460577629506588 l-0.09823264554142952,0.15677964314818382 -0.12033169157803059,0.08890612050890923 l-0.14621560461819172,0.10946514084935188 -0.1356931310147047,0.1592465303838253 l-0.3156852349638939,0.00831081299111247 -0.10040424764156342,0.23786932229995728 l-0.13300275430083275,0.08833954110741615 -0.05663180723786354,0.27072714641690254 l-0.03913145046681166,0.33014945685863495 -0.03464080160483718,0.34187644720077515 l-0.012995965080335736,0.3768104687333107 0.005225003696978092,0.41409894824028015 l0.015888497000560164,0.4551996663212776 0.004876099992543459,0.05655012559145689 l-0.08919918909668922,0.22858673706650734 -0.04383689258247614,0.25786781683564186 l-0.06230114959180355,0.256440956145525 -0.021819383837282658,0.260628592222929 l-0.0076163094490766525,0.259858388453722 0.0057855184422805905,0.2528410777449608 l0.04026887472718954,0.24512674659490585 0.05800521466881037,0.22762002423405647 l0.10002873837947845,0.22362716495990753 0.12062663212418556,0.21114878356456757 l0.1515503879636526,0.1955481618642807 0.1726817712187767,0.15836190432310104 l0.22140534594655037,0.13402415439486504 0.24599134922027588,0.1002010703086853 l0.26750022545456886,0.07085451856255531 0.28189782053232193,0.043071527034044266 l0.3032452426850796,0.018857992254197598 0.32758548855781555,0.004925714456476271 l0.33763308078050613,0.012463654857128859 0.3496299311518669,-0.43078336864709854 l0.37598874419927597,0.03859749995172024 0.3011591359972954,-0.38118142634630203 l0.36433227360248566,0.035228198394179344 0.28880223631858826,-0.003914781846106052 l0.2276502177119255,-0.3638521209359169 0.06570197641849518,-0.3021770343184471 l0.24807486683130264,-0.01760752173140645 -0.027218530885875225,-0.2334395796060562 l0.038172099739313126,-0.297556035220623 0.03619664814323187,-0.31684521585702896 l-0.010579647496342659,-0.5128748342394829 -0.02019739942625165,-0.5844436585903168 l-0.012841098941862583,-0.6025156751275063 -0.006571891135536134,-0.5885716900229454 l-0.5314408242702484,-0.031123023945838213 -0.7249349355697632,-0.028279016260057688 l-0.6909115612506866,-0.0023883796529844403 -0.09275563061237335,-0.0721665471792221 l-0.5172149091959,0.022857878357172012 -0.7157202064990997,0.009922848548740149 l-0.36630600690841675,0.0044296670239418745 -0.34758996218442917,0.2084278129041195 l-0.28341159224510193,0.0439077103510499 -0.2674413286149502,0.052519505843520164 l-0.20181437954306602,-0.03172095399349928 -0.16750166192650795,-0.039560035802423954 l-0.17432602122426033,-0.03280171658843756 -0.19020671024918556,-0.03110528690740466 l-0.1922415941953659,-0.036950730718672276 -0.18652109429240227,-0.02813545521348715 l-0.2040419913828373,-0.030922600999474525 -0.20767414942383766,-0.028755278326570988 l-0.20145751535892487,-0.03880646312609315 -0.20527787506580353,-0.031008035875856876 l-0.16950389370322227,-0.03591269254684448 -0.160149484872818,-0.030059495475143194 l-0.14785022474825382,-0.027082033921033144 -0.024845916777849197,0.1028055977076292 l-0.030514642130583525,0.08890489116311073 -0.016592355677857995,0.10653545148670673 l-0.017776499735191464,0.07274739909917116 -0.0038912674062885344,0.06583637092262506 l-0.08565775118768215,0.3872440382838249 -0.0016660038090776652,0.1392523292452097 l0.006412746733985841,0.10256226174533367 -0.03686248091980815,0.37314847111701965 l-0.028925137594342232,0.3923247382044792 0.028503919020295143,0.21238373592495918 l0.02215123502537608,0.37644166499376297 -0.26492465287446976,0.39201077073812485 l0.10321231558918953,0.3563188388943672 0.04011264070868492,0.27829429134726524 l0.10499902069568634,0.3219505771994591 0.054330313578248024,0.2701615169644356 l0.06149408407509327,0.2550978399813175 0.16483845189213753,0.24333197623491287 l0.17080234363675117,0.1816319115459919 0.20672034472227097,0.1848899945616722 l0.09619778022170067,0.14316282235085964 0.23256322368979454,0.11805937625467777 l0.18657399341464043,0.05308462306857109 0.16086412593722343,0.06508436519652605 l0.17074650153517723,0.10011491365730762 0.27430351823568344,0.08669164031744003 l0.3097747638821602,0.0626059016212821 0.33968303352594376,0.05471228156238794 l0.33612340688705444,0.05070145707577467 0.35651471465826035,0.03563387552276254 l0.36455467343330383,0.03701327834278345 0.3821834549307823,0.0035711601958610117 l0.41712407022714615,-0.008627132046967745 0.3808172419667244,-0.011346819810569286 l0.37662308663129807,-0.024078635033220053 0.40072958916425705,-0.03028551349416375 l0.39768125861883163,-0.0464346120133996 0.38762565702199936,-0.0553949223831296 l0.22443369030952454,-0.06368197966367006 0.2275400422513485,-0.04634616896510124 l0.34451596438884735,-0.08132835850119591 0.2137809805572033,-0.10088612325489521 l0.22409118711948395,-0.08694738149642944 0.21383579820394516,-0.09853044524788857 l0.22703375667333603,-0.07918616756796837 0.2215292491018772,-0.11268263682723045 l0.216290932148695,-0.08962620049715042 m11.348555088043213,-8.88257920742035 l-1.1242736130952835,-0.710289254784584 -0.5897539108991623,0.1461013313382864 l-0.15943055972456932,-0.09830210357904434 -0.14147150330245495,-0.13594185002148151 l-0.2448158897459507,-0.0170665152836591 -0.5605687946081161,0.000730029569240287 l-0.3094504214823246,-0.009307131986133754 -0.3246096894145012,0.03381854388862848 l-0.32063059508800507,0.04181728698313236 -0.5401362106204033,0.18046574667096138 l-0.35754114389419556,0.004688126500695944 -0.13094093650579453,0.10642461478710175 l-0.24794148281216621,0.00794699473772198 -0.5250318720936775,0.7231525331735611 l-0.3701546788215637,0.04605522844940424 -0.00901533174328506,0.23152558133006096 l-0.05198321770876646,0.2520907297730446 -0.5715774744749069,0.4738253727555275 l-0.025314728263765574,0.3957992419600487 -0.04591606091707945,0.29469866305589676 l-0.03616296453401446,0.3542189300060272 -0.03930100705474615,0.40461067110300064 l-0.03688806667923927,0.4288971796631813 -0.032596366945654154,0.5521778017282486 l-0.022739311680197716,0.6194275617599487 -0.021154030691832304,0.5638479813933372 l-0.052323476411402225,0.38114670664072037 -0.02575374674052,0.3420374169945717 l-0.030099665746092796,0.33167529851198196 0.04762943368405104,0.44801294803619385 l0.03151028184220195,0.36667600274086 0.039469730108976364,0.27072886005043983 l0.0523535069078207,0.33034224063158035 0.09080830961465836,0.25214793160557747 l0.10162741877138615,0.21606218069791794 0.09228277951478958,0.09527317248284817 l0.2401762269437313,0.1806509681046009 0.28944965451955795,0.13329187408089638 l0.39899252355098724,0.11774814687669277 0.4676365479826927,0.08344176225364208 l0.5028777569532394,0.05283813923597336 0.4922338202595711,0.027557858265936375 l0.3936447575688362,0.004389755195006728 0.31150806695222855,-0.35868704319000244 l0.44402532279491425,0.06603366695344448 0.3186662495136261,0.004739398718811572 l0.39695296436548233,0.04255999345332384 0.4249238222837448,0.036694000009447336 l0.4560059681534767,0.08088145405054092 0.44587984681129456,0.07683583069592714 l0.41032280772924423,0.04411241505295038 0.37144050002098083,0.03156044287607074 l0.36312684416770935,-0.003718074003700167 0.34112349152565,-0.02539799315854907 l0.3259766846895218,-0.028496773447841406 0.30907291918992996,-0.040336684323847294 l0.28827738016843796,-0.057393405586481094 0.2887333370745182,-0.06432909984141588 l0.24461567401885986,-0.0745711475610733 0.20387094467878342,-0.09080041199922562 l0.20193908363580704,-0.08992615155875683 0.1464422419667244,-0.10454676114022732 l0.11240560561418533,-0.12818091548979282 0.13189364224672318,-0.1376918889582157 l0.14384940266609192,-0.14617567881941795 0.13457565568387508,-0.15065996907651424 l0.19493179395794868,-0.2636391669511795 0.19489353522658348,-0.2756967395544052 l0.19622234627604485,-0.3135920315980911 0.18319210037589073,-0.347871296107769 l0.19572289660573006,-0.3511730208992958 0.19461704418063164,-0.38593828678131104 l0.05495644174516201,-0.3423827141523361 0.06171791814267635,-0.6719227135181427 l0.21072911098599434,-0.45561932027339935 0.10837376117706299,-0.37859104573726654 l0.09974687360227108,-0.38904961198568344 0.13218053616583347,-0.3760649636387825 l0.11631464585661888,-0.38706373423337936 0.11057795956730843,-0.38735367357730865 l0.29304999858140945,-0.3957642614841461 0.045023863203823566,-0.37542223930358887 l0.061605190858244896,-0.38235805928707123 0.08341007865965366,-0.3164341300725937 l0.0719441520050168,-0.3198561817407608 0.04972939379513264,-0.3251035138964653 l0.07167341187596321,-0.31964119523763657 0.0674468744546175,-0.30594872310757637 l0.05957691464573145,-0.323583260178566 0.10114088654518127,-0.30792439356446266 l0.06476935930550098,-0.369015596807003 0.10613596998155117,-0.3469380736351013 l0.1190816331654787,-0.33703625202178955 0.13230161741375923,-0.4972448945045471 l0.17631955444812775,-0.46420443803071976 0.14757929369807243,-0.3864452987909317 l0.14406714588403702,-0.39546623826026917 0.150620574131608,-0.3653131425380707 l0.14757966622710228,-0.437702052295208 0.1757511869072914,-0.3897956386208534 l0.14956194907426834,-0.4007653146982193 0.1456132624298334,-0.4299716278910637 l0.15585020184516907,-0.4093315824866295 0.13385044410824776,-0.4231236129999161 l0.17659395933151245,-0.3617088496685028 0.13228905387222767,-0.37737492471933365 l0.1721336878836155,-0.35689011216163635 0.1410831231623888,-0.4344593733549118 l0.18234757706522942,-0.311774630099535 0.15108142979443073,-0.3237616643309593 l0.16818588599562645,-0.2946315333247185 0.1316811516880989,-0.522308424115181 l0.2049187757074833,-0.42605437338352203 0.12308147735893726,-0.470380075275898 l-0.22863492369651794,-0.6348258256912231 0.2886909432709217,-0.11173498816788197 l-0.08256093598902225,-0.5622556060552597 -0.3259168192744255,-0.24890145286917686 l-0.21117577329277992,-0.04549429751932621 -0.4562646150588989,0.16785936430096626 l-0.5448421090841293,0.42889006435871124 -0.5402860790491104,0.5543839558959007 l-0.5641933530569077,0.5883191898465157 -0.6235744059085846,0.6040868908166885 l-0.5879470333456993,0.6982365995645523 -0.6028316169977188,0.6427136808633804 l-0.5909653753042221,0.6310497224330902 -0.5479689314961433,0.723128467798233 l-0.5281083285808563,0.7267565280199051 -0.5044577270746231,0.767047330737114 l-0.06755354814231396,0.47941073775291443 -0.04028503317385912,0.3568403795361519 l-0.10891573503613472,0.49802564084529877 -0.3194008022546768,0.31676657497882843 l0.032857214100658894,0.4982367530465126 -0.1750008948147297,0.4772378131747246 l-0.06682623643428087,0.4984257370233536 -0.12683183886110783,0.5055068805813789 l-0.083197932690382,0.5104736611247063 -0.10877936147153378,0.5095164105296135 l-0.09307226166129112,0.5247692763805389 0.010009653633460402,0.6261947751045227 l-0.15705160796642303,0.5114888772368431 0.019489963306114078,0.6581318378448486 l-0.14771380461752415,0.5175430327653885 -0.04115639720112085,0.48526767641305923 l-0.0010401011240901425,0.6328164041042328 0.013065867824479938,0.6254761666059494 l0.005475111538544297,0.5461891368031502 0.013642053818330169,0.5082353204488754 l-0.021534038241952658,0.3514188528060913 0.030986289493739605,0.3423261269927025 l0.004651207709684968,0.42860399931669235 0.04909552168101072,0.30200958251953125 l-0.0009409256745129824,0.2826687693595886 0.120383370667696,0.24469472467899323 l0.13313638977706432,0.21886195987462997 0.019119447097182274,0.223263930529356 l0.2867412380874157,0.160690825432539 0.282229408621788,0.09537520818412304 \" fill=\"none\" stroke=\"black\" stroke-width=\"1\"/></svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"102.18488033879112\" version=\"1.1\" width=\"219.98915023257723\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:ev=\"http://www.w3.org/2001/xml-events\" xmlns:xlink=\"http://www.w3.org/1999/xlink\"><defs/><rect fill=\"white\" height=\"102.18488033879112\" width=\"219.98915023257723\" x=\"0\" y=\"0\"/><path d=\"M40.78387515619397,72.79173897510191 m-1.448870450258255,0.47880537807941437 l-2.8017455339431763,0.0883743166923523 -1.7718267440795898,0.07680987939238548 l-1.5559352934360504,0.02576347440481186 -1.3940887153148651,0.050951833836734295 l-1.1756163090467453,0.003726739378180355 -1.1505908519029617,0.4130466654896736 l-1.1072754859924316,0.3548375517129898 -0.4156811535358429,0.2855330891907215 l-1.262916773557663,0.4327312856912613 -0.3080311045050621,0.3585093840956688 l-0.4320618137717247,0.1318218745291233 -0.141980005428195,0.3018581308424473 l-0.3524883836507797,0.11856458149850368 0.04873470403254032,0.2512620761990547 l-0.28632186353206635,0.05245691630989313 0.0864059291779995,0.23531939834356308 l-0.222803745418787,0.07296207826584578 0.14307495206594467,0.26110531762242317 l-0.23385651409626007,0.16348395496606827 0.38268793374300003,0.09966002777218819 l0.45737024396657944,0.07717962376773357 0.4623720794916153,0.05837778560817242 l0.5059314891695976,-0.08014212362468243 0.46863194555044174,-0.08605004288256168 l0.4714660346508026,-0.13580739498138428 0.48317864537239075,-0.15610592439770699 l0.4873485490679741,-0.19910136237740517 0.8351387083530426,-0.3446563705801964 l0.6576433777809143,-0.6226527690887451 0.6275610625743866,-0.49113523215055466 l0.48127878457307816,-0.2426622062921524 0.5830974876880646,-0.7108890265226364 l0.558413602411747,-0.16846617683768272 0.36929134279489517,-0.3163444250822067 l0.5366766452789307,-0.44081058353185654 0.4998379573225975,-0.22652273997664452 l0.5639535561203957,-0.6001938506960869 0.5749230086803436,-0.18553674221038818 l0.6748248636722565,-0.7500753551721573 0.5799533054232597,-0.14951137825846672 l0.7534193247556686,-0.8827435225248337 0.5513253435492516,-0.17532527446746826 l1.0241897404193878,-0.48467110842466354 0.3026815876364708,-0.32844584435224533 l2.6552703976631165,-2.2343388199806213 0.12343292124569416,-0.25239767506718636 l2.7362897992134094,-2.416110336780548 0.16831912100315094,-0.21049264818429947 l0.2704439125955105,-0.3418261185288429 0.3637365251779556,-0.3161092847585678 l0.3356220945715904,-0.5595559999346733 0.4119936376810074,-0.4980732500553131 l0.2731451578438282,-0.41673436760902405 0.6885271519422531,-1.5257222950458527 l-0.0789734348654747,-1.0773874819278717 -0.06604449823498726,-1.377079337835312 l0.6195733696222305,-0.26699693873524666 -0.07164178881794214,-2.0194175839424133 l-0.06113458890467882,-1.2081384658813477 -0.10629810392856598,-1.0841792076826096 l-0.49583442509174347,-0.43801724910736084 -0.5891157686710358,-0.2951522171497345 l-0.6630567461252213,-0.18480362370610237 -0.7301769405603409,-0.1760535128414631 l-1.4317026734352112,0.9435510635375977 -0.8011409640312195,0.011773552978411317 l-0.9537659585475922,1.4944401383399963 -0.8478173613548279,0.1321653462946415 l-0.7601432502269745,1.5484009683132172 -0.8652254939079285,0.8945160359144211 l-0.8618868142366409,0.33146023750305176 -0.6284820288419724,1.5723887085914612 l-0.46805649995803833,0.28481895104050636 -0.09412908926606178,0.6070420891046524 l-0.33973366022109985,0.3996526822447777 0.045333169400691986,0.47113344073295593 l-0.21228821948170662,0.33611226826906204 -0.018918822752311826,1.4005957543849945 l0.3126446157693863,0.09506170637905598 0.006573055870831013,0.8768438547849655 l0.285063236951828,-0.0717674195766449 0.0032793267746455967,0.7383382320404053 l1.4389018714427948,-0.06755005102604628 0.014284071512520313,-0.2315901219844818 l1.0727230459451675,-0.0388155085965991 1.1988266557455063,-0.07885310798883438 l1.1613286286592484,-0.4967021942138672 1.0241643339395523,-0.36512766033411026 l1.149778664112091,-0.6140931323170662 1.063929870724678,-0.46422429382801056 l0.38970891386270523,-0.32544326037168503 0.48413049429655075,-0.2955210208892822 l1.0373098403215408,-0.760316401720047 0.22952275350689888,-0.3796777129173279 l1.1372536420822144,-0.736638680100441 0.21858135238289833,-0.5626960098743439 l1.0112468153238297,-0.546356774866581 0.6488434970378876,-0.8143322169780731 l0.7844237238168716,-0.5234379321336746 -0.019525885581970215,-0.5880925431847572 l-0.04380704369395971,-0.38179032504558563 0.36679428070783615,-0.14164982363581657 l-0.042354767210781574,-0.9566313028335571 -0.02944397507235408,-0.6891431659460068 l-0.46825047582387924,0.1739037036895752 -0.6628914177417755,0.08319045417010784 l-0.9863284230232239,0.258598867803812 -0.9371456503868103,0.6940210610628128 l-1.0675439983606339,0.5369346588850021 -1.209937259554863,0.7052905112504959 l-0.8511431515216827,0.8368460834026337 -1.3928721845149994,0.8245377242565155 l-0.24445034563541412,0.4007447510957718 -0.3523053973913193,0.33978186547756195 l-0.45182444155216217,0.8013015985488892 -0.233670175075531,0.2631707489490509 l-0.09272578172385693,0.3815958648920059 0.2714088000357151,0.17131976783275604 l0.023249397054314613,0.21050777286291122 0.1167194452136755,0.21648043766617775 l1.5573488175868988,-0.108047965914011 0.9057983011007309,0.08641541935503483 l1.175026223063469,-0.09300866164267063 1.2296133488416672,-0.3259284794330597 l1.172308549284935,-0.3462317958474159 1.307300478219986,-0.35358671098947525 l0.5156357958912849,-0.16609199345111847 1.5833500027656555,-0.7190977782011032 l0.45235827565193176,-0.2157219871878624 0.7025812566280365,-0.37520214915275574 l0.5707092955708504,-0.2055739238858223 0.45374609529972076,-0.20601904019713402 l0.9832897782325745,-0.6165039911866188 0.7971691340208054,-0.5209000781178474 l0.416126549243927,-0.20257866010069847 0.29831642284989357,-0.1751166582107544 l0.29487520456314087,-0.10545180179178715 0.21276013925671577,-0.12585388496518135 l0.1936916448175907,-0.10803508572280407 0.22947361692786217,-0.19275950267910957 l0.220839511603117,-0.09073969908058643 0.15918472781777382,-0.1428637746721506 l0.2950073778629303,-0.10788147337734699 0.19085712730884552,-0.1819617673754692 l0.327153243124485,-0.0752671156078577 0.23995205760002136,-0.14194254763424397 l0.32965730875730515,-0.08925184607505798 0.2685459144413471,-0.10310005396604538 l0.3184250369668007,-0.077082016505301 0.27573879808187485,-0.06762337405234575 l0.3059749864041805,-0.06166650913655758 0.299841295927763,-0.04586703609675169 l0.2911800891160965,-0.12492524459958076 0.3713550791144371,-0.03406742587685585 l0.2814262919127941,-0.09612050838768482 0.2994752861559391,-0.11003024876117706 l0.359625481069088,-0.05255389492958784 0.23880425840616226,-0.1722000353038311 l0.31603358685970306,-0.10557666420936584 0.22571517154574394,-0.15389968641102314 l0.25574756786227226,-0.10953404940664768 0.23233506828546524,-0.13179389759898186 l0.35032637417316437,-0.12594117783010006 0.25825919583439827,-0.1339617371559143 l0.3532373905181885,-0.15845103189349174 0.27233630418777466,-0.10848832316696644 l0.2921905368566513,-0.05571288987994194 0.26242945343255997,-0.141220074146986 l0.7989255338907242,-0.8443763852119446 0.8807080984115601,-0.8675391972064972 l0.46629395335912704,-0.09230335243046284 0.35525254905223846,-0.21537814289331436 l0.3766217455267906,-0.020657996647059917 0.2387521043419838,-0.27804186567664146 l0.3847132623195648,0.06360822357237339 0.26282696053385735,-0.14367262832820415 l0.39307862520217896,0.014519983669742942 0.2916272543370724,-0.05760769825428724 l0.9620780497789383,-1.0175756365060806 0.4601513221859932,-0.24055739864706993 l0.4625396803021431,-0.13270165771245956 0.34153688699007034,-0.13107781298458576 l0.34146934747695923,-0.09809920564293861 0.3502616286277771,-0.14145253226161003 l0.34196652472019196,-0.07703531999140978 0.3608052060008049,-0.1481467392295599 l0.37253711372613907,-0.04603837616741657 0.3491392731666565,-0.12844319455325603 l0.896121934056282,-0.9152890741825104 0.904960036277771,-0.7979349792003632 l0.5144175514578819,-0.21557193249464035 0.4644717276096344,-0.264151431620121 l0.6780247390270233,-0.18940143287181854 0.41468244045972824,-0.4161529988050461 l0.5139238759875298,-0.09743340313434601 1.0596949607133865,-1.2916527688503265 l0.5628739297389984,-0.284548569470644 0.49878165125846863,-0.21575720980763435 l0.3982958197593689,-0.2626531198620796 0.7032284885644913,-0.08497795090079308 l1.1902658641338348,-1.4890716969966888 0.3278297185897827,-0.38483139127492905 l0.346444733440876,-0.35371728241443634 0.33317554742097855,-0.17032193019986153 l0.28613170608878136,-0.21739648655056953 0.37672441452741623,-0.9374331682920456 l0.8926975727081299,-0.9022583812475204 0.3336566314101219,-0.23649912327528 l0.5155288428068161,-1.1304039508104324 0.3761306032538414,-1.050616279244423 l0.45113999396562576,-1.0754278302192688 -0.031454977579414845,-1.0687072575092316 l-0.08749155327677727,-0.8662524074316025 -0.9879714250564575,0.0827114749699831 l-1.6155749559402466,0.2666190639138222 -0.5966122075915337,-0.05503116641193628 l-1.7313235998153687,0.42605042457580566 -1.2507089972496033,0.9990613907575607 l-1.423817127943039,0.623767301440239 -1.1313608288764954,1.065814346075058 l-1.2031764537096024,0.7296381890773773 -1.0270807892084122,0.9716562181711197 l-0.9379944205284119,0.7569942623376846 -0.7658747583627701,0.9820915758609772 l-0.691579207777977,0.8486960083246231 -0.05582934711128473,1.427779197692871 l-0.4063703492283821,0.5027129501104355 -0.045801643282175064,1.7193733155727386 l0.41623301804065704,0.3589595854282379 -0.0064702704548835754,0.7150221616029739 l1.7058084905147552,-0.04747961647808552 0.5868487432599068,0.6140432879328728 l1.9260255992412567,-0.03539110999554396 1.0556778311729431,-0.1634727604687214 l1.3095520436763763,-0.25566697120666504 1.4532935619354248,-0.440315306186676 l1.3164259493350983,-0.29680583626031876 1.6449147462844849,-0.3956558555364609 l1.2784649431705475,-0.2290261909365654 0.6104287132620811,-0.28415173292160034 l1.4026126265525818,-0.20760167390108109 0.3806792199611664,-0.4445517808198929 l1.2248976528644562,-0.19997349008917809 0.3983819857239723,-0.4146284982562065 l0.9060108661651611,-0.2075883373618126 0.5621078237891197,-0.5473372712731361 l0.5301759392023087,-0.09992248378694057 0.43981369584798813,-0.44354353100061417 l0.42971860617399216,-0.03254889277741313 0.3672077879309654,-0.43788548558950424 l0.45374445617198944,-0.09432009421288967 0.2592313848435879,-0.30191605910658836 l0.33988799899816513,0.0237722578458488 0.23470040410757065,-0.22844547405838966 l1.1348269134759903,-0.04549246281385422 0.26658134534955025,-0.3021447919309139 l0.5833031237125397,0.04387553781270981 0.2198193408548832,-0.21023841574788094 l0.5145759508013725,0.05202551372349262 0.23761611431837082,-0.13892470858991146 l0.377579964697361,0.04136850591748953 0.2630400098860264,-0.08211509324610233 l0.43689966201782227,0.03149602096527815 0.2403789758682251,-0.22037241607904434 l0.34408167004585266,-0.05609419196844101 0.19408522173762321,-0.2318197675049305 l0.4158139228820801,-0.015281944070011377 -1.41346275806427,-0.321684330701828 l-0.7206980884075165,0.19596586003899574 -0.32018236815929413,0.0281935534439981 l-0.22730249911546707,0.04638866987079382 -0.1933811604976654,-0.0006578563625225797 l-1.0791240632534027,0.02461553318426013 -1.167108416557312,0.5758541449904442 l-1.8102331459522247,0.5204895883798599 -1.3109670579433441,0.6261737644672394 l-1.2847554683685303,0.6060528010129929 -1.7236578464508057,0.7662896811962128 l-1.5499073266983032,1.0512138158082962 -1.0758507251739502,0.6572023779153824 l-0.7652059197425842,0.5605785548686981 -0.40227577090263367,0.3315506875514984 l-0.6175849959254265,0.6389819085597992 -0.28618859127163887,0.2903037704527378 l-0.04713754169642925,0.5077308043837547 -0.05519192200154066,0.9833173453807831 l-0.1776588149368763,0.24427780881524086 0.03254116978496313,0.38378767669200897 l0.7195104658603668,0.46379316598176956 0.4173673316836357,0.11698809452354908 l1.4207012951374054,-0.04974500276148319 0.670296922326088,-0.10888772085309029 l1.1623675376176834,-0.03677644766867161 1.011136770248413,-0.28322888538241386 l0.8752316236495972,-0.4395810142159462 0.7430947571992874,-0.2721342071890831 l0.8124149590730667,-0.3972887247800827 0.8103457093238831,-0.3934130445122719 l0.796528086066246,-0.35902131348848343 0.7599163800477982,-0.44359244406223297 l0.92888243496418,-0.41085585951805115 0.9109073877334595,-0.4307464137673378 l0.9867274016141891,-0.2716006897389889 1.141209527850151,-1.2248454988002777 l0.6106665730476379,-0.23204516619443893 1.0793620347976685,-0.7503022253513336 l1.0064448416233063,-0.44093042612075806 1.082962229847908,-0.5341344699263573 l0.6016477942466736,-0.4634637013077736 1.2200485169887543,-0.508597120642662 l1.7863872647285461,-1.6468805074691772 1.6588786244392395,-1.4984586834907532 l0.6502779573202133,-0.4995556175708771 1.641400158405304,-1.5344548225402832 l1.6607898473739624,-1.6789944469928741 0.7335428893566132,-0.683680847287178 l0.7295839488506317,-0.6579987704753876 0.9627239406108856,-1.2248160690069199 l0.6860936433076859,-1.0040603578090668 0.580185167491436,-0.40188152343034744 l0.36939259618520737,-0.4694538563489914 0.3747022897005081,-0.17166277393698692 l-0.09050892665982246,-0.39918139576911926 -0.17048304900527,-0.06725029554218054 l-0.12309632264077663,-0.04142186604440212 -0.6775006651878357,0.210051741451025 l-0.5884505808353424,0.26803378015756607 -1.73006072640419,0.6862695515155792 l-1.905243992805481,1.042724847793579 -1.3845749199390411,0.8360026031732559 l-2.4798808991909027,1.3502268493175507 -1.3483193516731262,1.06004998087883 l-1.4704656600952148,1.3147267699241638 -1.3214342296123505,1.2178943306207657 l-1.1381706595420837,1.430879384279251 -1.5255922079086304,1.33285254240036 l-0.6893498450517654,1.3671545684337616 -0.691903755068779,1.0885895788669586 l-0.025164291728287935,1.4754332602024078 -0.005002159741707146,0.7596206665039062 l-0.021606541704386473,0.5546315759420395 0.5955467745661736,0.5197305604815483 l0.5542337149381638,0.33096306025981903 1.5492267906665802,-0.06089017726480961 l1.61084845662117,-0.09049676358699799 1.7249181866645813,-0.08616255596280098 l1.5599097311496735,-0.26942111551761627 1.513451486825943,-0.2622557617723942 l1.632385402917862,-0.20010404288768768 0.9194415807723999,-0.3152736648917198 l1.039276197552681,-0.15968896448612213 0.7822267711162567,-0.39692606776952744 l0.9428779780864716,-0.22262351587414742 0.6983204931020737,-0.369969941675663 l1.489906758069992,-0.5596595630049706 0.8397626876831055,-0.33012107014656067 l0.8200076967477798,-0.3556239977478981 0.840853676199913,-0.3682348132133484 l0.7479672133922577,-0.409683994948864 0.7378819584846497,-0.30030231922864914 l0.6629844754934311,-0.2996334806084633 0.6116785854101181,-0.25398267433047295 l0.5278540775179863,-0.1782127283513546 0.332295298576355,-0.20466487854719162 l0.4082367569208145,-0.030513419769704342 0.32840970903635025,-0.10852319188416004 l0.4218757525086403,-0.010452697752043605 0.3209521993994713,-0.15262935310602188 l0.4503902420401573,0.05462269764393568 0.28296932578086853,-0.0407384242862463 l0.4223550856113434,0.06759899202734232 0.3236890956759453,-0.07881777361035347 l0.40411900728940964,0.03572945483028889 0.33109981566667557,-0.10542045347392559 l0.39042655378580093,-0.00039960821595741436 0.32489705830812454,-0.05408422090113163 l0.4279579594731331,0.010635597864165902 0.35066235810518265,-0.06197674199938774 l0.31037645414471626,-0.11184543371200562 0.23081611841917038,-0.10138127952814102 l0.23389790207147598,-0.12138857506215572 0.17469247803092003,-0.08134965784847736 l0.2495587058365345,-0.04908934701234102 0.14325818978250027,-0.14104831032454967 l0.18295757472515106,-0.0393269257619977 0.15619298443198204,-0.13419040478765965 l0.1823205128312111,0.005018815281800926 0.1948888599872589,-0.11681156232953072 l0.2183104120194912,0.011845433618873358 0.20633472129702568,-0.08304066024720669 l0.2427726797759533,0.08737069554626942 0.21251991391181946,-0.01711091259494424 l0.2980836480855942,0.08756418712437153 0.2565614879131317,-0.0453527458012104 l0.303584523499012,-0.07504304870963097 0.2763638272881508,0.10315258055925369 l0.2758144959807396,-0.00478582747746259 0.28705427423119545,0.10299033485352993 l0.2751554176211357,-0.10731046088039875 0.4647993668913841,0.051363627426326275 l0.2680467814207077,-0.059742946177721024 0.3820442035794258,0.06861761678010225 l0.2972409874200821,-0.05504240747541189 0.3346170485019684,0.09584360755980015 l0.3316900506615639,-0.061468370258808136 0.40611233562231064,-0.1141276117414236 l0.37479348480701447,0.030620223842561245 0.6763570755720139,-0.5029626190662384 l0.4086194932460785,0.12955575250089169 0.36385219544172287,-0.18535759299993515 l0.43486345559358597,0.09310165420174599 0.38471147418022156,-0.13891837559640408 l0.44180039316415787,0.061331288889050484 0.4133927822113037,-0.10470128618180752 l0.46102195978164673,0.03173193661496043 0.40503092110157013,-0.07373188622295856 l0.46507034450769424,0.017216862179338932 0.4069198668003082,-0.04212522879242897 l0.45756295323371887,0.046737873926758766 0.4271342232823372,-0.04397974815219641 l0.448017381131649,0.0149098492693156 0.6533734500408173,-0.029703513719141483 l0.7361321896314621,-0.011153557570651174 0.4576103761792183,-0.05674607586115599 l0.5303676426410675,0.07425903808325529 0.43421026319265366,-0.04866280127316713 l0.4423605278134346,0.032651599030941725 0.4525904729962349,-0.018133160192519426 l0.4553437978029251,0.027239664923399687 0.4309815540909767,0.020093326456844807 l1.2836749851703644,-0.6623918563127518 0.47687623649835587,0.043039568699896336 l1.3430814445018768,-0.858738049864769 0.5117607861757278,0.06833323743194342 l0.5014004185795784,-0.20855613052845 0.5265717208385468,0.03308917861431837 l0.3988945856690407,-0.09247524663805962 0.433112233877182,0.0045908408355899155 l0.37796657532453537,-0.014605751493945718 0.3974802792072296,0.012005340540781617 l0.4140990599989891,-0.012972446857020259 0.9605662524700165,-0.7190721482038498 l0.5007924884557724,0.029304379131644964 0.4036720097064972,-0.10785548016428947 l1.2131283432245255,-0.955711156129837 0.4674920439720154,-0.02222385723143816 l0.7960415631532669,-1.081022247672081 0.7902472466230392,-1.0773316025733948 l0.2914825268089771,-1.1958518624305725 0.16485406085848808,-1.0838690400123596 l-0.5964595824480057,-1.1646722257137299 -1.0045361518859863,-0.8332142978906631 l-1.808307021856308,-0.47080710530281067 -2.4381710588932037,0.16922641545534134 l-1.930520236492157,0.7300081849098206 -1.895224153995514,0.51583182066679 l-2.0364587008953094,0.5918775126338005 -1.4297938346862793,0.7499682158231735 l-1.4418597519397736,0.6605195254087448 -1.8063226342201233,1.0336164385080338 l-1.771819293498993,1.246071308851242 -1.1194498091936111,0.927661657333374 l-0.6970801204442978,0.6167424842715263 -0.03948326222598553,0.9650488942861557 l-0.4728204011917114,0.3262051194906235 -0.04912705160677433,1.221395656466484 l0.2918325178325176,0.20650431513786316 -0.021363843698054552,0.4521896690130234 l0.9324971586465836,0.38904767483472824 0.5296142026782036,0.19880883395671844 l2.7500492334365845,-0.050643826834857464 0.683070570230484,0.021815369836986065 l2.371135950088501,-0.049743615090847015 1.420314460992813,-0.13576257042586803 l0.807027742266655,-0.04233044572174549 1.793220043182373,-0.25330059230327606 l0.778215080499649,-0.2875707857310772 1.7661204934120178,-0.16495158895850182 l1.3174325227737427,-0.6135225296020508 2.0614832639694214,-0.17095346003770828 l0.7677906006574631,-0.3606760501861572 0.9633896499872208,-0.0380479684099555 l0.6626015901565552,-0.4043111577630043 1.8372657895088196,0.1049607340246439 l0.7411506772041321,-0.4672587662935257 0.9068369120359421,0.048368475399911404 l0.6971991807222366,-0.45576784759759903 0.6890647113323212,-0.034441088791936636 l0.5595532804727554,-0.3072013892233372 1.8743827939033508,-0.20815685391426086 l0.6620128452777863,-0.1859821006655693 0.7227171212434769,0.019490061094984412 l0.4998355731368065,-0.1507554017007351 0.50272386521101,0.0395980104804039 l0.3749006986618042,-0.12504959478974342 0.38186900317668915,0.07201824337244034 l0.30096326023340225,-0.17657026648521423 0.2889128029346466,0.06243588402867317 l0.17503296956419945,-0.16196012496948242 0.2672323025763035,0.05582360550761223 l0.08183717727661133,-0.12495063245296478 0.216303039342165,0.03232242539525032 l0.051958528347313404,-0.12795686721801758 0.15901518985629082,0.056548635475337505 l0.033562316093593836,-0.08117904886603355 0.08980747312307358,0.10773133486509323 l-0.008857885841280222,-0.04304541274905205 0.04898487590253353,0.043625375255942345 l0.03466096706688404,-0.003805092128459364 0.049291388131678104,0.08157270960509777 l0.04828218836337328,0.028371009975671768 0.03712293924763799,-0.054636793211102486 l0.05527750588953495,0.18803248181939125 0.04237157292664051,0.06333096884191036 l0.08287651464343071,-0.0678642001003027 0.14212729409337044,0.21251369267702103 l0.10346546769142151,0.025964330416172743 0.18760103732347488,-0.048342738300561905 l0.19979780539870262,-0.07393816951662302 0.2254757285118103,0.16199156641960144 l0.09224465116858482,-0.1616293005645275 0.2630697749555111,0.32213836908340454 l0.12384315021336079,-0.15477322041988373 0.29065925627946854,0.3724874183535576 l-0.027809697203338146,-0.18830617889761925 0.4497738927602768,0.10993363335728645 l0.045555438846349716,-0.013966263504698873 0.3423167020082474,0.23295368999242783 l0.1777668111026287,-0.065704844892025 0.3276821970939636,0.25611499324440956 l0.26771124452352524,-0.1681710034608841 0.35455163568258286,0.3296169266104698 l0.12791333720088005,-0.16715824604034424 0.38260556757450104,0.36691512912511826 l0.17906643450260162,-0.13770787976682186 0.3899621218442917,0.35242296755313873 l0.22438552230596542,-0.1250818558037281 0.745224729180336,-0.023699162993580103 l0.2921861782670021,-0.02473654691129923 0.42904846370220184,0.12468857690691948 l0.30534230172634125,0.00813753460533917 0.37963099777698517,0.13176623731851578 l0.31603414565324783,0.04017423838376999 0.5831504985690117,-0.258451122790575 l0.36278925836086273,0.17116045579314232 0.3443264961242676,-0.08268218487501144 l0.38143541663885117,0.15387327410280704 0.5890245363116264,-0.4662249982357025 l0.42689234018325806,0.17249256372451782 0.3653249144554138,-0.18404442816972733 l0.42534779757261276,0.14385325834155083 0.32282181084156036,-0.11344712227582932 l0.9359694272279739,-0.45164089649915695 0.391927994787693,0.05103762727230787 l0.43582089245319366,-0.08775392547249794 0.4479660466313362,-0.020681137684732676 l0.37864234298467636,-0.0343417190015316 0.4005780443549156,0.0262449961155653 l0.41447218507528305,0.01152682933025062 0.7762978971004486,-1.378946304321289 l0.5514878779649734,0.21336443722248077 0.3101370297372341,-0.37313204258680344 l0.47500040382146835,0.018627005629241467 0.2948514372110367,-0.16578787937760353 l0.4580584540963173,-0.033449146430939436 0.38117941468954086,-0.1701030321419239 l1.1185535788536072,-0.8173339813947678 0.4763856530189514,-0.11172601021826267 l1.198347732424736,-0.9507524967193604 0.48836857080459595,-0.06090289447456598 l1.1507029086351395,-1.1519517749547958 1.448863297700882,-1.1277411133050919 l0.5008593574166298,-0.22185096517205238 0.4852796718478203,-0.22403288632631302 l0.3975570946931839,-0.12508444488048553 0.30139872804284096,-0.1639077067375183 l0.501222275197506,-0.8725354075431824 0.39670053869485855,-0.022086931858211756 l-0.031098793260753155,-0.8851837366819382 0.08387096226215363,-0.6469906121492386 l-0.619681142270565,-0.7920175045728683 -1.2832297384738922,-0.26659028604626656 l-1.5363410115242004,0.7180513441562653 -2.2108878195285797,0.2915581688284874 l-1.7397932708263397,0.659649670124054 -2.1417561173439026,0.668402835726738 l-1.8174944818019867,0.9217832237482071 -1.904810220003128,0.7966648787260056 l-1.36260524392128,0.8859856426715851 -1.7618025839328766,0.9172806143760681 l-1.7209622263908386,1.2486467510461807 -0.9924259781837463,0.7727647572755814 l-0.8528751879930496,0.7480530440807343 -0.03588635241612792,1.085139513015747 l-0.5206264927983284,0.30914390459656715 -0.05382782779633999,1.1522184312343597 l0.528726764023304,0.4769158363342285 0.3758247196674347,0.20422151312232018 l0.4755793511867523,0.39967168122529984 0.5164811015129089,0.42531732469797134 l1.3658407330513,-0.05994931794703007 1.7698962986469269,-0.06983976345509291 l1.5690937638282776,-0.07643661461770535 1.512429267168045,-0.1552308164536953 l1.7542557418346405,-0.2022188901901245 0.7392894476652145,-0.21401932463049889 l1.7922088503837585,-0.14792153611779213 1.7020142078399658,-0.1631704345345497 l1.9435782730579376,-0.1730668544769287 0.8555218577384949,-0.27944738045334816 l1.9117049872875214,-0.14634781517088413 0.7932338863611221,-0.42183876037597656 l0.9943603724241257,-0.0834070798009634 \" fill=\"none\" stroke=\"black\" stroke-width=\"1\"/></svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"106.62851223954931\" version=\"1.1\" width=\"125.46047514617385\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:ev=\"http://www.w3.org/2001/xml-events\" xmlns:xlink=\"http://www.w3.org/1999/xlink\"><defs/><rect fill=\"white\" height=\"106.62851223954931\" width=\"125.46047514617385\" x=\"0\" y=\"0\"/><path d=\"M44.70645409455756,53.5617442894727 m-0.385558120906353,-2.1393388509750366 l-0.470537431538105,-0.6919761747121811 0.0014150197966955602,-0.48187650740146637 l-1.6862255334854126,0.0538896769285202 -1.0100828856229782,0.10315443389117718 l-1.3246476650238037,0.055839670822024345 -1.6217531263828278,0.12943499721586704 l-1.5738199651241302,0.26906752958893776 -1.5227578580379486,0.29816795140504837 l-1.4035327732563019,0.4254055768251419 -1.2586839497089386,0.47490037977695465 l-1.0852263867855072,0.5375330150127411 -1.0377481579780579,0.7318507134914398 l-1.5106937289237976,1.3515886664390564 -0.9915993362665176,1.1585154384374619 l-0.8986739069223404,1.3258379697799683 -0.7615731656551361,1.5509729087352753 l-0.5617136880755424,1.656322181224823 -0.4266364872455597,1.7890892922878265 l-0.16427120193839073,1.8187910318374634 -0.012133745476603508,1.5152959525585175 l0.48842690885066986,1.7657382786273956 1.0051723569631577,1.5533816814422607 l1.4151942729949951,1.2110168486833572 1.896139234304428,0.672987774014473 l2.1539437770843506,0.25000104680657387 2.2017860412597656,-0.3874155506491661 l2.2053928673267365,-1.0415828227996826 1.464613676071167,-1.1663495004177094 l1.2967656552791595,-1.3255620002746582 1.190701201558113,-1.1973750591278076 l1.0926904529333115,-1.1184977740049362 0.9224595874547958,-1.1919144541025162 l0.7615208625793457,-1.4063774049282074 0.6581173092126846,-1.319345086812973 l0.5788164585828781,-1.2634292244911194 0.5696028843522072,-1.2229932099580765 l0.6091233715415001,-1.1976896971464157 0.8789187669754028,-1.9889713823795319 l1.0043831914663315,-2.4434635043144226 0.8151477575302124,-2.1190205216407776 l0.9512768685817719,-2.5134000182151794 0.9761645644903183,-2.8460532426834106 l0.8297380805015564,-2.5035646557807922 0.875312089920044,-2.5882458686828613 l0.7524653524160385,-2.4783657491207123 0.9104390442371368,-2.5017517805099487 l0.5461560934782028,-2.0549042522907257 0.2538028173148632,-0.8687334507703781 l0.4127449542284012,-1.4972439408302307 0.2945525571703911,-0.7659072428941727 l0.24886809289455414,-0.6999940425157547 0.18903827294707298,-0.7300741970539093 l0.3561532124876976,-0.8276960998773575 0.08307703770697117,-0.760369598865509 l0.2038091979920864,-0.4820265993475914 0.06862427573651075,-0.5281951650977135 l0.16333047300577164,-0.9108226746320724 -0.15207056887447834,0.3024892136454582 l-0.36512676626443863,0.27649350464344025 -0.48734236508607864,1.1616890877485275 l-0.6987403333187103,1.4322547614574432 -0.6345759332180023,1.5166234970092773 l-0.7420579344034195,2.0931945741176605 -0.7235921919345856,2.336808741092682 l-1.2529642879962921,3.5410961508750916 -0.60922522097826,1.3476485013961792 l-0.7593762874603271,2.6501429080963135 -0.7645973563194275,2.554825246334076 l-1.1492373049259186,4.256531596183777 -1.0724402219057083,3.7261804938316345 l-1.0115348547697067,3.8888657093048096 -0.8694414794445038,3.459477126598358 l-0.15364225022494793,2.8019538521766663 -0.04802365321666002,1.010177806019783 l-0.09493839927017689,2.1570511162281036 -0.004990610759705305,0.7670636475086212 l-0.13255665078759193,2.0152273774147034 -0.04219033755362034,1.4121361076831818 l-0.021125031635165215,1.5274487435817719 0.35726502537727356,0.8427118510007858 l0.2685209549963474,0.49068938940763474 0.527031384408474,0.2882206439971924 l0.5675797164440155,-0.003762400010600686 0.834466814994812,-0.30815450474619865 l1.0248281061649323,-0.7031232863664627 1.1996504664421082,-0.8550496399402618 l1.3019493222236633,-1.0110078006982803 1.3568316400051117,-1.1291246116161346 l0.503162108361721,-0.7095252722501755 0.736101046204567,-0.5092247202992439 l0.8343303203582764,-0.5741675570607185 1.367429792881012,-1.490747481584549 l0.9049490839242935,-0.716172531247139 1.276126354932785,-1.592404693365097 l0.2459709346294403,-0.744110569357872 0.3886932507157326,-0.601373128592968 l0.19940141588449478,-0.5244966223835945 0.32094214111566544,-0.40172457695007324 l0.16633430495858192,-0.641995295882225 0.31056633219122887,-0.6609266996383667 l0.23428307846188545,-0.7021518796682358 0.27814071625471115,-0.5707976594567299 l0.20224086940288544,-0.6093846634030342 0.2577079273760319,-0.5257263779640198 l0.260575357824564,-0.25280313566327095 0.10496340692043304,-0.24865791201591492 l0.0452256016433239,-0.17294690012931824 -0.10437839664518833,0.23701416328549385 l-0.24082761257886887,0.2540735900402069 -0.30623676255345345,0.3994717076420784 l-0.41445400565862656,0.5415578186511993 -0.2998426742851734,0.7180967926979065 l-0.48089586198329926,0.8559013903141022 -0.4707289859652519,1.0639388859272003 l-0.5477779358625412,1.3230201601982117 -0.8167342841625214,2.6438024640083313 l-0.4061996564269066,1.3162016868591309 -0.4883728548884392,1.7814801633358002 l-0.22852111607789993,2.3753932118415833 0.2558780089020729,1.930471509695053 l-0.06909872405230999,1.8278531730175018 0.9734209626913071,0.5828530341386795 l1.5800946950912476,-0.008399495854973793 1.5115925669670105,-0.04344030283391476 l0.7654948532581329,-0.4961147904396057 0.6719468533992767,-0.37091854959726334 l0.601758174598217,-0.3944395110011101 0.5798838287591934,-0.3276855871081352 l0.5146490409970284,-0.42958516627550125 0.5438905209302902,-0.4634338244795799 l0.5187099799513817,-0.5505838617682457 0.4979691654443741,-0.550306960940361 l0.45633528381586075,-0.6231404095888138 0.4311409592628479,-0.6202899664640427 l0.3940434008836746,-0.66646508872509 0.411527119576931,-0.5585408583283424 l0.3656303137540817,-0.7169819623231888 0.42195357382297516,-0.7348881661891937 l0.36339353770017624,-0.8106347173452377 0.3782139718532562,-0.7857349514961243 l0.32944846898317337,-0.7844251394271851 0.3067530132830143,-0.9513042122125626 l0.30984995886683464,-0.760694146156311 0.23914309218525887,-0.7357773929834366 l0.2082945592701435,-0.8113677799701691 0.16198555007576942,-0.7827163487672806 l0.13967229053378105,-0.7329031080007553 -0.02781016519293189,-0.999775156378746 l-0.12036054395139217,-0.7926730066537857 -0.29687603935599327,-0.6686440110206604 l-0.47809191048145294,-0.5046598985791206 -0.31614772975444794,-0.15219385735690594 l-0.5725308507680893,-0.379132404923439 -0.6030791997909546,-0.1452389918267727 l-0.6043316051363945,0.03062182804569602 -0.6116190925240517,0.16966372728347778 l-0.5185355246067047,0.3440215438604355 -0.6061509624123573,0.5969235301017761 l-0.5187295377254486,0.6294022500514984 -1.0960441082715988,1.8951597809791565 l-0.6994617730379105,1.140042319893837 -0.6098046153783798,2.4435460567474365 l-0.3058253228664398,1.1650046706199646 -0.270082987844944,0.9204917401075363 l-0.2254987694323063,1.0327120870351791 -0.23724090307950974,0.8828186988830566 l-0.18148235976696014,1.553482860326767 -0.30138131231069565,0.8061488717794418 l0.006283890106715262,2.297624796628952 0.5305662378668785,1.4148303866386414 l1.3159380853176117,1.6629019379615784 0.6770449131727219,0.6922227889299393 l1.1984775960445404,0.4665219411253929 1.2494953721761703,0.2492428570985794 l1.426992416381836,0.014464884297922254 0.9082921594381332,-0.026423311792314053 l1.4433833956718445,-0.5406554415822029 1.2572833895683289,-1.058424636721611 l1.1789801716804504,-1.3548514246940613 1.1541099846363068,-1.6096043586730957 l1.2717242538928986,-1.7276868224143982 1.4086073637008667,-1.773960292339325 l1.4600399136543274,-1.611379086971283 0.5414614453911781,-0.8227376639842987 l0.5543394759297371,-0.6163384392857552 0.4346458986401558,-0.5247976630926132 l0.48027724027633667,-0.3301263228058815 0.4095763713121414,-0.40166236460208893 l0.4434829205274582,-0.26185326278209686 0.35653747618198395,-0.2647990733385086 l0.3719758614897728,-0.08294149301946163 0.29843324795365334,-0.1631375029683113 l0.7145337015390396,-0.7543721795082092 0.4534023255109787,-0.1549587119370699 l0.38546688854694366,-0.45881733298301697 0.4921543225646019,-0.14864787459373474 l0.3040303848683834,-0.42913444340229034 0.42877301573753357,-0.5010257288813591 l0.28448810800909996,-0.5004782602190971 0.3798004239797592,-0.38787122815847397 l0.2853405848145485,-0.40541674941778183 0.34439317882061005,-0.38962215185165405 l0.32385729253292084,-0.4735451191663742 0.36987826228141785,-0.47311488538980484 l0.3462590277194977,-0.12785845436155796 0.37534289062023163,-0.5912362411618233 l0.4882865399122238,-0.21508239209651947 0.40406592190265656,-0.6685889512300491 l0.6470772624015808,-0.23371711373329163 -1.461411863565445,0.4557385668158531 l-0.707269012928009,0.8973142504692078 -0.8497260510921478,0.584888719022274 l-0.6249786168336868,0.4297831282019615 -0.5970326066017151,0.24511408060789108 l-1.1026384681463242,1.4789536595344543 -1.154111698269844,1.24694362282753 l-0.9327635914087296,1.4676554501056671 -1.4736893773078918,2.8301194310188293 l-0.9202754497528076,2.7264976501464844 -0.5898162722587585,1.6629734635353088 l-0.028905344661325216,2.49062716960907 0.07079395465552807,1.3728104531764984 l-0.011187458876520395,2.4567264318466187 0.11411765590310097,0.8235085755586624 l0.12130321934819221,0.924140065908432 0.2592247352004051,0.48058923333883286 l0.20503543317317963,0.4091527685523033 0.47317568212747574,1.2246721237897873 l0.7175319641828537,0.3855089470744133 0.5509993061423302,0.23011866956949234 l0.8269412070512772,-0.07002656813710928 0.6770827621221542,-0.48478979617357254 l0.6586814671754837,-0.4914245754480362 0.6264928728342056,-0.686429813504219 l0.5813038721680641,-0.6859875470399857 0.5324315279722214,-0.8830059319734573 l0.5765821412205696,-0.9127634763717651 0.519057959318161,-1.0194103419780731 l0.5141112580895424,-1.0389801859855652 0.47165561467409134,-1.2102217227220535 l0.5108437687158585,-1.2386836856603622 0.4541247710585594,-1.35137140750885 l0.5086305364966393,-1.4274607598781586 0.48481784760951996,-1.549026370048523 l0.47568392008543015,-1.5774539113044739 0.4491409659385681,-1.5554387867450714 l0.4349048435688019,-1.7355725169181824 0.4519796743988991,-1.7731112241744995 l0.3668684884905815,-1.816590428352356 0.406779944896698,-1.9469735026359558 l0.4084325581789017,-1.807572841644287 0.3314780816435814,-1.6482658684253693 l0.34797754138708115,-1.7649024724960327 0.40741700679063797,-1.7840464413166046 l0.3217554837465286,-1.6651006042957306 0.33098433166742325,-1.4746986329555511 l0.749443992972374,-4.090052545070648 0.22341256961226463,-1.3007913529872894 l0.27291858568787575,-0.8884625136852264 -0.0047866173554211855,-0.8863305300474167 l0.2533574588596821,-0.9283513575792313 0.15092690475285053,-1.0550795495510101 l-0.2259034849703312,-0.6643244624137878 -0.15589922666549683,-0.4160026088356972 l-0.389130599796772,0.19947238266468048 -0.5636290088295937,0.6823665648698807 l-0.6862001866102219,1.147630363702774 -0.6002872064709663,1.2542855739593506 l-0.7257112115621567,1.5782122313976288 -0.6927104294300079,1.6690610349178314 l-0.7836540788412094,1.9978593289852142 -0.798029750585556,2.3406951129436493 l-0.7607480138540268,2.7091658115386963 -0.6298018991947174,2.3859143257141113 l-0.12154998257756233,1.1177997291088104 -0.6870214641094208,2.840091586112976 l-0.4757104068994522,2.728869616985321 -0.5448484048247337,2.508769929409027 l-0.41424889117479324,2.47675821185112 -0.14242744073271751,1.2039988487958908 l-0.33388905227184296,2.023375481367111 -0.05056292284280062,1.0171899944543839 l-0.056195035576820374,1.8385784327983856 -0.08323808200657368,1.3167494535446167 l-0.08372160606086254,2.4623307585716248 0.5179006233811378,1.1407622694969177 l0.5090067535638809,0.6086135655641556 0.81707663834095,0.3445301204919815 l0.48731889575719833,0.03406667150557041 0.6573739647865295,-0.2110482007265091 l0.641343742609024,-0.4093407839536667 0.6276647001504898,-0.47793909907341003 l0.6453005969524384,-0.5992008373141289 0.5979554727673531,-0.5851230770349503 l0.5660901591181755,-0.725124329328537 1.192450001835823,-1.382320374250412 l1.0790757834911346,-1.4200261235237122 0.5066319182515144,-0.7819629460573196 l1.3333998620510101,-1.980043202638626 0.37461258471012115,-0.822385624051094 l1.0557763278484344,-1.5459956228733063 -0.0005450315802590922,-0.9379325062036514 l0.4424170032143593,-0.66095270216465 -0.013889091787859797,-0.7927864044904709 l0.12307781726121902,-0.7964213192462921 0.0924256443977356,-0.988675132393837 l0.1209563110023737,-0.7926470041275024 0.04862545523792505,-0.883210077881813 l-0.003177429607603699,-0.5867182090878487 -0.04626820329576731,-0.5981360375881195 l-0.4343707859516144,-0.1895013451576233 -0.5159049853682518,0.25171948596835136 l-0.43050266802310944,0.11312225833535194 -0.6384801119565964,0.6368758529424667 l-0.6671044230461121,0.9152938425540924 -0.6183939427137375,0.9703939408063889 l-0.5782502889633179,1.033000871539116 -0.6611783802509308,1.1010226607322693 l-0.6520655006170273,1.4055518805980682 -0.6028318777680397,1.5155121684074402 l-0.42698927223682404,1.327885240316391 -0.080846743658185,2.9073286056518555 l-0.06601300090551376,1.6315126419067383 -0.2649877965450287,1.0443902015686035 l-0.12666963040828705,0.9268707036972046 -0.12649486772716045,0.8939985930919647 l-0.09492281824350357,0.8398640155792236 0.34369949251413345,1.2932267785072327 l0.4009711742401123,1.2454244494438171 0.645347461104393,0.9113084524869919 l0.6029639765620232,0.74207603931427 0.9852238744497299,0.6114481762051582 l1.9399963319301605,0.4374323785305023 2.116766721010208,-0.08339913561940193 l0.960281565785408,-0.3394755721092224 0.9998064488172531,-0.19974872469902039 l0.5601764470338821,-0.9493492543697357 0.40036115795373917,-0.6442573666572571 l0.30865762382745743,-0.8204098045825958 0.5623725429177284,-1.1849376559257507 m-42.22519874572754,-21.112143993377686 l-1.5680712461471558,0.2409840188920498 0.018686734838411212,0.22883597761392593 l0.1838456280529499,0.09933700785040855 -0.05152680445462465,0.8265496790409088 l0.0995758268982172,0.46413909643888474 0.0022107624681666493,0.9728621691465378 l0.479024313390255,0.13704834505915642 0.17807560041546822,0.33048130571842194 l0.17738966271281242,0.01314033754169941 0.26930563151836395,-0.04600898828357458 l0.10319988243281841,0.04026818089187145 -0.041055274195969105,-0.025028702802956104 l0.7315175235271454,-0.5373269319534302 0.12389353476464748,-0.13462567701935768 l0.09282980114221573,-0.2043507993221283 0.893305242061615,-0.9526285529136658 l0.2680417336523533,-0.3083318658173084 0.15615100972354412,-0.3413589298725128 l0.04906984977424145,-0.4205888509750366 0.013623591512441635,-0.5543877556920052 l0.21384315565228462,-0.4717150703072548 0.025068523827940226,-0.43902773410081863 l0.10415944270789623,-0.4625525325536728 -0.11487938463687897,0.076000289991498 l-1.3009119033813477,0.3083389066159725 -0.10825473815202713,-0.044682761654257774 l-0.1016342081129551,0.5199155956506729 -0.43324682861566544,0.9522497653961182 \" fill=\"none\" stroke=\"black\" stroke-width=\"1\"/></svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"0.4\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"98.61761704552919\" version=\"1.1\" width=\"180.1722818845883\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:ev=\"http://www.w3.org/2001/xml-events\" xmlns:xlink=\"http://www.w3.org/1999/xlink\"><defs/><rect fill=\"white\" height=\"98.61761704552919\" width=\"180.1722818845883\" x=\"0\" y=\"0\"/><path d=\"M47.26013369858265,52.59255017299438 m-2.0481544733047485,-1.439516693353653 l-2.0272591710090637,-0.0029286896460689604 -3.6053481698036194,-0.6509099900722504 l-2.949618101119995,0.22910747677087784 -2.290540784597397,0.5395785346627235 l-3.5936856269836426,1.1648451536893845 -3.107757866382599,2.412525862455368 l-2.011801302433014,3.3340856432914734 -0.6259682029485703,3.3498579263687134 l0.3233356773853302,3.4888476133346558 1.5319931507110596,3.349098265171051 l2.2007177770137787,2.456406056880951 3.440127968788147,2.235371619462967 l1.3019254803657532,0.4098581150174141 2.6028409600257874,0.14883997850120068 l3.48451167345047,-1.9799478352069855 2.8956982493400574,-4.2648303508758545 l2.5282204151153564,-6.057093143463135 1.559656709432602,-7.031009793281555 l3.603391945362091,-10.526981353759766 2.5232329964637756,-5.499927401542664 l0.25656281039118767,-1.3578946888446808 1.7248453199863434,-3.3474689722061157 l0.8908116817474365,-2.4754169583320618 0.1112492848187685,-1.3071896135807037 l-2.7041208744049072,4.969182908535004 -1.8298009037971497,4.7199031710624695 l-1.4962419867515564,3.490474820137024 -3.067932426929474,11.784061193466187 l-0.7611820101737976,4.7273072600364685 -0.40929362177848816,2.3644158244132996 l0.2156716212630272,3.5775557160377502 0.5225880816578865,1.7492645978927612 l0.9728922694921494,1.2304381281137466 1.676466315984726,0.3982457146048546 l2.5180277228355408,-0.5134505033493042 4.206525087356567,-2.2975419461727142 l2.4870601296424866,-1.9721072912216187 2.290184795856476,-2.7851909399032593 l3.347397744655609,-7.05269455909729 1.0544433444738388,-2.77948796749115 l0.35631798207759857,-0.8344250172376633 -1.4646364748477936,1.3756559789180756 l-1.8014776706695557,3.09422105550766 -1.2791910767555237,5.081821084022522 l-0.2738826349377632,1.6580010950565338 0.26549967005848885,3.5598957538604736 l0.8569087833166122,2.32838898897171 1.5764668583869934,1.8512450158596039 l1.08102448284626,0.5193711072206497 3.8394612073898315,0.2842439152300358 l3.3733680844306946,-0.5868954211473465 5.757579803466797,-3.1553223729133606 l3.870728015899658,-3.3017876744270325 2.4342286586761475,-2.4444574117660522 l3.6295199394226074,-6.252959966659546 1.291077584028244,-3.787052035331726 l0.2752332575619221,-2.772589325904846 -0.4045660048723221,-1.1396272480487823 l-1.731739193201065,-0.13572770170867443 -3.8708552718162537,1.1020705848932266 l-3.179612159729004,2.6459643244743347 -2.416054606437683,3.7387600541114807 l-0.5735184997320175,3.4394580125808716 0.24900473654270172,1.3498036563396454 l1.1506767570972443,3.515026271343231 2.2856485843658447,3.7166571617126465 l2.82155305147171,2.2553877532482147 3.4077170491218567,0.5645915120840073 l3.7436380982398987,-1.205565184354782 4.161000847816467,-2.944364845752716 l2.3095539212226868,-2.7659934759140015 2.115943878889084,-5.919403433799744 l1.4867612719535828,-3.528216779232025 1.7449629306793213,-2.3943370580673218 l2.3599837720394135,-1.9293409585952759 2.9119861125946045,-1.1934835463762283 l3.4188994765281677,-0.244276225566864 1.4918246865272522,0.25509366765618324 l2.4149921536445618,1.9077372550964355 1.6198769211769104,3.0182892084121704 l0.6774212419986725,2.800474762916565 -1.2898492813110352,-2.234192341566086 l-1.7555393278598785,-2.9768070578575134 -3.0050060153007507,-2.609727680683136 l-1.8628519773483276,-0.6169423460960388 -3.0272307991981506,0.249241404235363 l-2.867150902748108,1.0671400278806686 -2.7675318717956543,2.258320450782776 l-2.057706117630005,3.002723455429077 -1.0805311053991318,3.9031529426574707 l0.26197293773293495,3.743143677711487 1.6198746860027313,3.454236090183258 l2.3405857384204865,1.9419178366661072 1.3425712287425995,1.035735309123993 l3.445727825164795,0.7010306417942047 4.05283510684967,-1.116897463798523 l3.9317360520362854,-3.075123131275177 2.9345521330833435,-3.880922794342041 l2.0906803011894226,-5.57978093624115 0.7153636962175369,-6.140072345733643 l0.21411985158920288,-5.9740471839904785 0.5236083641648293,-5.893563628196716 l1.6305941343307495,-3.2759034633636475 -2.049175500869751,4.880892336368561 l-2.4172677099704742,12.062468528747559 -0.6308706104755402,6.05754017829895 l0.025105266831815243,4.168498516082764 0.5355691909790039,2.2726866602897644 l1.1083126068115234,1.41134113073349 2.27514386177063,0.9218139946460724 l1.1771795898675919,0.3025740198791027 2.904706597328186,-0.21682050079107285 l4.073922038078308,-2.114955484867096 5.242754817008972,-4.183282852172852 l3.5470303893089294,-4.231551289558411 2.1109038591384888,-3.9294594526290894 l0.6951509416103363,-2.391023337841034 0.2629823610186577,-1.9037836790084839 l-0.2550164610147476,-1.8752379715442657 -0.9663461893796921,-1.0071402788162231 l-1.4131610095500946,-0.3854738548398018 -2.7019602060317993,1.3110639154911041 l-2.934616804122925,2.9264798760414124 -1.620844453573227,3.516679108142853 l-0.19405299797654152,3.4317046403884888 0.23706786334514618,1.5293778479099274 l1.1685366183519363,3.0729180574417114 0.806567519903183,1.1955784261226654 l2.7629491686820984,2.0318426191806793 2.443927675485611,1.0397452116012573 l2.7718928456306458,0.21440060809254646 2.8036361932754517,-0.07482272107154131 l6.519718170166016,-1.3702094554901123 4.221581220626831,-2.350715398788452 l0.28499675914645195,-0.6733568757772446 -0.8682475239038467,-0.6064857915043831 m-87.38693237304688,-30.471270084381104 l0.06176320370286703,-1.1938871443271637 0.19848348572850227,-0.5462987348437309 l0.11593209579586983,-0.2776750735938549 0.12356171384453773,-0.21758915856480598 l0.04426607862114906,-0.11452009901404381 0.051773348823189735,-0.06061664782464504 l0.09162172675132751,-0.04065684974193573 0.10593702085316181,0.009878132259473205 l0.15176404267549515,0.031237888615578413 0.13026838190853596,0.06404008716344833 l0.11732609011232853,0.10559986345469952 0.07044194266200066,0.11533766053617 l0.11757253669202328,0.12886235490441322 0.14418844133615494,0.12380711734294891 l0.10909976437687874,0.11914690025150776 0.08752639405429363,0.1395996194332838 l0.08844183757901192,0.12752840295433998 0.07105464115738869,0.13427268713712692 l0.06569250952452421,0.07657079957425594 0.035110453609377146,0.07384056225419044 l0.14896046370267868,-0.10683808475732803 0.06947832647711039,-0.03201127517968416 l0.05757573060691357,0.036339296493679285 -0.011787812691181898,0.036823027767241 l-0.012852562358602881,0.0645280908793211 0.00838769308757037,0.05115085747092962 l0.010382311884313822,0.02516836393624544 0.004763657343573868,0.05648897495120764 l0.009455184917896986,0.032380803022533655 0.01237833988852799,0.0777996750548482 l0.009229518473148346,0.06754359230399132 -0.02223170129582286,0.09044614620506763 l-0.0038054524338804185,0.0720613868907094 0.014653916005045176,0.05111859645694494 l0.018917873967438936,0.04066847264766693 -0.012511216336861253,0.03669022349640727 l0.00802568276412785,0.06394393742084503 0.14872160740196705,0.08351202122867107 l0.13634422793984413,0.013461146736517549 0.02793411025777459,0.045271678827703 l0.01627364312298596,0.09997045621275902 -0.0033928590710274875,0.06005946081131697 l0.013577825156971812,0.0545119633898139 0.02375082578510046,0.05978877656161785 l-0.009994164574891329,0.03139683045446873 0.004824502393603325,0.0670279748737812 l0.024069820065051317,0.05959713365882635 0.038627446629107,0.0469676498323679 l0.03899947972968221,0.07610085420310497 0.01957074273377657,0.059087867848575115 l0.028998535126447678,0.07464803755283356 -0.018539685988798738,0.07433874066919088 l0.10570049285888672,-0.0012739520752802491 0.05951390601694584,0.026815899182111025 l0.035459466744214296,0.04702006932348013 0.011168449418619275,0.05589690059423447 l0.029516674112528563,0.08736989460885525 0.3162262588739395,-0.10105411522090435 l0.11538373306393623,0.0028699604445137084 0.007464478840120137,0.050886645913124084 l-0.006338084931485355,0.09809358045458794 -0.024832882918417454,0.10587217286229134 l0.12260262854397297,-0.28767969459295273 0.13637435622513294,-0.01779395272023976 l0.03517563687637448,0.09777138940989971 -0.02566915936768055,0.11898328550159931 l0.11937894858419895,0.07992380298674107 0.03845670260488987,0.09516007266938686 l-0.0230131926946342,0.09285658597946167 -0.026334633585065603,0.11736588552594185 l-0.0012883413000963628,0.1161450520157814 0.008988072513602674,0.10314594954252243 l0.20242474973201752,-0.0642793532460928 0.07765022572129965,0.03746604546904564 l0.18409404903650284,-0.23218901827931404 0.15555947087705135,-0.038131969049572945 l-0.027099724393337965,0.037427402567118406 0.01220800681039691,0.08611058816313744 l-0.01477628480643034,0.10916462168097496 0.08109633810818195,0.12503226287662983 l0.1349722035229206,-0.18289927393198013 0.03198558697476983,0.007071461295709014 l-0.09264965541660786,-0.3171692416071892 0.014646900817751884,-0.0133050128351897 l-0.027805417776107788,0.10738500393927097 -0.03984199836850166,0.1557756494730711 l-0.060612112283706665,0.15809336677193642 -0.044057234190404415,0.11512973345816135 l0.2967820316553116,0.05385803058743477 0.17999833449721336,0.06967616267502308 l0.018907090416178107,0.10000521317124367 0.06204179022461176,0.05557917524129152 l0.02111724577844143,0.09867983870208263 0.02111440058797598,0.049481652677059174 l0.02835116581991315,0.1254766620695591 0.3507864475250244,-0.08989740163087845 l0.2347980998456478,0.012314993655309081 0.06406426895409822,0.09155387058854103 l0.20595556125044823,-0.3061244450509548 0.06060234736651182,0.007352723041549325 l0.11095445603132248,0.07385158911347389 0.09966873563826084,0.041943714022636414 l0.11400941759347916,0.0279669719748199 -0.00873199780471623,0.12408070266246796 l0.11192649602890015,0.11654851026833057 0.15303481370210648,-0.20384298637509346 l0.16176659613847733,0.03695991123095155 0.1277620531618595,0.062236348167061806 l0.1737329550087452,-0.2684197574853897 0.1285621803253889,-0.01987196272239089 l-0.00427211809437722,0.11570190079510212 0.30664077028632164,-0.055355317890644073 l0.277330856770277,0.04301460925489664 0.6203554198145866,-0.11453058570623398 l0.34955166280269623,-0.4294870048761368 0.020506533328443766,-0.008929726900532842 l-0.06595208309590816,0.15113424509763718 0.03461031708866358,0.20529486238956451 l0.08116819895803928,0.18186425790190697 0.07414600811898708,0.12669614516198635 l0.06794662214815617,0.134901637211442 0.005019085365347564,0.1534342486411333 l0.13181905262172222,-0.16241960227489471 0.0383992656134069,0.08141933009028435 l0.06152078974992037,0.08283727802336216 0.06855732295662165,-0.16739578917622566 l0.03428084310144186,-0.0022921068011783063 0.09767210111021996,0.07600628305226564 l0.0879195798188448,0.13558099046349525 0.026800576597452164,0.12708083726465702 l0.060016289353370667,0.09306274354457855 0.045320773497223854,-0.16880886629223824 l0.10602193884551525,0.06442490965127945 0.11371609754860401,-0.16775185242295265 l0.049551404081285,0.06467603612691164 0.16224784776568413,0.127657363191247 l0.06775645539164543,-0.16111129894852638 0.1035393588244915,-0.2486945502460003 \" fill=\"none\" stroke=\"black\" stroke-width=\"1\"/></svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"82.73064933717251\" version=\"1.1\" width=\"342.60560899972916\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:ev=\"http://www.w3.org/2001/xml-events\" xmlns:xlink=\"http://www.w3.org/1999/xlink\"><defs/><rect fill=\"white\" height=\"82.73064933717251\" width=\"342.60560899972916\" x=\"0\" y=\"0\"/><path d=\"M25,26.867400351911783 m6.769773960113525,-1.245144084095955 l4.412252604961395,0.074556153267622 6.7568278312683105,0.5269657075405121 l6.828834414482117,-0.4742048308253288 8.961833715438843,-0.2249164879322052 l9.48384702205658,-0.5246568098664284 12.928051948547363,1.6026493906974792 l13.842755556106567,3.0494198203086853 9.652162790298462,0.35665668547153473 l9.649283289909363,0.7819604128599167 6.024790406227112,1.2155934423208237 l5.2266925573349,2.0993393659591675 3.883674442768097,1.874280571937561 l2.865646779537201,1.7546245455741882 2.7942782640457153,2.024097740650177 l2.237063944339752,2.069488763809204 2.1606163680553436,1.889321208000183 l2.1418701112270355,1.6575728356838226 41.54846668243408,9.569311141967773 l18.26012372970581,2.0587973296642303 20.84850311279297,0.39173826575279236 l20.732381343841553,0.33579781651496887 9.273626208305359,-0.43159089982509613 l10.36109447479248,-0.05478758830577135 15.268287658691406,-0.3572101518511772 l12.477833032608032,0.2344335988163948 8.126499056816101,-0.9745189547538757 l19.08853769302368,-0.8715436607599258 \" fill=\"none\" stroke=\"black\" stroke-width=\"1\"/></svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"82.3859766125679\" version=\"1.1\" width=\"100.05636296235025\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:ev=\"http://www.w3.org/2001/xml-events\" xmlns:xlink=\"http://www.w3.org/1999/xlink\"><defs/><rect fill=\"white\" height=\"82.3859766125679\" width=\"100.05636296235025\" x=\"0\" y=\"0\"/><path d=\"M35.010661817213986,43.81648569164099 m-2.3210039734840393,0.6051174178719521 l0.04017729312181473,0.4743465781211853 -1.04050911962986,0.5843068286776543 l-0.021441862918436527,0.5110633373260498 -1.0698410868644714,1.0018689185380936 l-0.6319045275449753,1.201169192790985 0.20250080153346062,0.4589090496301651 l-0.10214191861450672,0.39080921560525894 -0.048663243651390076,0.30343612655997276 l-0.34564636647701263,0.33400606364011765 -0.11020599864423275,2.3156067728996277 l-0.04131746478378773,3.024659752845764 0.4569508880376816,0.4746158793568611 l0.4463456943631172,0.34909017384052277 0.4151963070034981,0.24720657616853714 l0.4077368974685669,0.07151470519602299 0.6202194467186928,0.17506003379821777 l1.949206292629242,-1.4603012800216675 -0.06381267681717873,-1.1053653806447983 l0.7226902991533279,-1.5491238236427307 -0.11398022994399071,-1.4939408004283905 l-0.10608432814478874,-1.5330977737903595 -0.11639983393251896,-0.7779702544212341 l-0.1272771041840315,-0.7732326537370682 -0.9591490775346756,-6.113772392272949 l-0.5046793818473816,-1.0910142213106155 -0.9504910558462143,-6.809856295585632 l-0.9526397287845612,-3.40332567691803 -0.3998591750860214,-0.9823368489742279 l-0.5362189188599586,-0.289839506149292 -0.0437619024887681,0.502617247402668 l-0.04758977796882391,1.7614099383354187 -0.30755892395973206,0.6442724168300629 l-0.07958340458571911,4.723929464817047 0.6278637051582336,0.9958500415086746 l-0.06812724750488997,3.210040032863617 0.6353678554296494,0.9380079060792923 l-0.060200407169759274,2.3953430354595184 0.471375547349453,0.9744467586278915 l-0.06754220928996801,1.9435107707977295 0.4172058030962944,0.30223218724131584 l-0.07808373775333166,1.3568168878555298 0.3504149615764618,0.4494275152683258 l-0.08248602040112019,1.2731337547302246 -0.053224642761051655,1.6982696950435638 l0.2899513952434063,0.3636607155203819 -0.06208167411386967,0.933048278093338 l0.3913458436727524,0.011391901643946767 -0.06293677259236574,0.6612658500671387 l0.44366754591464996,0.011553317308425903 0.28828589245676994,-0.2105943113565445 l0.5149510502815247,0.007781465537846088 0.2857706882059574,-0.36834653466939926 l0.24838412180542946,-0.38121093064546585 0.7929416745901108,-0.5843498185276985 l0.061519588343799114,-0.24400921538472176 2.136831283569336,-2.7894973754882812 l-0.04672143142670393,-0.39375871419906616 1.1803286522626877,-2.0202386379241943 l-0.046493010595440865,-0.774848535656929 -0.07753262296319008,-0.49906354397535324 l-0.07411064580082893,-0.4286966100335121 -0.06763853598386049,-0.10861726477742195 l0.0035419847699813545,-0.45512471348047256 -0.037607739213854074,-0.3411196917295456 l-0.03791426541283727,0.042582666501402855 -0.03216802841052413,0.02556595951318741 l-0.07796225603669882,0.0024946877965703607 -0.03211184870451689,0.6417375057935715 l-0.43262697756290436,1.0593218356370926 -0.02836876315996051,1.7588235437870026 l-0.05002319347113371,1.2251397222280502 0.2888520807027817,-0.05918176844716072 l-0.02745295874774456,0.49431193619966507 0.2689470909535885,0.01730264164507389 l0.39624888449907303,0.15971925109624863 0.8652682602405548,0.539248026907444 l1.1923179775476456,-0.017326991073787212 1.1755262315273285,-0.560082383453846 l1.9569022953510284,-1.0623729974031448 1.2855616211891174,-1.1716772615909576 l2.0931755006313324,-1.6766484081745148 0.4597361385822296,-0.7222277671098709 l-0.05178835242986679,-0.5842301622033119 0.6478292495012283,-0.8696097880601883 l-0.06070874631404877,-0.6466703116893768 0.016315283719450235,-0.585896335542202 l-0.05651232320815325,-0.9543612599372864 -0.3913671523332596,-0.19926168024539948 l-0.034720420371741056,-0.5972398817539215 -1.2703882157802582,0.32213766127824783 l-0.6730834394693375,0.3203188627958298 -0.9340884536504745,0.7398638129234314 l-0.49021679908037186,1.3125137984752655 -0.6021484732627869,0.4030381888151169 l0.02449714345857501,0.6056081503629684 -0.49875687807798386,0.5009652674198151 l-0.04821732174605131,2.656583786010742 -0.005308423424139619,2.2751252353191376 l-0.04544958472251892,1.6872939467430115 0.3209446743130684,0.431007482111454 l0.4526715725660324,1.58280149102211 0.28150226920843124,0.5931005626916885 l0.48267457634210587,0.9511123597621918 1.3982406258583069,-0.03106029238551855 l0.8899737149477005,-0.007503138622269034 0.9485812485218048,-0.002578998391982168 l0.5544785037636757,-0.6235222145915031 1.3465742766857147,-0.8592316508293152 l1.274528056383133,-1.262502670288086 0.5409741029143333,-0.9930641949176788 l0.5184802040457726,-0.3730648383498192 0.3499435633420944,-1.0001873970031738 l1.1420686542987823,-1.188839003443718 1.0927575826644897,-1.7833061516284943 l0.3719719499349594,-0.16793636605143547 0.023843729868531227,-0.5166224762797356 l0.27748269960284233,0.04652295261621475 0.8007266372442245,-0.8597753942012787 l0.6496431678533554,-0.9856659173965454 0.37284746766090393,-0.12735686264932156 l0.1333450060337782,-0.2668347582221031 0.22369049489498138,-0.06570228841155767 l0.050878929905593395,-0.17620710656046867 -0.08997999131679535,-0.37769604474306107 l-0.6147183477878571,0.6645370274782181 -0.38568422198295593,-0.1749497652053833 l0.042882864363491535,0.3411399573087692 -0.31506408005952835,-0.2047870121896267 l-1.1237313598394394,1.0829424858093262 -1.2355986982584,1.2950707972049713 l-1.3155429065227509,1.9188292324543 -1.2716485559940338,3.4579303860664368 l-0.07955130189657211,0.6296911835670471 -0.05018243566155434,1.2239935994148254 l0.3551773354411125,1.5115873515605927 -0.021692945156246424,0.7857879251241684 l-0.045763771049678326,1.0751207172870636 1.8251371383666992,-0.022477309685200453 l0.5219249427318573,0.2681347727775574 1.273903250694275,-0.6674312055110931 l0.6708254665136337,-0.9813152998685837 1.1840617656707764,-1.0246580839157104 l1.7725357413291931,-3.387957811355591 1.6505888104438782,-3.801833689212799 l1.2957191467285156,-4.642953872680664 1.0472602397203445,-4.8814040422439575 l0.41935358196496964,-1.8834803998470306 -0.054916245862841606,-1.7219418287277222 l-0.03202796448022127,-0.7460011541843414 -0.051938872784376144,-1.514519602060318 l-0.003024599573109299,-1.5181443095207214 -0.06066322326660156,-1.3556215167045593 l-0.06332645658403635,-1.6338054835796356 -0.05275730509310961,-1.062980368733406 l-0.050499062053859234,-0.9713124483823776 -0.018315889174118638,-0.5906154960393906 l-0.04182599484920502,0.04595933482050896 -0.38228537887334824,0.11824063956737518 l-0.5594814941287041,1.2165070325136185 -0.23725789040327072,0.6333252787590027 l-0.33165566623210907,0.7838381081819534 -0.4371349513530731,1.824212223291397 l-0.21760962903499603,1.1085408926010132 -0.059215850196778774,2.4261298775672913 l-0.4446115717291832,2.1686051785945892 -0.05359892267733812,3.271491825580597 l-0.28281688690185547,3.6912456154823303 -0.03414577804505825,3.115709125995636 l0.27898915112018585,1.3764601945877075 0.4878958687186241,2.63604998588562 l0.7380305975675583,1.124262586236 1.3269469141960144,1.1795254051685333 l1.7509755492210388,0.12371550314128399 0.6974223256111145,-0.16835371032357216 l1.1760253459215164,-0.3668999671936035 1.3070286810398102,-0.7773347198963165 l0.6093127280473709,-0.9683647006750107 1.8487487733364105,-1.8226000666618347 l1.5807762742042542,-2.9841148853302 1.5240757167339325,-2.5885766744613647 l0.20301109179854393,-1.8358135223388672 0.21800866350531578,-1.1509256064891815 l-0.06177641451358795,-1.075379028916359 -0.4216478392481804,-0.7476714998483658 l-0.5805864185094833,-0.7838118076324463 -1.0177918523550034,-0.13694079592823982 l-1.1368875950574875,0.569288358092308 -1.1296965181827545,0.7658638805150986 l-2.318137139081955,3.490059971809387 -0.987580418586731,2.739204168319702 l-0.570284016430378,0.7580988854169846 -0.04913711454719305,4.232698678970337 l-0.4339619353413582,0.7589442282915115 -0.05755198188126087,1.721460223197937 l-0.13439261354506016,0.7806476205587387 0.002482896961737424,1.3122646510601044 l1.8838942050933838,2.2134868800640106 1.4871355891227722,0.40603000670671463 l2.2669363021850586,0.01814305200241506 1.3429807126522064,-0.7270412147045135 l3.2949379086494446,-3.058944046497345 1.1155733466148376,-2.6018720865249634 m-49.346113204956055,-7.984331846237183 l-0.21061472594738007,2.218361049890518 -0.41111234575510025,0.13359357602894306 l-0.08852268569171429,0.9150967001914978 0.3094552457332611,0.00922446371987462 l-0.061258282512426376,0.24694565683603287 -0.03323229495435953,0.2135620452463627 l-0.0292448652908206,0.253021027892828 -0.047487025149166584,0.35432174801826477 l1.0207890719175339,-0.130836246535182 1.1188788712024689,-0.794379860162735 l0.76362244784832,0.07487141992896795 0.3745916113257408,-0.5749427527189255 l0.8877110481262207,-0.9614374488592148 0.5367213115096092,-0.6759176403284073 l0.34442514181137085,-0.5570544674992561 -0.036408703308552504,-0.8809893578290939 l-0.06676494143903255,-0.9668194502592087 -0.06869902834296227,-0.8214080333709717 l-0.4729510471224785,-0.4598795250058174 -0.08171271532773972,-0.3191201388835907 l-1.4555765688419342,-0.38920797407627106 -0.5744035914540291,0.6917659193277359 l-1.2332818657159805,1.0678093880414963 -0.7131990790367126,0.5607323348522186 \" fill=\"none\" stroke=\"black\" stroke-width=\"1\"/></svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"84.58159681154484\" version=\"1.1\" width=\"87.26768658452784\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:ev=\"http://www.w3.org/2001/xml-events\" xmlns:xlink=\"http://www.w3.org/1999/xlink\"><defs/><rect fill=\"white\" height=\"84.58159681154484\" width=\"87.26768658452784\" x=\"0\" y=\"0\"/><path d=\"M41.19858194608241,41.65230199403595 m-0.7075954973697662,0.4046865925192833 l-2.838197350502014,0.0631271256133914 -1.8972155451774597,-0.03248262917622924 l-0.3305380046367645,0.29806507751345634 -0.28609801083803177,0.20665938034653664 l-0.46096552163362503,0.16825618222355843 -0.5437849089503288,0.15727920457720757 l-0.36426614969968796,0.2549181133508682 -0.32560642808675766,0.3149164840579033 l-0.4240599274635315,0.3116163983941078 -1.7363174259662628,-0.044379839673638344 l-0.428520143032074,0.4443599283695221 -0.24580972269177437,0.4220418632030487 l-0.8262328803539276,-0.08405267260968685 -0.4297483339905739,0.3026312403380871 l-0.39745032787323,0.32229434698820114 -0.4121978208422661,0.14687540009617805 l-0.4550648480653763,0.2671470120549202 -0.44089358299970627,0.30214453116059303 l-0.28536228463053703,0.16410110518336296 -0.46595998108386993,0.31385309994220734 l-0.2507820725440979,0.23088455200195312 -0.2516971156001091,0.26339059695601463 l-0.42578108608722687,0.38360390812158585 -0.3947107493877411,0.4474542662501335 l-0.3727331757545471,0.43858587741851807 -0.060698529705405235,0.6320582330226898 l-0.09950998239219189,0.5338789522647858 -0.040784538723528385,0.7781486213207245 l0.4145257920026779,0.7410646229982376 -0.030774937476962805,0.8172199130058289 l0.24964656680822372,0.3525809571146965 0.351904034614563,0.2909325622022152 l0.2779162861406803,0.30819015577435493 0.558001734316349,0.22594686597585678 l0.6948253512382507,0.3836977481842041 0.6217225641012192,-0.07254747673869133 l1.5289779007434845,0.021416053641587496 2.3021022975444794,0.0036420795368030667 l0.6864374130964279,-0.36212436854839325 0.629950687289238,-0.13757659122347832 l0.5966528877615929,-0.33196549862623215 0.5821182578802109,-0.2391367405653 l0.6887109577655792,-0.0750874076038599 0.5469721928238869,-0.45516595244407654 l0.4426496848464012,-0.35849999636411667 0.7386042177677155,-0.04517273046076298 l0.4957892373204231,-0.4319755733013153 0.5294135212898254,-0.5435698106884956 l0.6691344082355499,-0.11337002739310265 0.6261555850505829,-0.2524477243423462 l0.6070234999060631,-0.27001742273569107 0.5177463218569756,-0.4491839185357094 l0.04387396853417158,-0.5296289920806885 0.5863668024539948,-0.367676317691803 l0.873238816857338,-0.6180009990930557 0.933678075671196,-0.7249417155981064 l0.23546002805233002,-0.4916941002011299 0.3233438730239868,-0.46772509813308716 l0.9748608618974686,-0.8354495465755463 0.21662220358848572,-0.5407951772212982 l0.3190457820892334,-0.5754687637090683 0.2925548143684864,-0.6047970429062843 l0.3677557408809662,-0.5216960608959198 0.3427012264728546,-0.556301437318325 l0.3712316229939461,-0.5479075014591217 0.40620971471071243,-0.5345179885625839 l0.30815495178103447,-0.5218491330742836 0.3804255649447441,-0.5200915783643723 l0.3552249073982239,-0.4952973499894142 0.33464401960372925,-0.48184145241975784 l0.28668077662587166,-0.493679903447628 0.28693219646811485,-0.46281859278678894 l0.3150754049420357,-0.45569296926259995 0.23455560207366943,-0.45456238090991974 l0.29558414593338966,-0.4333680495619774 0.24794656783342361,-0.4209461808204651 l0.2892615273594856,-0.4605500027537346 0.3191026672720909,-0.4270007833838463 l0.2409692294895649,-0.4578360915184021 0.30886486172676086,-0.4130195081233978 l0.26577480137348175,-0.42643919587135315 0.27258435264229774,-0.4530008137226105 l0.29214657843112946,-0.42723987251520157 0.29159991070628166,-0.44126082211732864 l0.2706804499030113,-0.4609766975045204 0.3379790112376213,-0.41339267045259476 l0.24402283132076263,-0.5100345239043236 0.35903099924325943,-0.4291100800037384 l0.2511321008205414,-0.48398442566394806 0.436071939766407,-0.4247841238975525 l0.20616745576262474,-0.48736631870269775 0.361429788172245,-0.4213252663612366 l0.23708801716566086,-0.7567081600427628 0.3421793133020401,-0.63510961830616 l0.30608706176280975,-0.426352396607399 0.0643391627818346,-0.7461811602115631 l0.25825196877121925,-0.560779944062233 0.5171851813793182,-0.4709191247820854 l-0.5425124242901802,-0.05574118345975876 0.02277239691466093,-0.32221347093582153 l-0.23938482627272606,-0.303140077739954 -0.689762607216835,0.3018888831138611 l0.19262004643678665,0.37129316478967667 -0.528416633605957,-0.022033045534044504 l-0.493418350815773,0.4374230280518532 -0.6085865572094917,0.6005818024277687 l-0.6831307709217072,0.6346788257360458 -0.7667688280344009,0.7772132754325867 l-0.7861524820327759,0.7848779857158661 -0.5433635413646698,0.12784362770617008 l-0.6201959401369095,1.0558819025754929 -0.7409850507974625,0.6906509399414062 l-0.13250229880213737,0.33287961035966873 -0.5839903652667999,0.3525589406490326 l-0.4768911376595497,0.689709335565567 -0.1037988904863596,0.40823526680469513 l-0.47693390399217606,0.3494713827967644 -0.46923354268074036,0.31634073704481125 l-0.3996509313583374,0.3805099427700043 -0.3583711013197899,0.5039674788713455 l-0.48529837280511856,0.5834633111953735 -0.43336011469364166,0.3864133358001709 l-0.4071245715022087,0.3412947431206703 -0.41137848049402237,0.7943388819694519 l-0.44646527618169785,0.7746788114309311 -0.38739409297704697,0.41795991361141205 l-0.35662345588207245,0.3622044622898102 -0.3429463878273964,0.3348388895392418 l-0.12377161532640457,0.47366946935653687 -0.2731305733323097,0.352824442088604 l-0.029467684216797352,0.5187645554542542 -0.2107013575732708,0.3391987085342407 l-0.46579286456108093,0.3511425852775574 -0.062410589307546616,0.46511396765708923 l-0.24271130561828613,0.43373752385377884 -0.19730055704712868,0.46629060059785843 l-0.21831775084137917,0.46061549335718155 -0.21611416712403297,0.3404254838824272 l0.020506519358605146,0.6708157062530518 -0.0017122433928307146,0.7126149535179138 l-0.0028500056941993535,0.7761292159557343 -0.3346727415919304,0.39730288088321686 l-0.2506757527589798,0.333675779402256 -0.30175456777215004,0.36105144768953323 l-0.04445207770913839,0.7840511202812195 -0.04042151849716902,0.9046506136655807 l-0.020402264781296253,0.9698771685361862 -0.14748170040547848,0.39685122668743134 l-0.05405296105891466,0.7041701674461365 0.2985060401260853,0.2590237930417061 l0.9580735862255096,0.12054615654051304 1.6062495112419128,0.10838327929377556 l1.5447783470153809,0.0676176929846406 1.162891536951065,0.05118506494909525 l1.071275919675827,0.02319074235856533 0.9121112525463104,0.015113364206627011 l0.4860753193497658,-0.06719041615724564 0.8484286069869995,0.015487076016142964 l0.9994486719369888,-0.0033402827102690935 0.7536653429269791,-0.04158235155045986 l0.6200402602553368,-0.5859283357858658 0.5668889731168747,-0.07641545031219721 l0.5338681116700172,-0.07239607162773609 0.6278609484434128,-0.5760388076305389 l0.47245629131793976,-0.046738553792238235 1.3211670517921448,-0.7232299447059631 l0.1960897445678711,-0.11777292937040329 0.561104454100132,-0.4614657908678055 l0.2261081151664257,-0.09742578491568565 0.23871617391705513,-0.11652899906039238 l0.5837102234363556,-0.04696500487625599 0.10276293382048607,-0.1420638058334589 l0.367814302444458,-0.057148574851453304 0.05102255381643772,-0.12893415056169033 l0.09412815794348717,-0.10449806228280067 0.6345143169164658,-0.25375235825777054 l0.6572668999433517,-0.1968536525964737 0.08025272749364376,-0.11494644917547703 l0.11614687740802765,-0.08419097401201725 0.05110087338835001,-0.13297160156071186 l0.05244332831352949,-0.1084738690406084 0.03082208102568984,-0.1279229111969471 l0.3427806869149208,-0.130064832046628 0.26899924501776695,0.0008341061766259372 l0.055055683478713036,-0.15766261145472527 0.07662749383598566,-0.18331455066800117 l0.19677262753248215,-0.009791968623176217 0.1616915501654148,-0.2034110575914383 l-0.020355768501758575,-0.7558643817901611 0.036909193731844425,-0.24254288524389267 l0.011454935884103179,-0.1804252527654171 -0.25511329993605614,-0.013727241894230247 l-0.01563066733069718,-0.18245548009872437 -0.30801359564065933,-0.24790288880467415 l-0.43527454137802124,-0.011735515436157584 -0.06734883412718773,-0.1903873309493065 l-0.370539128780365,-0.04325381014496088 -0.5513216927647591,0.03824515733867884 l-0.98816879093647,0.010325110051780939 -1.1199472844600677,0.013174376217648387 l-0.6486175954341888,-0.006883452879264951 -0.8670862019062042,0.0009981985931517556 l-0.19948169589042664,0.11878049932420254 -0.2704166807234287,0.0929645448923111 l-0.10378197766840458,0.15549230389297009 -0.5046351626515388,0.019052044954150915 l-0.058964928612113,0.23227771744132042 -0.7523100078105927,0.6160195171833038 l-0.05591316148638725,0.36675576120615005 -0.8585993200540543,0.6089990586042404 l-0.03912569023668766,0.4557068645954132 -0.02950414316728711,0.39735354483127594 l-0.05115807522088289,0.3402303531765938 -0.3726443648338318,0.5191252008080482 l-0.020947132725268602,0.6733675301074982 -0.0322377891279757,0.6931925565004349 l-0.018157497979700565,0.7154718041419983 -0.001333622494712472,0.6721746176481247 l0.0012814209912903607,0.6754545867443085 0.0450654374435544,0.24070551618933678 l0.007954156608320773,0.46211913228034973 0.23445473983883858,0.014244463527575135 l-0.02934357849881053,0.44456426054239273 0.17317092046141624,0.018421337008476257 l-0.04750925116240978,0.3631332889199257 0.17529871314764023,0.02762099029496312 l0.2353433147072792,-0.0016278837574645877 0.2671956270933151,-0.01308466074988246 l0.30737999826669693,-0.03075466025620699 0.3065468370914459,-0.026254050899297 l0.3267686441540718,-0.04261251073330641 0.3230680525302887,-0.055393888615071774 l0.4754844680428505,-0.0020366080570966005 0.31295277178287506,-0.07537254132330418 l0.22320261225104332,-0.09844252839684486 0.38869477808475494,0.02723900368437171 l0.36562398076057434,0.057000406086444855 0.36062419414520264,0.03625556128099561 l0.1630152389407158,-0.09868324734270573 0.44797442853450775,0.029433073941618204 l0.4327894002199173,0.03347931895405054 0.5268435925245285,0.00033926804462680593 l0.5577694997191429,-0.009202659712173045 0.6006958708167076,-0.030085353646427393 l0.6151511520147324,-0.016915982123464346 0.5871931090950966,-0.023211967200040817 l0.6282354891300201,-0.021852459758520126 0.26924801990389824,-0.1857924647629261 l0.3842160850763321,0.11864976026117802 0.35938337445259094,0.06696188822388649 l0.27172934263944626,0.0009266464621759951 0.3499922901391983,0.04322006367146969 l0.14843597076833248,-0.22002100944519043 0.328897088766098,0.07760998792946339 l0.2958903834223747,0.0009538582526147366 0.1706264540553093,0.07289329543709755 l0.034654384944587946,0.07979623042047024 0.05034040194004774,-0.21903371438384056 l0.016507799737155437,-0.014840704388916492 -0.09485836140811443,0.08409388363361359 l-0.16250621527433395,0.09364246390759945 -0.1717887818813324,0.0976177491247654 l0.18384452909231186,-0.47782938927412033 0.06763802375644445,0.10917184874415398 l-0.07254275493323803,-0.034603390377014875 0.04181676544249058,0.04424049984663725 l-0.008197801653295755,-0.21327786147594452 -0.08348040282726288,0.08077552542090416 l0.00961518322583288,0.12840869836509228 -0.08226254023611546,-0.005137142143212259 l-0.041058012284338474,0.07425108924508095 -0.09054097346961498,0.07094933185726404 l-0.09634999558329582,0.1618889905512333 -0.048113507218658924,0.10512270033359528 l-0.09812640026211739,0.20858852192759514 -0.09607893414795399,0.15112225897610188 l-0.08817240595817566,0.012450664071366191 -0.10423549450933933,0.15962321311235428 l-0.10885855183005333,0.15362468548119068 -0.11259183287620544,0.2503122203052044 l-0.11570915579795837,0.25347815826535225 -0.10843305848538876,0.17543120309710503 l-0.05706942640244961,0.09523219428956509 -0.03665348747745156,0.11656290851533413 l0.053283730521798134,0.0831009540706873 0.07968910038471222,0.06485482677817345 l-0.08731013163924217,0.016757320845499635 -0.07873131893575191,0.044408710673451424 l0.08914177305996418,0.03318554721772671 -0.00726922124158591,-0.02613815013319254 l0.1178185548633337,0.04276742693036795 0.13781612738966942,0.02412178087979555 l0.15862146392464638,0.02878459868952632 0.18945682793855667,0.03115719184279442 l-0.04896414000540972,-0.2540735714137554 -0.04163611214607954,-0.16102124005556107 l0.1543054450303316,0.02494637155905366 -0.043554375879466534,-0.019401267636567354 l-0.009806138696148992,-0.15031024813652039 -0.037279578391462564,-0.17284883186221123 l-0.040533230639994144,-0.12863644398748875 0.027816391084343195,0.028113489970564842 l-0.03893847577273846,-0.1114324014633894 -0.01274910755455494,0.02166770165786147 l-0.051649888046085835,-0.16253389418125153 -0.05203484557569027,-0.11601726524531841 l-0.05965697579085827,0.035825998056679964 -0.08745769970119,0.03899128409102559 l-0.1045060995966196,0.020268268417567015 -0.09425656870007515,0.03368570702150464 l-0.06724743638187647,-0.12288456782698631 -0.07902237586677074,-0.005642728065140545 l-0.0679611461237073,-0.01675856183283031 -0.09748064912855625,0.04948711022734642 l-0.12264925055205822,0.04827549681067467 -0.08254406973719597,-0.020215942058712244 l-0.08046778850257397,0.045243832282721996 -0.1065203920006752,0.05061901640146971 l-0.09029723703861237,0.04573648329824209 -0.06997103802859783,0.045113093219697475 l-0.08887464180588722,0.049732280895113945 -0.07911221124231815,0.06273983977735043 l-0.06343093700706959,0.04666310269385576 -0.09946157224476337,0.1217514555901289 l-0.06282176356762648,0.04745404701679945 -0.018148156814277172,0.03842238802462816 l-0.030728767160326242,0.0384487584233284 0.013749283971264958,0.03932667896151543 l0.02632153918966651,0.03435828723013401 0.010177094954997301,0.02877751598134637 l0.03310169093310833,0.027019865810871124 0.04456846509128809,0.0461706705391407 l0.056136175990104675,0.03655132604762912 0.06689880974590778,0.03464439418166876 l0.05010916851460934,0.035273919347673655 -0.08000208996236324,-0.09002791717648506 l0.06255903746932745,0.01754554803483188 0.0832065474241972,0.013965556863695383 l-0.06787326652556658,-0.07129727397114038 0.05510297603905201,0.0401541031897068 l0.05212035030126572,0.026043402031064034 0.011797779006883502,-0.0242581102065742 l-0.06995812058448792,-0.11364533565938473 0.060847336426377296,0.049003264866769314 l0.005428826552815735,0.03389253048226237 0.011262774933129549,0.03666570642963052 l0.01999658066779375,0.03900889540091157 -0.06903611123561859,-0.14498735778033733 l0.016353470273315907,-0.045952131040394306 -0.05846859887242317,-0.14721671119332314 l-0.014737735036760569,0.049129840917885303 -0.0646416936069727,-0.020461315289139748 l-0.06343019660562277,0.05130600184202194 -0.09872818365693092,0.044516357593238354 l-0.346185564994812,0.0033438863465562463 -0.07884556427598,-0.1009548082947731 l-0.09350820444524288,0.03279021941125393 -0.12441259808838367,0.06984150968492031 l-0.08076006546616554,0.013410174287855625 -0.13943281956017017,0.04692549351602793 l-0.1376236230134964,0.057145850732922554 -0.10060292668640614,0.06035798694938421 l-0.3808325529098511,0.010248663602396846 -0.1311593223363161,0.05910665262490511 l-0.12086253613233566,0.04812943283468485 -0.12337879277765751,0.06193664390593767 l-0.12729071080684662,0.06524999625980854 -0.11533734388649464,0.04757057875394821 l-0.12291044928133488,0.1304111909121275 -0.11130965314805508,0.044612204656004906 l-0.08964688517153263,0.04557361360639334 -0.09290930815041065,0.049255783669650555 l-0.09122403338551521,0.04459322430193424 -0.05836429074406624,0.0593362282961607 l-0.069944909773767,0.03317072754725814 -0.030784253031015396,0.05471674259752035 l-0.05319572053849697,0.049359588883817196 0.004185260913800448,0.054833018220961094 l-0.08026855066418648,-0.004328399081714451 -0.11098277755081654,0.09415539912879467 l-0.10587774217128754,0.1094086654484272 -0.01054098247550428,0.02449787687510252 l0.0156656326726079,0.037637518253177404 0.0023943679116200656,-0.002846407296601683 l0.023931877221912146,0.025485865771770477 -0.09245814755558968,0.01703366287983954 l-0.025809467770159245,-0.05880107171833515 0.04475065041333437,0.03332663793116808 l0.01718851155601442,0.027201753109693527 0.0272070593200624,0.01466845627874136 l0.028281991835683584,0.014858851209282875 0.0022229677415452898,0.017149444902315736 l0.036428142338991165,0.0289868819527328 0.0382852996699512,0.028359643183648586 l0.05113300867378712,0.013974234461784363 -0.06739212200045586,0.018207483226433396 l0.03835122101008892,0.028497029561549425 0.04190905950963497,0.010193840134888887 l0.04881784785538912,0.011411515297368169 0.0516384607180953,0.01771791372448206 l0.03269399516284466,0.00979932607151568 -0.06381731946021318,-0.09027084335684776 l0.0441794004291296,0.03181814216077328 -0.07717460859566927,-0.018987124785780907 l-0.06604703608900309,-0.082866745069623 0.01328803482465446,0.011584459571167827 l-0.011559671256691217,0.026230195071548223 -0.06694096140563488,-0.034155119210481644 l-0.07480720058083534,0.01715604099445045 0.0020012744062114507,-0.004752989625558257 l0.00423235964262858,0.02995954593643546 -0.2621513605117798,0.005966800381429493 l-0.06578226573765278,0.04721443634480238 -0.09110732935369015,0.03001066856086254 l-0.062423632480204105,0.032423862721771 -0.04400340374559164,0.05373017396777868 l-0.09468791075050831,0.028897991869598627 -0.0694107124581933,0.043005538173019886 l-0.07627519313246012,0.033274281304329634 -0.07772237528115511,0.02544590039178729 l-0.04505275283008814,0.03875982481986284 -0.08568388409912586,-0.005795616307295859 l-0.08366170339286327,0.02763474825769663 -0.06605606526136398,0.03500067861750722 l-0.08450258523225784,0.06283697672188282 0.017860010266304016,0.00635859090834856 l-0.005985993193462491,0.025059718172997236 -0.03472123993560672,0.039883372373878956 l-0.06162852514535189,0.031349214259535074 -0.07696602027863264,-0.03507779911160469 l-0.051894295029342175,0.033254893496632576 -0.04805905744433403,0.03631282597780228 l-0.03941253758966923,0.0375904212705791 -0.04024732857942581,0.03630171064287424 l-0.08398637175559998,0.027882999274879694 -0.0313518475741148,0.03275489900261164 l-0.08203918114304543,0.00019039811377297156 -0.05308135878294706,0.03637306159362197 l-0.04214482381939888,0.03962534014135599 -0.05696740932762623,0.04681382328271866 l-0.05422108806669712,0.023138851393014193 -0.03901377785950899,0.029644377063959837 l-0.03408151911571622,0.03262787591665983 0.025439010933041573,-0.008784527890384197 l-0.03357779234647751,0.03260015742853284 -0.02424393082037568,0.0366532988846302 l-0.009278117213398218,0.03239421173930168 -0.047438801266252995,0.02128187334164977 l-0.0021059125720057636,0.03350349608808756 -0.036947696935385466,0.013619847595691681 l-0.08474539965391159,-7.278926204890013e-05 -0.013982774689793587,0.032900916412472725 l-0.02963811159133911,0.014561833813786507 -0.021821772679686546,0.03464847803115845 l-0.020456856582313776,0.0445556640625 -0.07526223082095385,0.01128197181969881 l-0.007479895139113069,0.028701266273856163 0.03341134171932936,-0.010739886201918125 l-0.016240307595580816,0.022652102634310722 -0.07195805665105581,-0.056506283581256866 l-0.013040304183959961,0.02713576890528202 -0.00549539050552994,0.05250603426247835 l-0.05396690685302019,0.024367296136915684 -0.036248976830393076,0.03890730673447251 l-0.04948120564222336,0.03810226218774915 -0.0056794192641973495,0.0381455197930336 l-0.056080613285303116,0.030059728305786848 -0.08508753962814808,-0.03429274307563901 l-0.02120352117344737,0.0373092875815928 -0.028338818810880184,0.031474728602916 l-0.03417945001274347,0.02660501515492797 -0.022056999150663614,0.03934561274945736 l-0.035077473148703575,0.041941762901842594 -0.02594249788671732,0.03289362182840705 l0.018270635046064854,-0.014468501321971416 -0.03113912185654044,0.022970261052250862 l0.02387647284194827,-0.016183187253773212 -0.07574083749204874,0.041755796410143375 l-0.08111570030450821,0.042939879931509495 -0.002023238193942234,0.03238680539652705 l-0.08267988450825214,-0.011232142569497228 -0.04758390597999096,0.03731798613443971 l-0.039181699976325035,0.03785767825320363 -0.0384102133102715,0.02031545154750347 l-0.04280697088688612,0.040316907688975334 -0.03871714696288109,0.016650259494781494 l-0.05159095395356417,0.02718595089390874 -0.017284381901845336,0.03660369897261262 l-0.04687548615038395,0.026538139209151268 0.03620843170210719,-0.008375680772587657 l0.011468569282442331,0.03428268479183316 -0.053181531839072704,0.03908023238182068 l-0.023792237043380737,0.031366837210953236 -0.04448341205716133,0.02035442041233182 l-0.017691320972517133,0.03392809769138694 -0.07723367772996426,0.03487476613372564 l-0.03133549587801099,-0.05439164116978645 -0.025822464376688004,0.02156344475224614 l-0.021735019981861115,0.04497080575674772 -0.025774778332561255,0.03315398236736655 l-0.042561283335089684,0.044832415878772736 -0.05690299905836582,0.04472863394767046 l-0.046385894529521465,0.01656533218920231 -0.08939551189541817,0.0452469801530242 l-0.03572226967662573,0.03176774363964796 -0.03303075674921274,0.04466574639081955 l-0.029511142056435347,0.03630370832979679 -0.0450628437101841,0.02874232828617096 l-0.027179892640560865,0.030318195931613445 -0.04702453035861254,0.03717092098668218 l-0.10739874094724655,-0.024924061726778746 -0.025907191447913647,0.0454690121114254 l-0.07581094279885292,0.02085786545649171 -0.038309874944388866,0.03863471560180187 l-0.06939269136637449,0.04076980985701084 0.01735849305987358,0.011234682751819491 l-0.03834354458376765,0.02336365869268775 -0.028144712559878826,0.02702974248677492 l-0.0373876397497952,0.02488511148840189 -0.031717109959572554,0.040064286440610886 l-0.012622682843357325,0.02766779623925686 -0.025761385913938284,0.02956588054075837 l-0.07606726605445147,-0.03364005126059055 -0.024156977888196707,0.030098373536020517 l-0.08287841454148293,-0.011905585415661335 -0.022605897393077612,0.04046332556754351 l-0.060765622183680534,0.03149692667648196 -0.02852125559002161,0.03514950629323721 l0.03293858841061592,-0.02285610418766737 -0.021146603394299746,0.033078636042773724 l-0.036364998668432236,0.03681474132463336 -0.0334748113527894,0.02745813224464655 l-0.03910447005182505,0.04650101065635681 -0.04202880430966616,0.04595164209604263 l-0.025948002003133297,0.021293119061738253 0.032653394155204296,-0.019817939028143883 l-0.021921242587268353,0.03397726686671376 -0.027519443538039923,0.04456579219549894 l-0.038555567152798176,0.016557765193283558 -0.020048001315444708,0.030651045963168144 l-0.026968165766447783,0.036584287881851196 -0.03253587754443288,0.035706483758985996 l-0.021425504237413406,0.022198599763214588 -0.0842437706887722,0.028495390433818102 l-0.3119651786983013,-0.00400109332986176 -0.04737944807857275,0.0487736240029335 l-0.029576204251497984,0.02173901768401265 -0.042654755525290966,0.045922109857201576 l-0.036015689838677645,0.04660677630454302 -0.03435110906139016,0.03343012183904648 l-0.023864232935011387,0.024356727954000235 -0.05250697024166584,0.03371660830453038 l-0.05231233313679695,0.034337788820266724 -0.03131411038339138,0.04488654900342226 l-0.04910696763545275,0.027052678633481264 -0.04413810558617115,0.02037178259342909 l-0.03328362246975303,0.045560235157608986 0.0422854907810688,0.009425466996617615 l-0.07889359258115292,-0.04305632784962654 -0.008132833172567189,0.037187435664236546 l-0.04322400316596031,0.016098697669804096 -0.036904856096953154,0.033560728188604116 l-0.027059803251177073,0.035789848770946264 -0.046267732977867126,0.03860879456624389 l-0.023491852916777134,0.04707551095634699 -0.0440299604088068,-0.08258835412561893 l-0.002056636003544554,0.03446682821959257 -0.28097132220864296,-0.014492175541818142 l-0.36561228334903717,-0.007919889758341014 0.006952860276214778,0.0478519918397069 l-0.05770610645413399,0.024382693227380514 -0.07577840238809586,0.05688273347914219 l-0.06587616633623838,0.040854308754205704 -0.09345738217234612,0.02961724065244198 l-0.06361090578138828,0.03268046071752906 -0.05498046055436134,0.04793024621903896 l0.016802919562906027,0.024026045575737953 -0.03485891968011856,0.03772298339754343 l0.04779225215315819,0.00016678108295309357 -0.03367967437952757,0.018680539214983582 l-0.2748088166117668,-0.0002239079913124442 -0.03240181365981698,0.035368362441658974 l-0.03309745341539383,-0.02314940094947815 0.04292631521821022,-0.006674623000435531 l-0.022987518459558487,0.01711025834083557 -0.04149281419813633,0.04850739613175392 l-0.03181392792612314,0.04759725648909807 -0.03250009147450328,0.018361990805715322 l-0.03674142761155963,0.037039502058178186 -0.0056193460477516055,0.03922685515135527 l-0.033292677253484726,0.034800993744283915 -0.02899532439187169,0.038700057193636894 l-0.0067816529190167785,0.025715550873428583 -0.007142351241782308,0.042464365251362324 l-0.08011152036488056,-0.01611867919564247 -0.07924206554889679,0.07220926694571972 l0.026354999281466007,7.256617664097575e-05 0.04884874448180199,-0.016293784137815237 l0.0005244609928922728,0.03288117470219731 -0.03576747141778469,0.03261143574491143 l-0.01648002420552075,0.03609463106840849 -0.024976967833936214,0.02926694229245186 l-0.013677082024514675,0.032042358070611954 -0.0399839086458087,0.02674564253538847 l-0.08093893527984619,0.023716248106211424 -0.005205931956879795,0.036677573807537556 l-0.07682704366743565,0.038764579221606255 -0.08709958754479885,-0.0012241792865097523 l-0.04306672140955925,0.02708314685150981 -0.04392387345433235,0.01934716012328863 l-0.03716419916599989,0.023686836939305067 -0.03112783655524254,0.02592901699244976 l0.05415779538452625,-0.013566798297688365 \" fill=\"none\" stroke=\"black\" stroke-width=\"1\"/></svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"127.41411109302135\" version=\"1.1\" width=\"187.95612333971803\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:ev=\"http://www.w3.org/2001/xml-events\" xmlns:xlink=\"http://www.w3.org/1999/xlink\"><defs/><rect fill=\"white\" height=\"127.41411109302135\" width=\"187.95612333971803\" x=\"0\" y=\"0\"/><path d=\"M47.29852208867669,49.28295108024031 m1.0732758790254593,-2.4016092717647552 l0.294665340334177,-0.6893821060657501 0.5763306841254234,-0.5630984157323837 l-3.889753818511963,-0.2243642881512642 -1.8295276165008545,0.3711248189210892 l-1.8626868724822998,0.06894181948155165 -1.8978460133075714,0.4506811499595642 l-2.6966264843940735,0.7288270443677902 -2.8247255086898804,0.9981147944927216 l-1.7067933082580566,0.8046502619981766 -2.5075319409370422,1.6818282008171082 l-1.2343527376651764,1.06925867497921 -1.9809849560260773,2.6745691895484924 l-1.166420578956604,2.608967125415802 -0.4196552559733391,3.061944842338562 l-0.2258889004588127,1.4495068788528442 0.2533844858407974,2.1069911122322083 l0.44440772384405136,2.068127691745758 1.242118626832962,1.1424948275089264 l2.5609520077705383,1.749023050069809 1.9095052778720856,0.3420574590563774 l1.9282327592372894,0.30035628005862236 2.0717762410640717,-0.3587420657277107 l1.8913722038269043,-0.6882286816835403 2.100544720888138,-1.031789854168892 l2.935420870780945,-2.385311722755432 1.0585260391235352,-1.0612082481384277 l0.9899716824293137,-0.8594201505184174 0.801471397280693,-1.0384796559810638 l0.7795073091983795,-1.0481162369251251 0.5925103649497032,-1.2365622073411942 l0.5693463608622551,-1.1268220096826553 1.0043536871671677,-2.428196370601654 l0.9582863748073578,-2.5249356031417847 1.064302995800972,-3.020637631416321 l1.1524584144353867,-3.289385437965393 1.0596254467964172,-3.1773439049720764 l1.0959921777248383,-3.285163938999176 1.0959657281637192,-3.142048716545105 l0.7285960763692856,-2.0245860517024994 0.7566514611244202,-2.0002581179142 l0.7282955199480057,-1.7448851466178894 0.8137967437505722,-1.9664636254310608 l0.23855537176132202,-0.8600009232759476 0.29228977859020233,-0.6233775615692139 l0.1831211894750595,-0.5612653121352196 0.2490023523569107,-0.4109562188386917 l0.10113973170518875,-0.40229860693216324 0.04994121380150318,-0.3629807382822037 l0.05684393458068371,-0.36088742315769196 0.12725574895739555,-0.4698747768998146 l0.10171168483793736,-0.33986005932092667 -0.2970416471362114,-0.16309024766087532 l-0.0741508137434721,-0.08878497406840324 -0.7476495206356049,0.6837330013513565 l-0.6192782521247864,0.9244374930858612 -0.7671570777893066,1.166783943772316 l-0.8789930492639542,1.4159363508224487 -0.7602041959762573,1.5068092942237854 l-0.8382637798786163,1.472562998533249 -0.7094588130712509,1.5764275193214417 l-1.374291330575943,2.4105504155158997 -1.3500533998012543,3.1313011050224304 l-0.8026601374149323,2.0301371812820435 -1.359446495771408,3.261094391345978 l-1.4537179470062256,3.3897817134857178 -0.6901497393846512,1.4355626702308655 l-1.5788044035434723,3.5691851377487183 -0.27273301035165787,1.0566606372594833 l-0.14703916385769844,1.5842235088348389 0.05525709595531225,2.7758607268333435 l-0.13961303979158401,1.9906699657440186 -0.08306317031383514,1.5968216955661774 l-0.03997859079390764,1.1678306013345718 0.14569680206477642,0.7215194404125214 l0.09931896813213825,0.6227166205644608 0.652724876999855,1.6732905805110931 l0.035743359476327896,0.5621525272727013 1.047859713435173,1.3011790812015533 l2.1084780991077423,-0.01565881189890206 0.5061081424355507,0.4048486799001694 l1.936265081167221,-0.0008334004814969376 0.68244569003582,0.1289062760770321 l0.5098459869623184,-0.07486434187740088 0.5651603266596794,-0.05312242079526186 l1.261386126279831,-0.824076384305954 0.6026390194892883,-0.1355070248246193 l0.638761967420578,-0.4107446223497391 2.6723822951316833,-1.4319492876529694 l0.4255666583776474,-0.7824996113777161 0.8920509368181229,-0.4095233231782913 l0.3625059127807617,-0.743066668510437 0.6796092540025711,-0.39047591388225555 l1.6935807466506958,-2.830512225627899 0.37043172866106033,-0.7882517576217651 l0.24787353351712227,-0.5082337930798531 0.20624760538339615,-0.5854081362485886 l0.9630268812179565,-1.697523146867752 0.4888172447681427,-0.7240636646747589 l0.3301636129617691,-0.6836400181055069 0.25183169171214104,-0.2326442301273346 l-0.15345849096775055,-0.08685091510415077 -0.15654748305678368,0.2562675066292286 l-1.0670340061187744,1.3404422998428345 -0.17541198059916496,0.8342412114143372 l-0.6616470217704773,0.40254950523376465 -0.33849388360977173,0.8611097186803818 l-0.6434980034828186,0.7477600127458572 -0.5031741410493851,0.878317654132843 l-0.34277886152267456,0.4028914123773575 -0.5264335498213768,1.0007721930742264 l-0.5865933746099472,1.0682335495948792 -0.5922276526689529,1.1960463225841522 l-0.33146269619464874,1.0885965079069138 -0.44018320739269257,0.5093131586909294 l-0.22842420265078545,0.7029744982719421 -0.26512544602155685,0.9266912937164307 l-0.04414462484419346,1.3959120213985443 0.4160884767770767,0.4706696420907974 l-0.0005078047615825199,0.4853292182087898 1.951540857553482,-0.01837436226196587 l1.7455336451530457,-0.0032343133352696896 1.5673133730888367,-0.0010111366282217205 l0.956246554851532,-0.0044569632154889405 0.9800679981708527,0.0012865167809650302 l0.6336052715778351,-0.17292557284235954 0.5682399496436119,-0.18411088734865189 l0.4984150826931,-0.281943678855896 0.5230692028999329,-0.26452960446476936 l0.46519089490175247,-0.308392271399498 0.47607067972421646,-0.30465563759207726 l0.46987462788820267,-0.32989345490932465 1.005500853061676,-1.0331255197525024 l0.5503040552139282,-0.4319567233324051 0.45113682746887207,-0.586252324283123 l0.42305298149585724,-0.5508293583989143 0.3172123432159424,-0.5097364634275436 l0.30731623992323875,-0.5605436116456985 0.24742534384131432,-0.4798009619116783 l0.17018411308526993,-0.5512096732854843 0.18698357045650482,-0.45005951076745987 l0.4887373745441437,-1.4383767545223236 0.2109801210463047,-0.4292258992791176 l-1.1549816280603409,-1.7762288451194763 -1.9881375133991241,0.15017539262771606 l-0.30722422525286674,0.4035164788365364 -0.8511852473020554,0.4476574808359146 l-0.76980359852314,0.6917189806699753 -0.7316234707832336,0.7835745066404343 l-1.157265529036522,1.2582775950431824 -0.6229149177670479,0.5404543504118919 l-0.5108371749520302,1.3150584697723389 -0.5650059878826141,0.4967546835541725 l-0.3964819014072418,1.3201682269573212 -0.4816051572561264,0.7315507531166077 l-0.20980216562747955,0.6748182326555252 -0.27982836589217186,0.6958021223545074 l-0.1713675819337368,0.6928194314241409 0.24968935176730156,0.6146051362156868 l-0.1580091007053852,0.6173253804445267 0.12533861212432384,0.7047183066606522 l-0.06854357663542032,0.5647268146276474 0.7426051795482635,0.98005011677742 l0.3982217609882355,0.4667944088578224 0.44521521776914597,0.35404086112976074 l0.6634011119604111,0.2834162674844265 2.5760480761528015,-0.05432480480521917 l1.2102633714675903,-0.3242281824350357 2.133270800113678,-0.07604979909956455 l0.7128269225358963,-0.34967124462127686 1.3315975666046143,-0.5879206582903862 l0.567912831902504,-0.5275837704539299 1.1842621862888336,-0.9694477915763855 l0.40762796998023987,-0.5429337918758392 1.1484616249799728,-0.9361128509044647 l0.3482843190431595,-0.46540118753910065 1.1402882635593414,-0.8165767043828964 l0.5034112557768822,-0.3845042735338211 0.4938832297921181,-0.35927582532167435 l0.48319827765226364,-0.45233603566884995 0.48865996301174164,-0.24937037378549576 l0.33559229224920273,-0.2553585544228554 0.33798743039369583,-0.16428934410214424 l0.3178294375538826,-0.17133507877588272 0.5600032582879066,-0.39027538150548935 l0.4587017372250557,-0.14634521678090096 0.38715552538633347,-0.23318631574511528 l0.5061069130897522,-0.12624124996364117 0.39193641394376755,-0.23031054064631462 l0.4667161777615547,-0.15285739675164223 0.8961591124534607,-0.1682659424841404 l0.3731006383895874,-0.25944914668798447 1.8861226737499237,-0.11936360038816929 l0.515601858496666,-0.4348474368453026 2.0320680737495422,-0.09397982619702816 l-1.2978613376617432,0.004821903421543539 -1.1797933280467987,0.5769063904881477 l-1.2252657860517502,0.3101991303265095 -1.1735815554857254,0.21028267219662666 l-1.0362077504396439,0.1844940148293972 -1.2113657593727112,0.3630351647734642 l-1.3219453394412994,0.5764532089233398 -1.2968948483467102,0.577092282474041 l-1.8286855518817902,1.0034969449043274 -0.74233777821064,0.643407329916954 l-1.2945601344108582,0.7745226472616196 -0.8980318158864975,0.821690633893013 l-1.1510102450847626,0.8872745186090469 -0.8346839994192123,0.9581353515386581 l-1.0640890151262283,0.9834980964660645 -0.8631627261638641,1.0974212735891342 l-0.0033454535878263414,1.0859550535678864 -0.45568857342004776,0.2633071132004261 l0.0005744511145167053,1.775299459695816 0.3962475433945656,0.25703445076942444 l-0.056057246401906013,0.42260728776454926 1.1872967332601547,-0.02675969386473298 l0.7975815236568451,0.8597345650196075 3.249630331993103,-0.042816800996661186 l0.803535059094429,-0.3739457204937935 1.5638689696788788,-0.0334135047160089 l1.546510010957718,-0.006644946406595409 1.3387960195541382,-0.7149611413478851 l0.5738149583339691,-0.16689417883753777 0.5723942071199417,-0.3284052014350891 l0.5762232467532158,-0.31931977719068527 0.5786599591374397,-0.39740320295095444 l0.5405047163367271,-0.31983736902475357 0.5056895688176155,-0.3288547694683075 l0.47692421823740005,-0.3639121726155281 0.4384075477719307,-0.546959787607193 l0.5843535810709,-0.34354742616415024 0.44129226356744766,-0.40613677352666855 l0.5180539190769196,-0.4010535031557083 0.5115051940083504,-0.32586656510829926 l0.5757126957178116,-0.39399098604917526 0.5976980924606323,-0.387447290122509 l1.8943281471729279,-1.7675204575061798 0.6606002151966095,-0.5715445056557655 l0.5541913211345673,-0.5716288462281227 2.365940660238266,-4.0699827671051025 l0.7656901329755783,-0.96390500664711 1.7128197848796844,-2.609577775001526 l0.6920339912176132,-1.1519686132669449 0.6464467197656631,-1.2053770571947098 l1.3915136456489563,-2.4952559173107147 0.5657834932208061,-1.1086391657590866 l1.1662039905786514,-2.113116979598999 0.2675291337072849,-0.6889814138412476 l0.43801285326480865,-0.5615437775850296 0.21926306188106537,-0.69981649518013 l-0.1441046316176653,0.07108412683010101 -0.043331729248166084,-0.12084756046533585 l-0.5179812759160995,0.6515068560838699 -1.063995286822319,1.2728182971477509 l-0.4543580487370491,0.8925948292016983 -0.6440306454896927,0.9837783873081207 l-1.13082654774189,1.7201504111289978 -0.7910586893558502,1.2141446769237518 l-1.5127432346343994,2.478358894586563 -0.7937619090080261,1.5098924934864044 l-1.4523375034332275,1.9453869760036469 -0.825188010931015,1.7555607855319977 l-0.9492906928062439,1.5740416944026947 -0.7478463649749756,1.628500074148178 l-0.8224219083786011,1.4920598268508911 -0.0283564324490726,1.401163786649704 l-0.5206290259957314,0.4955923929810524 0.08320920169353485,0.6507986038923264 l-0.3397751972079277,0.42324163019657135 0.08340265601873398,0.5825253576040268 l-0.2848105691373348,0.43136313557624817 0.06784025114029646,0.48576150089502335 l0.3419796749949455,0.38698554039001465 -0.005404587718658149,0.33222734928131104 l1.4653107523918152,-0.04838596098124981 1.5609090030193329,-0.06631989032030106 l2.370927333831787,-0.06144398357719183 0.7552476227283478,-0.40304940193891525 l1.5373942255973816,-0.006748171872459352 0.8341122418642044,-0.3471793979406357 l0.8885690569877625,0.013309873174875975 0.8469545841217041,-0.4245220124721527 l1.26227006316185,-0.24329891428351402 0.8289553970098495,-0.6056348979473114 l0.6435075402259827,-0.15044154599308968 0.5594813823699951,-0.6879624724388123 l0.5651374533772469,-0.239102803170681 1.9950784742832184,-2.0394453406333923 l0.3471510112285614,-0.6883975863456726 0.435330793261528,-0.6272819638252258 l0.5490288883447647,-0.5686857551336288 -0.026665576733648777,-1.5932589769363403 l0.39727237075567245,-0.25562185794115067 -0.05556820426136255,-0.7555442303419113 l-0.08071981370449066,-0.4687529429793358 -0.3702075034379959,-0.5741040036082268 l-1.4128188788890839,0.4590444266796112 -0.9835254400968552,0.41318420320749283 l-0.7879935950040817,0.3242182731628418 -0.27223413810133934,0.44279325753450394 l-0.6140100955963135,0.28853844851255417 -2.336723208427429,1.8061825633049011 l-0.7977629452943802,0.5616052076220512 -0.2236509881913662,0.5572395771741867 l-0.922161415219307,0.4949560761451721 -0.6970897316932678,0.9796881675720215 l-0.37971626967191696,0.4785119742155075 -0.6185403093695641,0.6784698367118835 l-0.701492428779602,0.9480005502700806 -0.5356031283736229,0.7617320865392685 l-0.3750105947256088,0.5678020417690277 -0.3573737293481827,0.5242312327027321 l-0.29569922015070915,0.4979584738612175 -0.04328010603785515,1.6186138987541199 l0.5875688046216965,0.4419604688882828 0.0038303661858662963,0.3784925118088722 l0.6006291881203651,0.4766305908560753 1.229291707277298,1.0848362743854523 l0.8514005690813065,0.27835970744490623 0.7412577420473099,0.25105152279138565 l0.6168380379676819,0.36778517067432404 0.7602358609437943,0.3305143862962723 l0.8080701529979706,0.26833297684788704 1.0421407967805862,0.18444983288645744 l0.9158693999052048,0.1515696384012699 1.125480830669403,-0.005217099096626043 l1.0115644335746765,-0.06980227772146463 1.0182370245456696,-0.09890548884868622 l0.91075599193573,-0.14637486077845097 1.0673194378614426,-0.304096732288599 l0.8109976351261139,-0.17400365322828293 0.3302508220076561,-0.11213213205337524 l0.362834632396698,-0.47202397137880325 0.4967622831463814,-0.5025346577167511 l-0.23218324407935143,-0.5672014132142067 -0.8290797472000122,-0.5862781777977943 l-1.3063222169876099,-0.04937248304486275 0.30270030722022057,-0.5957876518368721 l-0.7551474124193192,-0.04307206720113754 -0.07329751271754503,0.09342124685645103 l-0.28984908014535904,-0.4116183891892433 -0.1858181692659855,0.1085056085139513 l-0.22561874240636826,0.1615331508219242 -0.2888345904648304,0.2152702398598194 l-0.2953147329390049,0.17457356676459312 -0.6352196633815765,0.22958870977163315 l-0.39315227419137955,0.3392783924937248 -0.6629063189029694,0.5165380239486694 l-0.8070603013038635,0.5767670273780823 -0.7333735376596451,0.7269345223903656 l-0.8280152082443237,1.0161588340997696 -0.6007416918873787,0.7327254116535187 l-0.599290281534195,0.7501005381345749 -0.42426690459251404,0.7683030515909195 l-0.34590624272823334,0.33137034624814987 -0.05523588974028826,1.473436951637268 l0.19199687987565994,0.3830469027161598 -0.014926474541425705,0.6172338500618935 l0.5013585463166237,0.41502173990011215 0.36641906946897507,0.39124734699726105 l0.2199268527328968,0.30928613618016243 0.5290732532739639,0.30281122773885727 l0.5549537390470505,0.2959674224257469 0.5065415799617767,0.2914453484117985 l0.6225794181227684,0.2711030840873718 0.689011886715889,0.27964552864432335 l0.7452146708965302,0.26820773258805275 0.764882043004036,0.2493365854024887 l1.9119521975517273,-0.054865190759301186 0.5992841348052025,-0.1254750695079565 l0.6667149811983109,-0.033004963770508766 0.5638293921947479,-0.3997303918004036 l0.595109686255455,-0.29390402138233185 2.144163101911545,-1.3222865760326385 l0.442802757024765,-0.6192149594426155 0.673433244228363,-0.7099781930446625 l0.48743247985839844,-0.5839485675096512 0.43012194335460663,-0.6654195487499237 l0.48395704478025436,-0.7213157415390015 0.4432346671819687,-0.5716422572731972 l0.4447029158473015,-0.7503262162208557 0.464213490486145,-0.7666307687759399 l0.44614408165216446,-0.7671425491571426 0.5216029658913612,-0.660654753446579 l0.418115071952343,-0.8947771042585373 0.5467640981078148,-0.8090783655643463 l0.43038666248321533,-1.0087605565786362 0.5841448158025742,-0.8728459477424622 l0.40212199091911316,-0.9718247503042221 0.5085290595889091,-0.9252917021512985 l0.40172580629587173,-0.941266193985939 0.4563974589109421,-1.0058123618364334 l0.6524252891540527,-1.0582280904054642 0.40456660091876984,-0.6983405351638794 l1.3466732203960419,-1.9592240452766418 0.32793421298265457,-0.5763765797019005 l1.2402009963989258,-1.2002523243427277 1.1409498006105423,-1.2553803622722626 l0.28504224494099617,-0.84220752120018 0.05968763958662748,-0.04479875322431326 l-0.6835169345140457,0.6764101982116699 -0.8057717978954315,0.8785716444253922 l-0.6443130970001221,0.7445532828569412 -0.7052059471607208,0.7364346832036972 l-0.7167268544435501,0.8474735170602798 -0.7831412553787231,0.9246724098920822 l-0.8976179361343384,1.3258376717567444 -0.7775239646434784,0.9314370900392532 l-2.7713969349861145,3.233517110347748 -1.6715563833713531,2.037179172039032 l-0.8996322751045227,1.342991292476654 -1.1982554197311401,1.623818278312683 l-0.024462840519845486,1.1172094941139221 -1.0376820713281631,1.235976666212082 l-0.02126818522810936,1.750483512878418 0.02416718052700162,1.1026368290185928 l0.02248018980026245,1.4226295053958893 -0.14317692257463932,0.48287030309438705 l0.17397359013557434,0.5575257167220116 -0.03583954181522131,0.45076884329319 l0.030889243353158236,0.5062449350953102 1.8104176223278046,-0.054604290053248405 l1.5714475512504578,-0.06314478348940611 1.6692247986793518,-0.06187542341649532 l0.9189928323030472,-0.023038885556161404 2.0190832018852234,-0.009947479702532291 l0.8362491428852081,-0.22589081898331642 0.9567738324403763,-0.017143074655905366 l4.535132944583893,-1.756288856267929 0.7034832239151001,-0.5105737969279289 l0.6739062815904617,-0.06757188122719526 0.5494371429085732,-0.47517113387584686 l0.7804376631975174,-0.20742900669574738 2.746227979660034,-2.0125892758369446 l0.683259591460228,-0.35158291459083557 0.39748072624206543,-0.15106307342648506 l0.5334986373782158,-0.3068169951438904 0.6782365590333939,-0.27635881677269936 l0.3224964439868927,-0.6641810387372971 1.1958412826061249,-1.0998327285051346 l0.2521446719765663,-0.35888008773326874 0.466398149728775,-0.5327065661549568 l0.23852726444602013,-0.5979625135660172 -0.0167995598167181,-1.305585503578186 l-1.8503692746162415,0.29602721333503723 -0.3317883238196373,0.38176286965608597 l-1.0007867962121964,-0.036658213939517736 -0.9091261774301529,0.3271159902215004 l-0.8393102139234543,0.17292510718107224 -1.7260700464248657,1.004013568162918 l-1.034005731344223,0.7698926329612732 -1.1039366573095322,1.042110100388527 l-0.10396569035947323,0.5442741513252258 -1.2846127152442932,1.1068200320005417 l-0.4704046994447708,0.5866583064198494 -1.5584810078144073,1.619134247303009 l-0.05373410414904356,1.7979881167411804 -0.6407493352890015,0.5964304134249687 l-0.02421003533527255,2.4378137290477753 0.6906777620315552,0.33856749534606934 l0.06710333749651909,0.5305037647485733 0.6937046349048615,0.5395455658435822 l1.2050720304250717,0.7918252795934677 0.7899860292673111,0.3075460344552994 l0.9714104235172272,0.389469638466835 0.7159357517957687,0.23532908409833908 l0.9702529013156891,0.3209376335144043 0.8360171318054199,0.25139689445495605 l0.968928262591362,0.23979166522622108 0.8763226121664047,0.10459351353347301 l1.1712712049484253,-0.06616820115596056 1.435810774564743,-0.07659868337213993 l0.7744323462247849,0.055627101100981236 0.560431219637394,-0.12723765335977077 l0.614309050142765,-0.3215567022562027 0.7878973335027695,-0.3172442317008972 l0.27028635144233704,-0.13632609508931637 0.32708730548620224,-0.437079593539238 l-0.08746669627726078,-0.020902082324028015 -0.10465833358466625,0.062267943285405636 l-0.5714818835258484,-0.5909214913845062 0.5568524822592735,0.07086718920618296 l-0.3308366984128952,-0.9402843564748764 -0.3524431586265564,-0.26507027447223663 l-0.7399143278598785,-0.20346758887171745 -0.3316858038306236,0.08170301094651222 l-0.46357519924640656,0.17185552045702934 0.0015138722665142268,-0.19824529066681862 l-0.3852527216076851,0.19587133079767227 0.008628482464700937,-0.29633063822984695 l-0.267966166138649,0.30997907742857933 -0.15242344699800014,-0.3745909407734871 l-0.1943318173289299,0.37559326738119125 -0.5150962248444557,-0.1190594956278801 l-0.5457926914095879,0.3181665763258934 -0.4141436144709587,0.03726457944139838 l-0.4080294445157051,0.5086808651685715 -0.474507212638855,0.22290105000138283 l-0.24226726964116096,0.3644770383834839 -0.3123413398861885,0.10887063108384609 l-0.13501807115972042,0.20503221079707146 -0.6659159809350967,0.6479604542255402 l-0.3140018880367279,0.13163036666810513 -0.19787389785051346,0.32139305025339127 l-0.04849550314247608,0.22851811721920967 -0.3279426693916321,0.2044101431965828 l-0.294131338596344,0.4868290573358536 0.20375387743115425,0.1809532754123211 l-0.3287874162197113,0.1900072768330574 -0.262871403247118,0.24069663137197495 l0.15018743462860584,0.14899424277245998 -0.002936840755864978,0.14077501371502876 l0.1139726024121046,0.13635431416332722 0.1378106139600277,0.16488032415509224 l-0.15207222662866116,0.20996581763029099 0.06937874481081963,0.18999727442860603 l0.0537028769031167,0.20589079707860947 0.12783247977495193,0.27137640863657 l0.10459625162184238,0.23052606731653214 0.13675926253199577,0.24149838835000992 l0.13913413509726524,0.24781124666333199 0.19570305943489075,0.22569451481103897 l0.3098848834633827,0.26593126356601715 0.3882626071572304,0.2584701217710972 l0.5555533990263939,0.22758260369300842 3.1469151377677917,-0.09476521983742714 l0.9348676353693008,0.24094665423035622 0.7629536092281342,0.08401550352573395 l0.7608729600906372,0.0971739087253809 0.6322863698005676,0.04033979494124651 l0.7230258733034134,0.046959761530160904 0.6857971101999283,0.00479590060422197 l0.26967816054821014,-0.4209434613585472 0.8829697221517563,0.05936295259743929 l0.6737182289361954,-0.3293316811323166 0.270483810454607,-0.3551187738776207 l0.7826739549636841,-0.03189829410985112 0.11456150561571121,-0.6087956205010414 l0.7210353761911392,0.009831830393522978 0.47087088227272034,-0.22774167358875275 l0.20845293998718262,-0.18969865515828133 0.14031054452061653,-0.38139816373586655 l0.5383406206965446,-0.038261194713413715 0.6075044348835945,-0.33656347543001175 l1.3181418180465698,-0.6117065995931625 1.0298551619052887,-0.36733638495206833 l0.7435544580221176,-0.29606230556964874 1.3198207318782806,-0.24744855239987373 l0.8951113373041153,-0.43044790625572205 1.3418513536453247,-0.19017253071069717 l-1.436181366443634,-0.08845501579344273 -1.5989769995212555,0.3213873878121376 l-1.3044936954975128,0.2377430722117424 -0.9012242406606674,0.1841650903224945 l-1.1507605761289597,0.3306857869029045 -0.6899430602788925,0.1497286930680275 l-0.8036722987890244,0.3695320710539818 -0.864672064781189,0.29993388801813126 l-0.7708588987588882,0.591433160007 -0.5726591497659683,0.07085470017045736 l-0.6900036334991455,0.7839079946279526 -0.6296668201684952,0.4130539670586586 l-0.12033630162477493,0.3534150868654251 -0.9251023083925247,1.4030370116233826 l0.13946576975286007,0.23893844336271286 -0.014775209128856659,0.9649103134870529 l0.31676463782787323,0.3318217396736145 0.42148031294345856,0.3373752534389496 l2.02371284365654,-0.034996941685676575 0.7271558046340942,0.13897482305765152 l2.0856235921382904,-0.060295662842690945 1.3599483668804169,-0.5131745710968971 l0.7468844950199127,-0.020989738404750824 0.49622993916273117,-0.1597828045487404 l0.5406183749437332,-0.129739660769701 0.4100634530186653,-0.3577989712357521 l0.4890146479010582,-0.16255110502243042 0.3724045678973198,-0.47051575034856796 l0.46882443130016327,-0.24098007008433342 0.419374443590641,-0.6623451411724091 l0.49431778490543365,-0.4131120443344116 0.2967444993555546,-0.629468634724617 l0.3515351191163063,-0.40981847792863846 0.2797102928161621,-0.5781413614749908 l0.4481290653347969,-0.5450931191444397 0.3549700230360031,-0.7032421976327896 l0.40889427065849304,-0.54252739995718 1.930248886346817,-1.9017469882965088 l0.45108847320079803,-0.9175539761781693 0.48362862318754196,-0.5070559680461884 l0.76677605509758,-1.0847876220941544 0.5662506818771362,-0.9331125020980835 l0.3919578343629837,-0.6020889058709145 0.44151581823825836,-0.8091303706169128 l0.4385760426521301,-0.5806917697191238 0.3173176944255829,-0.8328954875469208 l1.0636626929044724,-1.6696831583976746 0.2656443975865841,-0.5254541710019112 l0.22674310952425003,-0.5843028053641319 0.3850911557674408,-0.36783434450626373 l0.8547854423522949,-1.0662757605314255 0.1941966637969017,-0.517273060977459 l0.4721478000283241,-0.29343131929636 0.07396086119115353,-0.44724777340888977 l-0.032975366339087486,-0.30360132455825806 0.27836771681904793,0.008955778321251273 l-0.05355391651391983,-0.715683326125145 -0.26446377858519554,0.5576223880052567 l-0.5447830632328987,0.18600590527057648 -0.5062924697995186,0.7107333838939667 l-0.3505760058760643,0.33188596367836 -0.7628345489501953,1.0055941343307495 l-0.608341172337532,0.8235422521829605 \" fill=\"none\" stroke=\"black\" stroke-width=\"1\"/></svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"0.5\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"78.18718460504897\" version=\"1.1\" width=\"90.64217236541168\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:ev=\"http://www.w3.org/2001/xml-events\" xmlns:xlink=\"http://www.w3.org/1999/xlink\"><defs/><rect fill=\"white\" height=\"78.18718460504897\" width=\"90.64217236541168\" x=\"0\" y=\"0\"/><path d=\"M33.03954813804012,38.55200410620455 m-1.474563181400299,-0.5722854286432266 l-1.8477427959442139,0.365566685795784 -0.7874631881713867,0.6762240082025528 l-0.5446755513548851,0.18222374841570854 -0.35741399973630905,0.2710062265396118 l-0.34936290234327316,0.1637565717101097 -0.34799158573150635,0.1710607297718525 l-0.33436279743909836,0.13879830949008465 -0.6569596379995346,0.43149150907993317 l-0.23174313828349113,0.15242748893797398 -0.21604543551802635,0.1344483718276024 l-0.13969060964882374,0.029302979819476604 -0.02824762836098671,0.05285749677568674 l-0.03474897239357233,-0.02245956566184759 0.01836318406276405,-0.006326250149868429 l-0.010642409324645996,0.008312073769047856 0.003632615553215146,-0.00024363111151615158 l0.0076158379670232534,0.07579362951219082 -0.09798313491046429,-0.035431471187621355 l0.04420571029186249,0.15946215018630028 -0.1702984794974327,0.1459102425724268 l0.022130087018013,0.2151787467300892 -0.22396352142095566,0.3477158024907112 l-0.02464346121996641,0.3082010895013809 -0.10052211582660675,0.2833397500216961 l0.00562863249797374,0.3389274701476097 -0.038041051011532545,0.27959369122982025 l-0.01975668827071786,0.9386423975229263 -0.05384247284382582,0.0037311410414986312 l-0.008032969199120998,1.1779320240020752 -0.025102468207478523,0.8516309410333633 l-0.01728400937281549,0.8192573487758636 0.017743378411978483,1.2066169083118439 l0.8311925828456879,-0.03798860823735595 -0.009455759427510202,0.4458839073777199 l1.1428975313901901,-0.06230376660823822 -0.07154085207730532,0.3576333075761795 l1.4477168023586273,-0.062120379880070686 0.019876882433891296,-0.31421009451150894 l1.0313641279935837,-0.057355333119630814 1.1077584326267242,-0.057674823328852654 l1.9742849469184875,-1.8748992681503296 2.381247580051422,-1.7880119383335114 l0.4414815828204155,-0.8991479873657227 1.7004473507404327,-2.2418242692947388 l0.2460382878780365,-0.7967638969421387 0.3349550813436508,-0.374271459877491 l0.7583989202976227,-1.3190899789333344 -0.050545018166303635,-0.2301943302154541 l1.3035762310028076,-2.782279849052429 0.1832011714577675,-0.2616249956190586 l0.23848025128245354,-0.5933558568358421 0.16908053308725357,-0.49510862678289413 l0.22756166756153107,-0.41683077812194824 0.21616242825984955,-0.5223208665847778 l-0.13093085959553719,-0.5716105550527573 0.2980650030076504,-0.3515321761369705 l0.052552465349435806,-0.536288246512413 0.2953551523387432,-0.3723372519016266 l0.5578746646642685,-1.8157941102981567 0.5616878718137741,-1.7877422273159027 l0.40055789053440094,-0.42979586869478226 0.22362668067216873,-0.7690662890672684 l-0.12078342027962208,-0.4543880745768547 0.39092909544706345,-0.23814832791686058 l-0.010699908016249537,-0.3978707641363144 -0.30364181846380234,-0.43534867465496063 l0.08837555535137653,-0.0641422625631094 -0.5432051047682762,-0.23674257099628448 l-0.25433240458369255,1.0988008230924606 -0.5214353650808334,-0.06070508621633053 l-1.5068772435188293,3.0647510290145874 -0.7801052927970886,1.411161869764328 l-0.6444927304983139,1.591808795928955 -0.7181668281555176,1.5711821615695953 l-0.6147844344377518,1.4646710455417633 -0.008025289280340075,0.9412790089845657 l-0.02477478003129363,1.3222599029541016 -0.20192546769976616,0.5249720811843872 l-0.025533256120979786,2.0516447722911835 -0.2987387590110302,0.39311952888965607 l-0.0075023353565484285,1.9095493853092194 0.17715854570269585,1.6960763931274414 l0.012362552806735039,1.7166857421398163 0.7649118453264236,-0.020687601063400507 l0.011874772608280182,0.45679613947868347 1.4568701386451721,-0.024153331760317087 l1.068829894065857,-0.45614633709192276 0.8610827475786209,-0.009350678301416337 l0.3776436299085617,-0.23844962939620018 1.091010943055153,-0.46254362910985947 l0.3857860341668129,-0.3736376017332077 0.4274285212159157,-0.18209518864750862 l0.3362452983856201,0.11298961006104946 0.7355803996324539,-0.8103440701961517 l0.2505033649504185,-0.23310424759984016 0.2679399214684963,-0.4226039722561836 l0.9390755742788315,-0.8853054046630859 0.09376475587487221,-0.5240267887711525 l0.9721790254116058,-1.2462565302848816 1.0670727491378784,-1.6890059411525726 l0.13141230680048466,-0.48225458711385727 0.30767591670155525,-0.465732142329216 l-0.007559973746538162,-0.6488097459077835 -0.007700110436417162,0.11785874143242836 l0.06782059092074633,-0.4095468670129776 0.009851190261542797,-0.16283776611089706 l0.10424465872347355,-0.2995588257908821 -0.3681876137852669,-0.19007325172424316 l0.13084881007671356,0.25692686438560486 -0.1808452606201172,0.06197427399456501 l-0.22169878706336021,0.35018403083086014 -0.1899009570479393,0.2171112783253193 l-0.2670872211456299,0.5535172671079636 -0.2761557884514332,-0.07555251941084862 l-0.1382218860089779,0.5870731547474861 -0.24235572665929794,0.06516153458505869 l-0.1640651561319828,0.6651898473501205 -0.31792350113391876,0.16184676438570023 l-0.02060013124719262,0.3750865161418915 -0.2389873005449772,0.28278252109885216 l-0.12066241353750229,0.4390794411301613 -0.052686361595988274,0.5351099371910095 l-0.25966472923755646,0.26699332520365715 0.01556041999720037,0.4082702100276947 l-0.19686203449964523,0.3053450211882591 -0.01656409353017807,0.38032088428735733 l-0.16834430396556854,0.3115524724125862 -0.01361841568723321,1.3332337141036987 l0.15824012458324432,0.17693543806672096 -0.0004937266203342006,0.9615074098110199 l0.032704793848097324,0.33385902643203735 0.02370178233832121,1.0763201862573624 l0.9286993741989136,-0.040737176313996315 0.03500186139717698,0.3958470746874809 l0.0034610970760695636,0.33455196768045425 1.3033992052078247,-0.1013855542987585 l0.7760098576545715,-0.019133933819830418 1.1203452944755554,-0.07330150809139013 l1.0192426294088364,-0.6021525338292122 0.44152338057756424,-0.18441854044795036 l0.40780309587717056,-0.43603353202342987 0.2514493092894554,-0.16257578507065773 l0.9034574031829834,-0.7328996807336807 0.33540986478328705,-0.3897233307361603 l0.3319406881928444,-0.4992952197790146 0.33991850912570953,-0.16158422455191612 l0.25436656549572945,-0.5893887206912041 1.12996406853199,-1.5542136132717133 l0.22789405658841133,-0.44718489050865173 0.23421242833137512,-0.5284108221530914 l0.752948597073555,-1.5170814096927643 -0.017596950056031346,-0.7991554588079453 l0.3070451319217682,-0.22049874067306519 -0.022595850750803947,-0.6313198804855347 l0.19980663433670998,-0.004659934784285724 -0.08862647227942944,-0.11517100036144257 l-0.17180973663926125,-0.5076393112540245 0.16588209196925163,0.003330965409986675 l-0.6369579583406448,-0.45533478260040283 -0.7813139259815216,0.2564462646842003 l-0.36666031926870346,0.35118188709020615 -0.2917167358100414,0.12042170390486717 l-0.19006678834557533,0.45713040977716446 -0.254175066947937,0.0020817815675400198 l-0.4902537912130356,0.3903379663825035 -0.1907806098461151,0.5393611267209053 l-0.3042532317340374,0.4144761338829994 -0.31887486577033997,0.46807702630758286 l-0.21241046488285065,0.24909963831305504 -0.7202072441577911,0.8312176913022995 l-0.18124999478459358,0.2795582078397274 -0.16172677278518677,0.35374175757169724 l-0.19825531169772148,0.2818845771253109 -0.11161350645124912,0.3467272222042084 l-0.16610784456133842,0.258169025182724 -0.10781275108456612,0.30286267399787903 l-0.09371447376906872,0.32011885195970535 -0.11335493996739388,0.3242546319961548 l-0.05865730345249176,0.32855693250894547 -0.031282787676900625,0.34900933504104614 l-0.018565042410045862,1.248149797320366 0.06096276920288801,0.39165399968624115 l0.14842897653579712,0.17357353121042252 0.4543771594762802,0.7314387708902359 l0.35288501530885696,0.297210905700922 0.32012879848480225,0.41467953473329544 l0.9731773287057877,-0.06120427045971155 0.16140971332788467,0.1755518838763237 l0.2885744534432888,0.014967410825192928 1.054963394999504,-0.049443417228758335 l0.0869887974113226,-0.0694512715563178 0.795961320400238,-0.022891962435096502 l0.22779718041419983,-0.09479185566306114 0.22158965468406677,-0.5080894753336906 l0.23361625149846077,-0.4719564691185951 0.9937392920255661,-1.4603684842586517 l0.7232902944087982,-0.5044614896178246 0.17710307613015175,-0.3720136731863022 l0.2844673581421375,-0.12537512928247452 0.14996697194874287,-0.34210387617349625 l0.7674001157283783,-0.9194815903902054 0.18459057435393333,-0.2713998965919018 l0.5572861060500145,-0.7998738437891006 0.23052431643009186,-0.19101431593298912 l0.22866599261760712,-0.3014414757490158 0.20974216982722282,-0.24512821808457375 l0.1962268352508545,-0.028520282357931137 0.15361701138317585,-0.4031192511320114 l0.16570962965488434,-0.2847607992589474 -0.3393630310893059,0.12801429256796837 l-0.5028100684285164,-0.31975071877241135 -0.309773962944746,0.28421061113476753 l-0.2485945262014866,0.07654455490410328 -0.24614574387669563,0.3037133812904358 l-0.2077999897301197,-0.013778022257611156 -0.1557685900479555,0.16797473654150963 l-0.10434257797896862,0.20031534135341644 -0.14683152548968792,0.22025169804692268 l-0.4519417881965637,-0.08279511705040932 0.06148632615804672,0.1670956052839756 l-0.2075653336942196,0.3688453882932663 -0.17018551006913185,0.29519522562623024 l-0.1321601588279009,0.3117186017334461 -0.6073040142655373,0.3138837218284607 l-0.007265406893566251,0.22015724331140518 -0.09777634404599667,0.19582226872444153 l-0.07565447129309177,0.16864145174622536 -0.05323156248778105,0.22373268380761147 l-0.08231082931160927,0.16565542668104172 -0.03533669514581561,0.1815718226134777 l-0.04110295791178942,0.18976477906107903 -0.03334258683025837,0.20012609660625458 l-0.05556108430027962,0.2043217234313488 0.0018891993386205286,0.2056732214987278 l-0.023528081364929676,0.21532004699110985 -0.07627254351973534,0.3309250622987747 l-0.013820554595440626,0.26921471580863 0.052897692658007145,0.27990957722067833 l-0.020237585995346308,0.2435893937945366 0.020599248819053173,0.368095226585865 l0.01623144024051726,0.29794594272971153 -0.0010704700980568305,0.8027104288339615 l0.01774200121872127,0.35988152027130127 0.10037343017756939,0.3697047382593155 l0.0802962388843298,0.3104364685714245 0.03493493888527155,0.5289836600422859 l0.03289750078693032,0.2654942683875561 0.05046257749199867,0.258085448294878 l0.02011355245485902,0.4406511038541794 0.04615594167262316,0.24881692603230476 l0.0474120769649744,0.28095005080103874 0.0856003537774086,0.25797246024012566 l0.03072112798690796,0.2301417663693428 0.256287083029747,0.1852874830365181 l0.06855599116533995,0.1397161278873682 0.11882656253874302,-0.06242463365197182 l0.15275060199201107,0.13722244650125504 0.16495434567332268,0.08952797390520573 l0.27539245784282684,-0.19711848348379135 0.23468950763344765,0.026451190933585167 l0.23817243054509163,-0.043997997418046 0.11268491856753826,-0.18776722252368927 l0.5706334859132767,-1.1784552037715912 0.06879759952425957,-0.17472218722105026 l0.08332236669957638,-0.18992334604263306 0.05996340420097113,-0.27049094438552856 l0.08373476564884186,-0.2659286558628082 0.48102714121341705,-0.78312948346138 l-0.3312501683831215,-0.027260796632617712 0.10198600590229034,-0.13915413990616798 l-0.10315966792404652,-0.2856477163732052 0.06948759779334068,-0.08643722161650658 l0.0450412230566144,-0.19799884408712387 -0.1811988279223442,0.03373912535607815 l-0.3352845087647438,-0.06176900118589401 0.0019679017714224756,0.001403159403707832 l0.06013144738972187,-0.012757950462400913 -0.13320240192115307,0.043885642662644386 l0.05217079073190689,-0.013378405710682273 0.02861900022253394,-0.13212209567427635 l-0.03723720321431756,-0.01645370153710246 -0.3130090609192848,0.027311693411320448 l-0.10198050178587437,0.0773669732734561 -0.23111145943403244,0.15174071304500103 m1.9666016101837158,6.347104907035828 l-0.10548889636993408,-0.056407805532217026 0.555787943303585,0.0652777636423707 l0.4810548573732376,0.10112726129591465 0.2729897201061249,0.05915471352636814 l0.2263813465833664,0.052267517894506454 0.2566985785961151,0.012524464400485158 l0.20768100395798683,-0.42825933545827866 0.22584643214941025,0.021407902240753174 l0.17317267134785652,0.015748555306345224 0.14143064618110657,0.003213041927665472 l0.18847990781068802,0.002874004712793976 0.20227212458848953,0.03396239131689072 l0.18518177792429924,-0.02224130555987358 0.08308272808790207,-0.24273095652461052 l0.19090106710791588,-0.02010442316532135 0.07738189771771431,-0.2619476430118084 l0.056164455600082874,-0.23568473756313324 0.040013641119003296,-0.24715524166822433 l0.12141387909650803,-0.001544986298540607 0.03435371443629265,-0.33835265785455704 l-0.03981348592787981,-0.17059193924069405 0.018510852241888642,-0.2865786664187908 l-0.019967034459114075,-0.05521857179701328 0.025430424138903618,-0.23327425122261047 l0.019944184459745884,-0.21564893424510956 -0.25251852348446846,0.02742562908679247 l-0.3563743084669113,-0.005444358685053885 -0.3057961165904999,0.15369190834462643 l-0.3145182505249977,-0.008577406406402588 -0.052004624158144,0.07153577171266079 l-0.03202345222234726,0.07938193157315254 -0.06800762377679348,0.1278729923069477 l-0.01679462962783873,0.035757687874138355 -0.0414939783513546,0.1996154896914959 l-0.037252462934702635,0.05777868442237377 -0.0076140963938087225,0.07357522379606962 l-0.4262952134013176,0.11516854166984558 0.009861658327281475,0.11514117009937763 l-0.021205765660852194,0.08845292031764984 0.020443026442080736,0.15639541670680046 l0.014778109034523368,0.11924851685762405 -0.020336788147687912,0.14506937004625797 l0.06293125450611115,0.0801742635667324 0.05646629724651575,0.12100508436560631 l0.06233479827642441,0.06732134148478508 0.06836515851318836,0.07990408688783646 l0.017996468814089894,0.07295489776879549 0.031541273929178715,0.0003438373823883012 l0.1046066451817751,0.09223716333508492 0.041486090049147606,-0.03008783794939518 l0.15592151321470737,0.08193941786885262 -0.07720848079770803,-0.29123758897185326 l0.2212747558951378,0.07163070142269135 0.12992281466722488,0.052486639469861984 l0.05669014062732458,-0.05681175738573074 0.12037555687129498,-0.030160259921103716 l0.053024752996861935,-0.1328620407730341 -0.019714634399861097,-0.30252406373620033 l0.08125169202685356,-0.07712507620453835 -0.008951830095611513,-0.1510736159980297 l-0.24221932515501976,0.003066494537051767 0.013567657442763448,0.11127302423119545 l0.07098260801285505,0.0663826847448945 -0.1907927170395851,-0.02217581495642662 l0.07832386530935764,-0.07935142144560814 0.06474764551967382,0.03355819033458829 l-0.07073799148201942,0.001443297805963084 0.10709474794566631,0.007113316678442061 l0.14800253324210644,0.014630337245762348 -0.007055959431454539,0.022818874567747116 l0.16119753941893578,0.0010902740905294195 0.2030930481851101,-0.029306814540177584 l0.08483194746077061,-0.2027498371899128 0.16667578369379044,-0.13241018168628216 l0.1782824471592903,-0.022108573466539383 -0.11976866982877254,0.025999618228524923 l-0.13175333850085735,0.022985069081187248 -0.20833047106862068,-0.019634244963526726 l0.05160992965102196,-0.10100490413606167 0.047922125086188316,-0.08438665419816971 l-0.06291861180216074,-0.11217462830245495 0.01761639374308288,0.13663023710250854 l-0.0460214214399457,-0.11782221496105194 0.11789541691541672,0.03324653720483184 l-0.09022727608680725,-0.20798487588763237 0.14063305221498013,0.03644802374765277 l-0.10113461874425411,0.020241164602339268 0.03047399688512087,-0.17239544540643692 l0.060650394298136234,0.022140927612781525 -0.11609847657382488,-0.33270958811044693 l0.05311065353453159,-0.07068427745252848 -0.2762160822749138,-0.6820135563611984 l-0.6723681092262268,0.02317624632269144 -0.7209572196006775,-0.018892325460910797 l-0.2667759731411934,-0.18454046919941902 -0.030173477716743946,0.05306750535964966 l-0.1529570110142231,0.20042167976498604 -0.08340363390743732,0.10661658830940723 l-0.05554684903472662,0.08931654505431652 -0.010401057079434395,0.21198919042944908 l-0.04751565866172314,0.05269727669656277 -0.014884637203067541,0.034653618931770325 l0.03215018892660737,0.01814237330108881 -0.004212935746181756,0.20367197692394257 l-0.17158616334199905,-0.3334994986653328 0.07331020198762417,0.0565562816336751 l0.02296064281836152,0.06162469740957022 -0.11073781177401543,0.09174713864922523 l0.038179203402251005,0.045798495411872864 0.06945183500647545,0.060074557550251484 l0.05113932769745588,0.06177536677569151 -0.037623688112944365,-0.2245313860476017 l0.13847717083990574,0.0462904991582036 0.04729533568024635,0.048865689896047115 l0.09789322502911091,0.04386647138744593 0.12966535985469818,0.04026173613965511 l0.09234387427568436,0.014893565094098449 0.08831794373691082,0.02789292950183153 l0.09392129257321358,0.01687486539594829 0.08082225918769836,-0.20151952281594276 l0.16748808324337006,0.022700789850205183 0.06400434300303459,-0.11992946267127991 l0.14991572126746178,0.01355574931949377 0.1269855536520481,-0.4624520242214203 l0.08909551426768303,-0.1112539041787386 -0.11873656883835793,-0.39334218949079514 l0.12960007414221764,0.01835568342357874 0.06588384043425322,-0.014549776678904891 l-0.1186402328312397,0.022737542167305946 0.07849175482988358,-0.086246682330966 l0.08266851305961609,-0.003653218154795468 0.07926834747195244,-0.10369575582444668 l0.047676325775682926,-0.12175609357655048 0.11065008118748665,-0.017418392235413194 l-0.17230980098247528,-0.23526864126324654 0.1343444362282753,0.0011798744526458904 l0.13131058774888515,-0.07072442676872015 -0.16851680353283882,0.04167687147855759 l-0.012297739740461111,-0.0677869375795126 -0.34930091351270676,0.03144220216199756 l0.03780793398618698,0.0006213861342985183 0.005404999828897417,0.037356310058385134 l-0.12047034688293934,-0.30181799083948135 0.04593680612742901,-0.009396654786542058 l0.05383760202676058,0.061609912663698196 0.06536795292049646,-0.14385475777089596 l0.0642100814729929,-0.0008344870002474636 0.031184640247374773,0.00018864377125282772 l-0.026716699358075857,0.07065632846206427 0.06001224275678396,-0.0027656901511363685 l-0.0010528256825637072,0.04770185798406601 0.0447579100728035,-0.01756336074322462 l-0.3102358989417553,0.022227938752621412 -0.206245556473732,0.047613619826734066 l-0.16993602737784386,-0.5087782442569733 0.016703448491171002,0.039079985581338406 l-0.009109480306506157,-0.4803726449608803 -0.14005567878484726,-0.5821919068694115 l0.025652425829321146,0.012958850711584091 -0.05748794414103031,0.025093085132539272 l-0.001190438269986771,0.02198846312239766 0.022951369173824787,-0.11638304218649864 l0.004501203075051308,-0.020536440424621105 -0.34086015075445175,-0.3494534268975258 l0.006021682056598365,0.11512256227433681 -0.31355228275060654,0.01871472573839128 l0.042684064246714115,0.040225605480372906 -0.04378096666187048,0.03572446294128895 l0.03403262933716178,0.029748526867479086 -0.18344534561038017,-0.1568485051393509 l0.04672764800488949,0.07332067936658859 -0.010537083726376295,0.10139387100934982 l-0.08891747333109379,0.15650475397706032 0.06007859483361244,0.011565329041332006 l0.03990959841758013,0.08454475551843643 0.0361481262370944,0.018568551167845726 l0.08864730596542358,0.03215762786567211 0.0463224807754159,0.0587805500254035 l0.07139614783227444,-0.01230297377333045 0.11687321588397026,0.020987631287425756 l0.035739424638450146,-0.1285750325769186 0.14779172837734222,0.018921620212495327 l0.10762959718704224,-0.011197059648111463 -0.12817468494176865,-0.19698616117238998 l-0.07705803494900465,0.15441294759511948 0.04582436289638281,-0.0021602422930300236 l-0.012833653017878532,0.03134526079520583 0.08776494301855564,-0.03033701330423355 l-0.1403644122183323,-0.2969127334654331 0.011732836719602346,0.154449250549078 l0.08000416681170464,-0.012962921755388379 0.0803036242723465,-0.08712081238627434 l-0.18395677208900452,-0.2199285663664341 0.16060525551438332,0.0191652774810791 l0.07259393576532602,-0.07389419246464968 0.10412043891847134,0.008600614964962006 l0.053501883521676064,-0.10708307847380638 0.11003506369888783,-0.013562790118157864 l0.08609147742390633,-0.11538613587617874 0.07679753936827183,-0.05603600759059191 l0.07383469492197037,-0.05856364034116268 0.0681671779602766,-0.03717910032719374 l0.15129885636270046,-0.06405558902770281 0.12120828963816166,-0.005971799255348742 l-0.225716233253479,-0.3588377311825752 0.08717055432498455,-0.034634009934961796 l0.03636369248852134,-0.02367599168792367 0.06333048921078444,-0.015082373283803463 l0.034718343522399664,-0.026762490160763264 0.06797367241233587,-0.022318190895020962 l0.11500928550958633,-0.10961126536130905 0.08480745367705822,-0.11073078960180283 l-0.2088639698922634,-0.33067863434553146 0.11918164789676666,0.02601665211841464 l0.05106207448989153,-0.12182328850030899 -0.2040945552289486,-0.29332224279642105 l-0.16166642308235168,0.007551779272034764 0.01578503753989935,0.017853694735094905 l-0.0003457950515439734,0.07885477505624294 0.03026906168088317,0.04346767906099558 l0.06926911417394876,-0.032890643924474716 0.020209462381899357,-0.07087745238095522 l-0.01112921629101038,0.025375846307724714 0.04973806440830231,0.014556468231603503 l-0.19162064418196678,-0.3233041614294052 -0.362267903983593,0.03617898793891072 l-0.21331723779439926,-0.36236464977264404 -0.1477380469441414,0.0208962126635015 l-3.3503542340440617e-06,0.09791824035346508 0.023024529218673706,0.03599720075726509 l0.012240835931152105,0.02066679298877716 0.018663580995053053,-0.002111015492118895 l0.07253360003232956,-0.024088562931865454 0.05607420112937689,-0.08098673075437546 l0.10186271741986275,0.010881623020395637 0.03452985314652324,-0.07404860574752092 l0.09140205569565296,0.03283575875684619 0.06145876832306385,0.0014286203077062964 l0.06983111146837473,0.03577174851670861 0.09382296353578568,0.07099427282810211 l0.07217593025416136,0.02308338414877653 0.07230812683701515,-0.05614115856587887 l0.10339933447539806,-0.05627379287034273 0.09878216311335564,0.009025478502735496 l0.036801432725042105,-0.031240046955645084 0.11567178182303905,0.015305792912840843 l0.09920855984091759,-0.0958741270005703 0.13534181751310825,0.009511857060715556 l0.06581433117389679,-0.004939761711284518 0.10360134765505791,0.011309020919725299 l0.07226489949971437,-0.11910984292626381 0.08110771887004375,-0.06178178824484348 l0.14416526071727276,-0.024492121301591396 0.08993386290967464,-0.015811255434527993 l0.11308886110782623,-0.009330820175819099 0.07346547674387693,-0.11032463051378727 l-0.21001622080802917,-0.3286938741803169 -0.17894217744469643,-0.31572848558425903 l-0.028265707660466433,0.06526651792228222 0.053880782797932625,-0.02553794300183654 l-0.12302402406930923,-0.18858881667256355 0.11789827607572079,0.0019542705558706075 l0.03842754755169153,-0.01919445930980146 0.1308010146021843,-0.03687919117510319 l0.031235385686159134,-0.009348675375804305 0.09122714400291443,0.023765629157423973 l-0.03385813906788826,0.038151631597429514 -0.013345445040613413,-0.2162037044763565 l0.05624494515359402,-0.09476687759160995 0.05882216617465019,-0.08035656996071339 l0.028699913527816534,-0.026132818311452866 0.07613485213369131,-0.060524940490722656 l0.07441845256835222,-0.15126079320907593 0.07570358458906412,-0.07905786857008934 l0.08510646410286427,-0.1278651412576437 0.049397521652281284,-0.025041825138032436 l0.029074547346681356,-0.008201738819479942 0.09894613176584244,0.01764698652550578 l0.06647636648267508,-0.1911885291337967 0.01583714969456196,-0.014703267952427268 l0.06517378613352776,-0.05441343877464533 0.06974476389586926,-0.12108752503991127 l-0.18093077465891838,-0.32398756593465805 -0.09701941162347794,0.052874935790896416 l0.048646265640854836,-0.08799774572253227 -0.03416174557060003,0.1058480516076088 l-0.3500380739569664,-0.13512900099158287 -0.014971003402024508,0.003027721249964088 l0.006487267673946917,-0.01180641120299697 0.054848259314894676,0.037694203201681376 l-0.30966028571128845,-0.09061327204108238 -0.033993166871368885,0.09742006659507751 l0.0012944165791850537,0.10849064216017723 -0.029915652703493834,0.012335189385339618 l0.07403598167002201,0.0010584702249616385 -0.018578713061288,0.06925154477357864 l0.05341248121112585,0.004814943240489811 0.034542244393378496,-0.006324613350443542 l0.05847963970154524,0.00905688852071762 0.05992352496832609,-0.05878667812794447 l-0.09575880132615566,-0.4566549137234688 -0.0028282083803787827,0.023225732147693634 l-0.16014151275157928,-0.31183961778879166 0.11539986357092857,0.014437547652050853 l0.052277836948633194,0.10157490149140358 0.023337509483098984,0.01236108597368002 l0.03973802551627159,0.007918963674455881 0.028257465455681086,0.008424170082435012 l0.0771112134680152,0.11197480373084545 0.05172800272703171,-0.0038938928628340364 l0.09374061599373817,-0.04053525160998106 0.11068182066082954,-0.0010058206680696458 l0.07181516382843256,0.016019652830436826 0.06839308422058821,0.0031097224564291537 l0.0937766395509243,-0.030533396638929844 0.103895403444767,-0.01723324414342642 l0.09194022975862026,-0.05875020753592253 0.014157663099467754,0.003150506818201393 l0.030782001558691263,0.0051710911793634295 0.09448028169572353,-0.02097527263686061 l-0.23865988478064537,-0.2758150175213814 0.1285780407488346,0.027996732387691736 l0.04791132640093565,0.07712664548307657 -0.01035457942634821,0.007924502715468407 l0.013663552235811949,0.04068953450769186 0.03543754108250141,-0.11434375308454037 l0.1186840608716011,0.01723677502013743 0.033526988700032234,0.0471600703895092 \" fill=\"none\" stroke=\"black\" stroke-width=\"1\"/></svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"96.26342199539067\" version=\"1.1\" width=\"129.56142307622827\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:ev=\"http://www.w3.org/2001/xml-events\" xmlns:xlink=\"http://www.w3.org/1999/xlink\"><defs/><rect fill=\"white\" height=\"96.26342199539067\" width=\"129.56142307622827\" x=\"0\" y=\"0\"/><path d=\"M41.40509785967879,30.873758184316102 m-1.091688722372055,-0.026114066131412983 l-1.3891622424125671,0.18087489530444145 -1.9446459412574768,-0.06846911273896694 l-0.32359927892684937,0.8276111632585526 -0.48051416873931885,0.31468816101551056 l-0.4780576005578041,0.08740773424506187 -0.3296804428100586,0.03770799143239856 l-0.31133009120821953,0.04975132178515196 -0.35400133579969406,0.039967321790754795 l-0.39467066526412964,0.01643346040509641 -0.3985370695590973,0.04883723799139261 l-0.4276096448302269,0.07159968838095665 -0.45720014721155167,0.10710300877690315 l-0.4929732158780098,0.114203542470932 -0.43591946363449097,0.10885098949074745 l-2.1709832549095154,1.0064437240362167 -0.3889695554971695,0.08245631121098995 l-0.3959963098168373,0.40262360125780106 -0.3800317272543907,0.09754299186170101 l-0.2981077507138252,0.11353633366525173 -0.4031747952103615,0.09554301388561726 l-0.35538967698812485,0.09836395271122456 -0.3274257481098175,0.40463268756866455 l-0.1335479225963354,0.3102068603038788 -0.40106672793626785,-0.03280375385656953 l0.03611329710111022,0.43496984988451004 -0.09873294271528721,-0.2253890410065651 l-0.3030256927013397,0.25932176038622856 -0.13908653520047665,0.449395552277565 l-0.2894887514412403,0.4000089317560196 -0.2766985818743706,0.3756498545408249 l0.01808825763873756,0.5153980851173401 -0.41444581001996994,0.37425220012664795 l-0.3304632753133774,0.35836752504110336 -0.03838069038465619,0.952107310295105 l0.011017320211976767,1.1325856298208237 0.012364689027890563,1.3089273869991302 l-0.01048011239618063,1.3664114475250244 -0.007254944648593664,1.0882877558469772 l-0.01034058746881783,1.1144479364156723 0.028186452109366655,1.0013209283351898 l-0.01299730152823031,1.1387771368026733 0.27824170887470245,0.5512708052992821 l-0.003885195474140346,1.0168352723121643 0.021356705110520124,0.9734483063220978 l-0.012599409092217684,1.079181730747223 -0.027453177608549595,0.8423586934804916 l-0.01644355827011168,0.9032107889652252 -0.03469078103080392,0.9095042198896408 l-0.021776072680950165,0.9572359919548035 -0.042871381156146526,0.838962122797966 l0.29771698638796806,0.2880354970693588 -0.06746834609657526,0.7890038937330246 l0.004669551271945238,0.6957930326461792 0.44562719762325287,0.08099996484816074 l0.07705065421760082,0.5182075873017311 0.5133425071835518,0.6258316338062286 l0.5920775234699249,0.0801441352814436 -0.015127296792343259,0.22973036393523216 l0.7889889925718307,0.09899609722197056 1.4172086119651794,0.08856114000082016 l0.7034961879253387,0.02299036830663681 0.6871321797370911,-0.6896616518497467 l0.525185652077198,-0.002009296149481088 0.5739091709256172,-0.025978609919548035 l0.5652458965778351,-0.09573809802532196 0.46827808022499084,-0.07755997590720654 l0.45288853347301483,-0.13374232687056065 0.476967990398407,-0.09524841792881489 l0.8958382904529572,-0.7777225971221924 1.538335382938385,-1.359221637248993 l0.37770211696624756,-0.0886719673871994 0.3274151682853699,-0.302642285823822 l0.28273049741983414,-0.3986915573477745 0.3815120458602905,-0.35874973982572556 l0.33518001437187195,-0.46744391322135925 0.3175569325685501,-0.5142960697412491 l0.3286108374595642,-0.5575522780418396 0.32338645309209824,-0.6000727415084839 l0.33073078840970993,-0.6198223307728767 0.2871302701532841,-0.6785531342029572 l0.9246779233217239,-1.4709150791168213 0.11622224934399128,-0.8518967777490616 l0.38957975804805756,-0.7605036348104477 0.25786951184272766,-0.9389840811491013 l0.38813255727291107,-0.8957900106906891 0.3268482908606529,-0.8914797008037567 l0.3513447567820549,-0.8951050043106079 0.3353460133075714,-0.9531489014625549 l0.3641131520271301,-0.8843580633401871 0.11431903578341007,-1.452317237854004 l0.5218444392085075,-0.7883373647928238 0.23307554423809052,-0.7646039128303528 l0.33869627863168716,-0.7730746269226074 0.32514914870262146,-0.835048109292984 l0.29638497158885,-0.7642888277769089 0.2692432515323162,-0.7561100274324417 l0.309717133641243,-0.7422769069671631 0.2804695628583431,-0.722605362534523 l0.28947899118065834,-0.7248876988887787 0.2944612503051758,-0.7112863659858704 l0.2701825462281704,-0.7006758451461792 0.2862108126282692,-0.6575426459312439 l0.21514466032385826,-0.6057567894458771 0.30066046863794327,-0.6150000914931297 l0.07928303442895412,-1.0485020279884338 0.3111875057220459,-0.8210449665784836 l0.19777515903115273,-0.5971715599298477 0.2659679017961025,-0.5606746673583984 l0.2474910020828247,-0.6098366901278496 0.2237197384238243,-0.6185707822442055 l0.24219417944550514,-0.5754726380109787 0.2064274251461029,-0.5554674193263054 l-0.04196206107735634,-0.5169560387730598 0.33771608024835587,-0.09483065456151962 l-0.4498658701777458,0.18237536773085594 0.13084243051707745,0.40306922048330307 l-0.09834582917392254,-0.12059248983860016 -0.577462911605835,0.6782263517379761 l-0.9820745140314102,1.4850440621376038 -0.47347813844680786,1.2042295187711716 l-0.39710041135549545,0.702570229768753 -0.3841346502304077,0.7587143778800964 l-0.3864748403429985,0.8712571114301682 -1.1232959479093552,2.6226291060447693 l-0.43439246714115143,1.1266467720270157 -1.253606230020523,2.8750205039978027 l-0.5650172382593155,1.0142705589532852 -1.1745262145996094,3.1498944759368896 l-0.4634574055671692,1.6351111233234406 -0.4813817888498306,1.8092569708824158 l-0.4830591380596161,1.77080899477005 -0.5254475027322769,1.8117526173591614 l-0.48769213259220123,1.8627412617206573 -0.5133512243628502,1.7128564417362213 l-0.015506434720009565,1.4351586997509003 -0.5271340534090996,1.815466284751892 l-0.005050165927968919,1.28665030002594 -0.040477397851645947,1.4271445572376251 l-0.35273168236017227,0.6557916104793549 0.011681907344609499,1.6064567863941193 l-0.017218872671946883,1.6178563237190247 -0.022172587923705578,1.6881836950778961 l0.0028028202359564602,1.4883936941623688 0.01609760452993214,1.6458804905414581 l0.0022957292094361037,1.0041586309671402 0.02696988172829151,1.6128869354724884 l0.31493548303842545,0.22922024130821228 0.012947110226377845,0.5236272141337395 l-0.025082477368414402,0.06701051723212004 -0.04753539338707924,-0.5299417302012444 l-0.04750842694193125,-1.1083530634641647 0.5950431153178215,-0.2763233706355095 l0.19435452297329903,-0.882364884018898 0.319034643471241,-0.3868401423096657 m16.9768488407135,-20.52703857421875 l-0.1939331367611885,0.6646212935447693 -1.895054280757904,2.6907911896705627 l-0.3270353376865387,0.7777858525514603 -0.10427713394165039,0.5769907683134079 l-0.24613996967673302,0.07026138249784708 -0.2394774928689003,-0.007292419904842973 l0.008002984104678035,0.5014004185795784 -0.020998967811465263,0.5704782903194427 l-0.1487885508686304,0.3057355061173439 -0.37884149700403214,0.4799705743789673 l-0.0004072729643667117,0.709797814488411 -0.02262356923893094,0.6948494911193848 l-0.015523541951552033,0.787050873041153 -0.062351059168577194,0.6181354820728302 l-0.06808747537434101,0.577034093439579 -0.004639489634428173,0.6055804342031479 l0.032474836334586143,0.5452444776892662 -0.06226395722478628,0.8269146084785461 l0.07883386686444283,0.5774390324950218 -0.3139135614037514,0.6643936038017273 l-0.016836548456922174,0.9319837391376495 0.011045458959415555,0.9423298388719559 l0.19497336819767952,0.5460294708609581 0.19974546507000923,0.4422328993678093 l0.12470308691263199,0.4961574822664261 0.2783951908349991,0.326787531375885 l0.041632396169006824,0.3398006781935692 0.18375393003225327,-0.07627902552485466 l0.00042320469219703227,0.17643965780735016 -0.05981342401355505,0.2743249945342541 l0.047758608125150204,0.15386082231998444 0.376448817551136,-0.2776043675839901 l1.203102320432663,-0.5356190353631973 1.9844619929790497,0.07386130280792713 l0.5739873647689819,-0.45395050197839737 0.5187505856156349,-0.5843205749988556 l0.547913983464241,-0.5670880898833275 0.886303037405014,-0.839013084769249 l0.027306051924824715,-0.6290682405233383 0.023303055204451084,-0.4760657995939255 l0.30434759333729744,-0.07571406662464142 m4.514190852642059,-24.287986755371094 l-0.9767651557922363,0.2912367321550846 -0.19343147054314613,0.16064709052443504 l-0.07565898355096579,0.09909229353070259 0.0680846069008112,0.20110618323087692 l-0.0637613283470273,0.22164976224303246 -0.07421424146741629,0.2675144001841545 l-0.03557543735951185,1.0291863232851028 -0.024852489586919546,1.1595343798398972 l-0.024562738835811615,1.182495504617691 -0.005067545571364462,0.9958337247371674 l-0.02683622995391488,0.7500769197940826 0.24587485939264297,0.03665872849524021 l-0.04773387219756842,0.3342261165380478 0.17200201749801636,0.008561246213503182 l0.2749861776828766,-0.017575942911207676 -0.04644769709557295,0.46884987503290176 l0.2903800271451473,0.016429931856691837 0.44957224279642105,-0.05343695171177387 l0.5220106616616249,-0.051427423022687435 0.5677957087755203,-0.06572582293301821 l0.5629399046301842,-0.0907206442207098 0.27561478316783905,-0.029080796521157026 l0.27366193011403084,-0.008917244849726558 -0.0933271273970604,-0.04851432517170906 l-0.08526917546987534,-0.03555281087756157 0.2281411737203598,0.026811440475285053 l-0.02348876791074872,-0.3647564724087715 0.19771184772253036,0.003814891097135842 l-0.08419056423008442,-0.30124878510832787 0.08384632878005505,-0.2717069536447525 l0.15568731352686882,-0.007210641051642597 0.1824185997247696,-0.025403937324881554 l0.07600109558552504,-0.2078847400844097 0.26305045932531357,-0.09142874740064144 l-0.04844962153583765,-0.750088095664978 -0.04435493145138025,-1.1622381210327148 l-0.10165226645767689,0.04367132671177387 -0.2705329470336437,-0.13643586076796055 l-0.1733410358428955,-0.35500749945640564 -0.46432696282863617,-0.32222092151641846 l-0.22734904661774635,-0.25834202766418457 -1.480739563703537,0.10897113010287285 l-0.40078841149806976,0.07288977038115263 -0.22636964917182922,0.15044714324176311 l-0.17895890399813652,0.03891220781952143 -0.046793026849627495,0.0775891775265336 l0.19420137628912926,0.11097409762442112 -0.015883547021076083,0.2273520641028881 l-0.8775738626718521,0.6127443164587021 -1.120523065328598,0.8752600848674774 l-0.06088895257562399,0.3892770782113075 -0.11663917452096939,0.7081169635057449 l-0.5196959525346756,0.9018836170434952 -0.07119772024452686,0.4162473604083061 l-0.1649939827620983,0.8598700165748596 -0.16160212457180023,0.8531739562749863 l-0.17151370644569397,0.7564927637577057 -0.1893930695950985,0.8576817810535431 l-0.020949854515492916,0.4315287619829178 -0.19764378666877747,0.8089862018823624 l-0.21595684811472893,1.040199100971222 -0.21041160449385643,0.7569239288568497 l-0.021971622481942177,1.0865002125501633 0.08981490507721901,1.3068558275699615 l0.3057004325091839,1.377263367176056 0.23490175604820251,0.11219432577490807 l0.014003117103129625,0.2550696022808552 0.17879744991660118,1.409410536289215 l0.3399806097149849,0.7436992973089218 0.04010656848549843,0.3587383031845093 l0.3062399663031101,0.5744609609246254 0.059725488536059856,0.3758290037512779 l0.39833322167396545,0.550839975476265 0.16021572053432465,0.38624856621026993 l0.25874895974993706,0.41805148124694824 0.4854561761021614,0.08284853771328926 l0.4969334974884987,0.3669625520706177 0.5777598917484283,0.35325683653354645 l1.2677973508834839,0.09104881435632706 1.1301643401384354,0.09872561320662498 l0.2886238694190979,-0.1598796807229519 0.6600341200828552,-0.6010974198579788 l0.6761480867862701,-0.010221005650237203 0.21088480949401855,0.05221805069595575 l0.33024564385414124,-0.07832745090126991 0.6102383136749268,-1.3708299398422241 l-0.05004562437534332,-0.6430242955684662 -0.38774117827415466,-0.6447812169790268 l-0.34383073449134827,-0.5828358978033066 m12.317643165588379,-14.288203716278076 l-1.2529027462005615,-1.6358928382396698 -0.5300778523087502,-0.00590786337852478 l-0.6374485790729523,0.0863227155059576 -0.7071632891893387,0.029648260679095984 l-0.37920426577329636,0.5363021790981293 -0.4933038353919983,0.36268793046474457 l-0.5259118229150772,0.4137483611702919 -0.5077199637889862,0.49668096005916595 l-0.5198238044977188,0.5025797709822655 -0.4881315678358078,0.6139715015888214 l-0.4278610274195671,0.580359622836113 -0.13047882355749607,0.0071674620267003775 l-0.09786874055862427,-0.008469323511235416 -0.1585572212934494,0.009005303145386279 l-0.1784476451575756,0.03837607800960541 -0.18483610823750496,0.05286513362079859 l-0.1857548952102661,0.018040353897958994 -0.7263501733541489,0.5585625022649765 l-0.2057701162993908,0.01748592942021787 -0.17642764374613762,-0.01516361953690648 l-0.22163251414895058,0.3355107456445694 -0.09088261052966118,0.39781082421541214 l-0.2639840543270111,0.4292234778404236 -0.25274287909269333,0.40722761303186417 l-0.23646976798772812,0.24439940229058266 -0.0604195985943079,0.6612804532051086 l-0.04705825820565224,0.5679456517100334 -0.0475122919306159,0.7988177239894867 l-0.2271660417318344,0.5405174568295479 -0.25282636284828186,0.5810722708702087 l-1.348409682577767e-05,0.8995784819126129 -0.05537630058825016,0.7374373823404312 l0.0015115622954908758,1.4598371088504791 0.057759666815400124,0.7230625301599503 l-0.03201122162863612,1.4024007320404053 0.023449016734957695,1.1617086827754974 l0.3074282221496105,0.1905493624508381 0.001531434536445886,0.8992788195610046 l0.07732375524938107,0.6302198767662048 0.37094175815582275,0.5766364932060242 l0.3467918187379837,0.6077394261956215 0.3095629811286926,0.04692309070378542 l0.5246191471815109,0.6190891191363335 1.0299905389547348,0.10304846800863743 l1.5528857707977295,0.04846360068768263 1.8669432401657104,0.06382652558386326 l0.7283610105514526,-0.10994826443493366 0.5999430269002914,-0.15681738033890724 l0.30850326642394066,-0.0755377858877182 0.18242230638861656,-0.08776444010436535 l0.18101060763001442,-0.0951522495597601 0.2654147893190384,-0.07652740459889174 l0.2816477045416832,-0.1206806767731905 0.3776416555047035,-0.08991263806819916 l0.3699661046266556,-0.09301524609327316 0.3795064240694046,-0.10096963495016098 l0.37426434457302094,-0.09599851444363594 0.36217279732227325,-0.07149131502956152 l0.3473135828971863,-0.10528498329222202 0.33788178116083145,-0.10123424232006073 l0.35621073096990585,-0.08108080364763737 0.2898099273443222,-0.11913497000932693 l0.2657795324921608,-0.12110783718526363 -0.5966309830546379,0.15924714505672455 l0.24563295766711235,-0.1928945817053318 0.3225790709257126,-0.17517082393169403 l0.24779168888926506,-0.2475905418395996 0.1230610441416502,-0.32240603119134903 l0.2049732208251953,-0.3532107174396515 0.1508199516683817,-0.31867459416389465 l0.1701507903635502,-0.3549472242593765 0.1386754959821701,-0.3823045641183853 l0.1482019666582346,-0.4184524714946747 0.1541689783334732,-0.44380132108926773 l0.1800723746418953,-0.43057095259428024 0.16953548416495323,-0.44679660350084305 l0.1839243620634079,-0.5317914485931396 0.2875049412250519,-0.32401997596025467 l0.1443088799715042,-0.9427390992641449 0.256417915225029,-0.5246339738368988 l0.20107947289943695,-0.689602792263031 0.16407528892159462,-0.7417841255664825 l0.16498401761054993,-0.6493879854679108 0.19695661962032318,-0.6190022826194763 l0.1821047067642212,-0.6151102483272552 0.12480199337005615,-0.6424052268266678 l0.21352902054786682,-0.5983787029981613 0.17385993152856827,-0.5980635061860085 l0.18399197608232498,-0.6319230794906616 0.19064297899603844,-0.5655433610081673 l0.2042623609304428,-0.5834757536649704 0.13953610323369503,-0.5700454860925674 l0.2154432237148285,-0.6079526618123055 0.12915823608636856,-0.5913329869508743 l0.2122494950890541,-0.6166910752654076 0.13317004777491093,-0.5928003042936325 l0.17253480851650238,-0.564291775226593 0.016620111418887973,-0.8713974058628082 l0.3293267637491226,-0.5248501896858215 -0.07822551764547825,-1.016564667224884 l0.40807537734508514,-0.44382181018590927 -0.061657968908548355,-0.5602982267737389 l0.168098583817482,-0.5689433217048645 0.10961038991808891,-0.5200261995196342 l0.13137014582753181,-0.4607027769088745 0.053695482201874256,-0.6989628076553345 l0.13361511752009392,-0.6918545812368393 0.1751517318189144,-0.4372391849756241 l0.1269338559359312,-0.3896522521972656 0.06517201196402311,-0.41243065148591995 l-0.1179280411452055,-0.5885668843984604 0.10994110256433487,-0.34974198788404465 l-0.1117116678506136,-0.18697282299399376 -0.1692046970129013,-0.136339096352458 l-0.29970236122608185,0.3693193569779396 -0.35837572067976,0.640137568116188 l-0.5020182579755783,0.5516316369175911 -0.4871835932135582,1.07822485268116 l-0.5503717809915543,0.7324773073196411 -0.6285835057497025,1.173044890165329 l-0.730653703212738,1.8215206265449524 -0.4359527677297592,0.6897009909152985 l-0.3930444270372391,1.2260522693395615 -0.1930801011621952,0.600506067276001 l-0.38646209985017776,1.4308670163154602 -0.3753567114472389,1.3102512061595917 l-0.366801954805851,1.4498066902160645 -0.03159388434141874,0.7230443507432938 l-0.04703921265900135,0.7770116627216339 -0.31358327716588974,1.5530319511890411 l-0.010544615797698498,1.025978922843933 -0.03264149185270071,0.8529162406921387 l-0.3245373070240021,1.514638513326645 0.00920264981687069,1.1864728480577469 l-0.03169600386172533,0.9004786610603333 0.017780286725610495,1.6102029383182526 l0.015189506812021136,1.074460968375206 0.014176234835758805,1.5695276856422424 l0.015360390534624457,0.9324264526367188 0.02122481819242239,0.4324812814593315 l0.06426973268389702,0.8289821445941925 0.06372679956257343,0.03480441868305206 l0.017934301868081093,0.32803721725940704 0.023751850239932537,0.3175468370318413 l0.040939291939139366,0.5528650060296059 0.13291403651237488,0.35767853260040283 l0.6680716574192047,0.3206714242696762 0.5680348351597786,0.04545005038380623 l0.8049487322568893,0.04488352220505476 1.1392386257648468,0.045958864502608776 l1.3717973232269287,0.05156002938747406 1.3331696391105652,0.07782082539051771 l0.6551741808652878,-0.0048632503603585064 0.4831867292523384,-0.8938281983137131 l0.5623342096805573,0.012252434389665723 0.38312945514917374,-0.19527703523635864 l0.30112313106656075,-0.09891174733638763 0.32971110194921494,-0.741298645734787 l0.43256402015686035,-0.037766057066619396 0.34060534089803696,-0.2238164283335209 l0.7068147510290146,-1.331748217344284 0.4472372308373451,-0.1244055200368166 l0.3312096744775772,-0.2723763510584831 0.26296157389879227,-0.16873059794306755 l0.29042160138487816,-0.13404863886535168 0.2608393505215645,-0.10987433604896069 l0.2245030552148819,-0.05516314413398504 0.10383208282291889,-0.4596339911222458 l0.18371965736150742,-0.563688836991787 0.11550714261829853,-0.19454395398497581 l1.1454079300165176,-0.9056295454502106 0.4247981682419777,-0.8154559135437012 l0.3202742710709572,-0.7009905576705933 0.2777850441634655,-0.6568725407123566 l0.2265983447432518,-0.56441530585289 0.09051593951880932,-0.32622653990983963 l0.060740988701581955,-0.33792026340961456 0.060769133269786835,-0.35118184983730316 l-0.08433619514107704,-0.25805098935961723 0.053123198449611664,-0.3414527326822281 l-0.07464379072189331,-1.3335353136062622 -0.3784293681383133,-0.1206829771399498 l-0.8760219812393188,-0.1688169129192829 -0.4855143278837204,0.12561985291540623 l-0.4719576984643936,0.11181931011378765 -0.6105723232030869,0.010617447551339865 l-0.16465812921524048,0.1327159535139799 -0.46699970960617065,0.3451327234506607 l-0.4483325034379959,0.253208763897419 -0.6269679218530655,0.4898225888609886 l-0.1832326501607895,0.2177959308028221 -0.16590524464845657,0.2100364863872528 l-0.6565409153699875,0.6737810373306274 -0.03990014083683491,0.3303668275475502 l-0.5454964563250542,0.6331318616867065 -0.034211522433906794,0.46293705701828003 l-0.26084862649440765,0.4591904580593109 -0.2063400112092495,0.4936468228697777 l-0.001560819655423984,0.6104973703622818 0.0034697187948040664,0.47171346843242645 l0.010736552067101002,0.5837734788656235 0.015036473050713539,0.6594734638929367 l-0.1373718399554491,0.6493670493364334 0.07400812581181526,0.6859932839870453 l0.054214177653193474,0.9556449204683304 0.07622833829373121,1.311129629611969 l0.020595293026417494,1.1538191139698029 0.030500481370836496,1.419018805027008 l0.008772035944275558,1.351190209388733 0.039721899665892124,1.223694384098053 l0.7619764655828476,2.0300793647766113 0.176424328237772,0.5218158662319183 l0.26502475142478943,0.3795209154486656 0.08181189186871052,0.5593552812933922 l0.17585737630724907,0.5036312341690063 0.5072254687547684,0.5969046801328659 l1.7213892936706543,0.9388691186904907 1.740385890007019,0.04498270805925131 l0.6514157354831696,-0.2068169042468071 2.381012588739395,0.049161771312355995 l0.8306401968002319,-0.08957311511039734 0.4095754772424698,-0.6300240755081177 l1.6467545926570892,0.06266968790441751 0.5020704120397568,-0.6181104108691216 l0.46559929847717285,-0.42516812682151794 0.4143095016479492,-0.40856532752513885 l0.5242805927991867,-0.5025586485862732 0.4492628201842308,-0.2677535265684128 \" fill=\"none\" stroke=\"black\" stroke-width=\"1\"/></svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"72.44690268184058\" version=\"1.1\" width=\"932.2288405895233\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:ev=\"http://www.w3.org/2001/xml-events\" xmlns:xlink=\"http://www.w3.org/1999/xlink\"><defs/><rect fill=\"white\" height=\"72.44690268184058\" width=\"932.2288405895233\" x=\"0\" y=\"0\"/><path d=\"M25,47.446902681840584 m6.64221465587616,-2.4720872938632965 l5.494011044502258,-1.3394547998905182 3.313937187194824,0.23087119683623314 l11.570245027542114,-1.9762735068798065 14.04207468032837,-1.159125491976738 l40.59141159057617,-1.1378353834152222 66.30817413330078,-2.6503905653953552 l36.12802505493164,-3.1283318996429443 33.061041831970215,-2.893587052822113 l25.30043601989746,-1.9247791171073914 64.58293437957764,-3.3949363231658936 l69.74851131439209,-0.007467874092981219 32.96841859817505,-0.5935045704245567 l78.50929260253906,2.022581994533539 67.46416568756104,1.0293594747781754 l51.88340187072754,0.8047034591436386 33.32782030105591,2.0217998325824738 l28.292241096496582,0.10734277777373791 22.252812385559082,-1.058809906244278 l21.834824085235596,1.0495702922344208 17.03834056854248,-0.8083102107048035 l20.12061595916748,1.3961789011955261 22.230513095855713,1.637558788061142 l24.068827629089355,3.2497230172157288 10.82960844039917,-1.1940114200115204 l13.806977272033691,0.6316238641738892 18.908284902572632,0.7708422094583511 l8.26106071472168,-2.3934967815876007 17.51832365989685,-1.6305024921894073 l16.130294799804688,-0.9073984622955322 \" fill=\"none\" stroke=\"black\" stroke-width=\"1\"/></svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"96.12289162236266\" version=\"1.1\" width=\"160.1891901541967\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:ev=\"http://www.w3.org/2001/xml-events\" xmlns:xlink=\"http://www.w3.org/1999/xlink\"><defs/><rect fill=\"white\" height=\"96.12289162236266\" width=\"160.1891901541967\" x=\"0\" y=\"0\"/><path d=\"M34.20998591464013,49.984390715835616 m-2.1326853334903717,0.42971741408109665 l-1.8421758711338043,0.7525932788848877 -1.9219668209552765,2.3290207982063293 l-1.6644908487796783,3.4657925367355347 -1.1902820318937302,4.083955883979797 l-0.05766648333519697,1.2466543167829514 -0.4007185250520706,3.8014981150627136 l0.6746907532215118,2.3256629705429077 4.2859503626823425,2.703605592250824 l1.8005263805389404,-0.5683982744812965 0.7522986084222794,-0.7823411375284195 l3.3146467804908752,-3.8160723447799683 0.9039994329214096,-3.5261863470077515 l0.7971320301294327,-3.409322202205658 1.6307362914085388,-7.508970499038696 l1.3818533718585968,-5.663037896156311 1.0709448903799057,-6.3684844970703125 l1.065702885389328,-4.304114282131195 0.7594974339008331,-3.4705010056495667 l0.20173929631710052,-1.0167469084262848 0.45201968401670456,-1.0033418983221054 l0.046558771282434464,-0.030698804184794426 0.03126483643427491,-0.24438666179776192 l-1.6110959649085999,5.222653746604919 -0.8625791221857071,3.5864827036857605 l-0.9453502297401428,3.758651614189148 -0.13899452053010464,1.3732801377773285 l-1.459665596485138,9.0172678232193 0.11856712400913239,2.2195208072662354 l0.19809609279036522,2.9194650053977966 0.5242238566279411,1.258082091808319 l1.5672381222248077,2.192979007959366 1.3380764424800873,0.2773649990558624 l1.6839729249477386,-0.28398817405104637 1.5301385521888733,-0.6062967702746391 l2.0154961943626404,-1.3850313425064087 2.2249671816825867,-1.7058664560317993 l2.164011597633362,-1.8863649666309357 2.199283242225647,-2.3918861150741577 l2.2633735835552216,-2.4236521124839783 -0.09792128577828407,0.010094639146700501 l1.6619385778903961,-1.9533804059028625 0.9457556903362274,-1.344839185476303 l-0.04078357946127653,-0.6595504283905029 0.029074959456920624,0.07089931983500719 l0.14786376617848873,0.6310749799013138 -0.20058222115039825,-0.12081845663487911 l-0.04784981720149517,0.7210021466016769 -0.18782252445816994,0.39919592440128326 l-0.16438962891697884,0.26041433215141296 -1.3419482111930847,1.8009720742702484 l-0.5398784950375557,1.114441230893135 -0.7215522229671478,2.523372173309326 l-0.07413569372147322,1.2684497237205505 -0.07600764743983746,2.133319079875946 l-0.05635789129883051,1.8203888833522797 1.3907994329929352,2.0296333730220795 l1.8236874043941498,1.046004295349121 2.337770015001297,-0.1823423057794571 l2.908022701740265,-1.4902903139591217 1.9571036100387573,-1.3487006723880768 l0.8707083761692047,-0.5763512849807739 2.1995100378990173,-1.719939410686493 l6.592313647270203,-6.361940503120422 0.8968530595302582,-1.2903772294521332 l0.9940920770168304,-1.248333528637886 0.43618544936180115,-0.3861743211746216 l0.302402600646019,-1.0190225392580032 -1.175764873623848,-0.17351694405078888 l-1.199776902794838,0.18464203923940659 -3.7527090311050415,2.1976928412914276 l-2.008626013994217,3.128311336040497 -0.5028337612748146,1.0224777460098267 l-0.01813991693779826,3.2138419151306152 0.23014966398477554,1.0876087844371796 l0.7959375530481339,2.4616536498069763 1.7462524771690369,1.5274180471897125 l0.5825257301330566,0.6653570383787155 1.6650435328483582,0.5818838253617287 l1.5095748007297516,-0.3578176721930504 0.8309582620859146,-0.382048562169075 l0.8981800824403763,-0.597783774137497 0.8597306907176971,-0.6916774809360504 l3.5151785612106323,-4.748319685459137 1.2288711220026016,-1.3346940279006958 l0.6255284696817398,-0.7993875443935394 1.7189015448093414,-1.7183469235897064 l2.6409775018692017,-2.066568434238434 1.7557452619075775,-0.658317506313324 l2.028021067380905,-0.8943117409944534 2.647995948791504,-1.1483705043792725 l1.0135005414485931,0.18395444378256798 -1.3460436463356018,-0.11723619885742664 l-1.6531690955162048,0.3819923475384712 -2.9173249006271362,1.7399778962135315 l-2.1568480134010315,1.8270522356033325 -0.2680247835814953,0.7934250682592392 l-1.6959774494171143,2.447565197944641 -0.3622109815478325,2.971939444541931 l0.051565575413405895,0.8806513249874115 0.24846501648426056,0.41127193719148636 l1.3151895999908447,1.6784308850765228 2.649517059326172,0.13663292862474918 l3.395742177963257,-1.846105307340622 3.72043639421463,-3.556521236896515 l3.026669919490814,-4.427091479301453 0.7693812251091003,-2.66591876745224 l2.4854783713817596,-7.702805995941162 1.4444094896316528,-5.810161828994751 l1.2315422296524048,-6.596089005470276 -0.09581747464835644,-0.5726749449968338 l-0.10537415742874146,-1.3724492490291595 0.17229925841093063,-0.49132589250802994 l0.1348959095776081,-0.20268697291612625 0.011636394774541259,-0.2717057056725025 l-0.0977675337344408,0.8979737758636475 -0.8490132540464401,1.2304236739873886 l-0.9420625120401382,3.204168975353241 -0.591142363846302,3.511093854904175 l-0.5132748186588287,3.558947443962097 0.021404565777629614,0.9472496062517166 l-0.05118430592119694,1.1417064815759659 -0.09892967529594898,2.881917655467987 l0.08109093643724918,1.0002170503139496 -0.0839329045265913,2.633245587348938 l0.3250862658023834,0.6386257708072662 -0.06899017374962568,1.959574669599533 l0.7368508726358414,2.121540904045105 1.4827007055282593,1.6544374823570251 l2.1989664435386658,0.7513038069009781 3.4509989619255066,-0.7518544793128967 l3.2094091176986694,-1.6250942647457123 3.6875271797180176,-2.640288472175598 l3.4414756298065186,-2.763393819332123 2.475537657737732,-2.2990313172340393 l1.111508384346962,-1.4843742549419403 1.7620198428630829,-2.0743168890476227 l1.3545739650726318,-2.625502049922943 0.42727719992399216,-1.6796933114528656 l0.16461128368973732,-0.7879023253917694 -1.0747941583395004,-2.33409583568573 l-1.367880254983902,0.25414925068616867 -1.1915037781000137,0.2754739671945572 l-1.4056739211082458,0.7033708691596985 -1.468021422624588,0.9821133315563202 l-2.2302669286727905,2.4590566754341125 -1.2145088613033295,2.4518905580043793 l-0.4453914985060692,1.2685182690620422 -0.08304624818265438,1.4566507935523987 l-0.09258152917027473,0.7545086741447449 0.12416267767548561,1.40263170003891 l-0.12683345936238766,1.8167808651924133 1.376793384552002,3.2360976934432983 l2.253875881433487,2.9236188530921936 3.481884002685547,2.135021388530731 l2.732304334640503,-0.0916791707277298 1.6500800848007202,-0.22589931264519691 l0.965435579419136,-0.6513727456331253 2.6271960139274597,-2.837167978286743 l1.18744395673275,-1.7515328526496887 0.23994091898202896,-1.5009857714176178 m-62.75956153869629,-18.004475831985474 l1.510179340839386,-0.7195662707090378 0.18045548349618912,-0.27365390211343765 l0.31229667365550995,-0.2034563198685646 0.4641517624258995,-0.48226427286863327 l0.597747340798378,0.07118636276572943 0.9157713502645493,-0.37802036851644516 l0.9122798591852188,-0.4301956295967102 0.7900463044643402,-0.3999420627951622 \" fill=\"none\" stroke=\"black\" stroke-width=\"1\"/></svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"88.60565154347569\" version=\"1.1\" width=\"101.0376946937049\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:ev=\"http://www.w3.org/2001/xml-events\" xmlns:xlink=\"http://www.w3.org/1999/xlink\"><defs/><rect fill=\"white\" height=\"88.60565154347569\" width=\"101.0376946937049\" x=\"0\" y=\"0\"/><path d=\"M35.24337347596884,54.32500316994265 m-0.983951985836029,0.11581230908632278 l-0.7995641976594925,-0.7745469361543655 -1.2539197504520416,0.1607956923544407 l-1.636945903301239,0.035133801866322756 -0.9760905802249908,0.6565414369106293 l-0.7216040045022964,0.3440283238887787 -0.6361370533704758,0.4480664059519768 l-0.5868541821837425,0.6711706519126892 -0.6665316224098206,0.7593253999948502 l-0.6343233585357666,0.5918591469526291 -0.5200925096869469,0.7195679098367691 l-0.26947105303406715,1.6732320189476013 -0.3315803036093712,0.39997756481170654 l0.11047491803765297,0.2850356884300709 -0.12333706952631474,0.5974661931395531 l-0.15861932188272476,0.31958315521478653 -0.054825497791171074,0.6579262763261795 l0.3763648495078087,0.5569489300251007 0.36129582673311234,0.5198027193546295 l0.4972407966852188,0.0907563790678978 0.4638214409351349,0.45216530561447144 l0.6578090786933899,-0.022175838239490986 0.2197011560201645,-0.26759371161460876 l0.5379988998174667,-0.1376296579837799 0.9831022471189499,0.025756312534213066 l-0.08361824788153172,0.013204715214669704 2.1626608073711395,-0.8401342481374741 l1.2366531044244766,-0.4224614053964615 1.497572511434555,-0.5139205232262611 l0.7119356840848923,-0.23608753457665443 0.8088094741106033,-0.1510621141642332 l0.7168190181255341,-0.5312623828649521 -0.15838326886296272,-0.05536005366593599 l1.1911183595657349,-0.9492898732423782 0.8536799997091293,-1.050049141049385 l-0.06726814433932304,0.061963871121406555 -0.20107721909880638,0.1838177628815174 l1.3521607220172882,-1.7447459697723389 0.48147231340408325,-1.285540610551834 l0.707843005657196,-0.8416359126567841 1.3979312777519226,-2.748575806617737 l1.1720465868711472,-2.175428569316864 0.6347871571779251,-1.578904241323471 l1.543855369091034,-3.516400158405304 1.8647639453411102,-3.833262324333191 l1.414220929145813,-3.7120142579078674 1.860429048538208,-4.172240793704987 l-0.10116332210600376,-0.042933737859129906 0.06261785980314016,-0.7734145224094391 l0.08852778002619743,-0.654933974146843 0.3844205290079117,-1.4046554267406464 l0.24495357647538185,-1.2051243335008621 0.13013766147196293,-1.0330168902873993 l-0.14902866445481777,-1.1643853038549423 0.01303464057855308,-1.0775358974933624 l-0.2717466838657856,-0.7486189901828766 -0.40439844131469727,0.12584022246301174 l-0.3933948650956154,0.3100314736366272 -0.6555000692605972,0.6846699118614197 l-0.7455416023731232,1.031155064702034 -1.0005143284797668,1.3748863339424133 l-0.20379414781928062,0.7836317270994186 -1.4664067327976227,2.286154627799988 l-0.404745414853096,1.0335594415664673 -0.38569118827581406,1.2134726345539093 l-1.3218289613723755,3.004728853702545 -1.388322114944458,3.3702823519706726 l0.0422865292057395,1.0800918936729431 -1.0186824202537537,2.75054007768631 l-0.02001579850912094,1.0347743332386017 -0.13612449169158936,0.9537998586893082 l-0.14470843598246574,0.8715829998254776 -0.3211434930562973,0.6868266314268112 l-0.2762714587152004,1.578768789768219 0.012263942044228315,1.6534745693206787 l-0.3086105175316334,0.9800010919570923 -0.02411595545709133,0.8788236975669861 l-0.14615606516599655,0.4408949613571167 -0.005966911558061838,1.298033595085144 l-0.004371610120870173,1.0897783190011978 0.24107910692691803,0.2029191143810749 l-0.07177362684160471,0.3433823585510254 -0.08360768668353558,0.5493974685668945 l-0.04376437049359083,0.4383803531527519 -0.3494805842638016,-0.24533750489354134 l-0.1271784957498312,-0.3323417529463768 m16.168465614318848,-9.702520370483398 l-1.5164552628993988,-0.0011244854977121577 -0.058742654509842396,0.10242624208331108 l-0.021542105823755264,0.2112356387078762 -0.07415873929858208,0.08352940902113914 l0.025857118889689445,0.23548031225800514 -0.24789277464151382,0.331035852432251 l-0.25984572246670723,0.33974163234233856 -0.056329770013689995,0.31898897141218185 l-0.051242224872112274,0.2704700455069542 -0.016709817573428154,0.10705367662012577 l-0.0653590727597475,0.06025753915309906 -0.05818184930831194,0.056466031819581985 l-0.00533927115611732,0.21789893507957458 -0.04488414153456688,0.23797152563929558 l-0.3591858223080635,0.7454749196767807 -0.04189438186585903,0.3043481893837452 l-0.02241094596683979,0.21590739488601685 -0.09992875158786774,0.22586969658732414 l0.046120407059788704,0.20215535536408424 0.0579083152115345,0.19218046218156815 l0.007761754095554352,0.3885199502110481 -0.1662806048989296,0.1715635508298874 l-0.012599077308550477,0.3528127446770668 0.10440483689308167,0.16061855480074883 l-0.003056227578781545,0.37847723811864853 0.014912835322320461,0.44019751250743866 l-0.03102445974946022,0.21201439201831818 0.14466424472630024,0.15237855724990368 l-0.007583721890114248,0.26738040149211884 0.13889716006815434,0.09929119609296322 l-0.010837315348908305,0.20590811967849731 -0.07636332418769598,0.08272498846054077 l0.16650505363941193,0.11343460530042648 0.14265823177993298,0.07714774459600449 l-0.047869784757494926,0.0814522709697485 0.05898030009120703,0.04798075184226036 l0.04797371104359627,0.04476991016417742 -0.033961161971092224,0.014153750380501151 l-0.022848316002637148,-0.0717198895290494 -0.004981705569662154,-0.006741454126313329 l0.03013761481270194,-0.003506913490127772 0.2899121679365635,-0.21348495036363602 l0.42209647595882416,-0.37332817912101746 0.26178136467933655,-0.41354428976774216 l0.28086479753255844,-0.24552017450332642 0.17396451905369759,-0.36287274211645126 l0.1320536620914936,-0.37816520780324936 -0.014655375853180885,-0.11993617750704288 l-0.03126235678792,-0.08404347114264965 m0.7951000332832336,-10.759689807891846 l0.4240530729293823,-0.10891283862292767 0.11474425904452801,-0.1050504669547081 l0.1514800265431404,-0.10504472069442272 -0.002855393977370113,-0.005364851676858962 l0.05919898860156536,-0.42454905807971954 -0.05176106467843056,0.06476454436779022 l-0.11207371018826962,-0.0574043532833457 -0.05133284255862236,-0.12239854782819748 l-0.06332354620099068,-0.13412742875516415 -0.05361289717257023,-0.09923952631652355 l-0.24411870166659355,-0.005783847300335765 -0.07284150924533606,-0.24186007678508759 l-0.027298168279230595,-0.1629001460969448 -0.06724911741912365,0.03982693888247013 l-0.05200402811169624,-0.09160504676401615 0.10652953758835793,0.02807831158861518 l-0.013601823011413217,-0.142024178057909 -0.10710162110626698,0.028727930039167404 l-0.0381077965721488,-0.1322740688920021 -0.030837873928248882,-0.17592065036296844 l-0.03388312645256519,-0.19692189991474152 -0.3630433976650238,0.14067873358726501 l-0.07277813740074635,-0.08652878925204277 -0.011628614738583565,-0.24148456752300262 l0.16272962093353271,-0.05316863767802715 -0.012915382394567132,-0.20003581419587135 l-0.15393695794045925,0.05315720569342375 -0.022096759639680386,-0.16880637034773827 l-0.010047460673376918,-0.2556808665394783 -0.020762996282428503,-0.267762690782547 l0.14227881096303463,-0.12762775644659996 -0.011561061255633831,-0.235536377876997 l-0.11827399022877216,-0.183247160166502 -0.8399265259504318,-1.0467012226581573 l-0.11216109618544579,0.16037190333008766 -0.2075602300465107,0.06527978926897049 l-0.22645752876996994,-0.06996618118137121 -0.013953150482848287,-0.24232711642980576 l-0.16715139150619507,0.01688116928562522 -0.051843258552253246,-0.15578551217913628 l-0.013918193290010095,-0.23148978129029274 -0.01546070328913629,0.15961095690727234 l-0.0215948186814785,-0.10456538759171963 0.11741981841623783,-0.07151925005018711 l0.1112545095384121,-0.08490089327096939 0.13655247166752815,-0.06595497485250235 l-0.009847270557656884,-0.11562272906303406 0.08939586579799652,-0.0972931832075119 l-0.6369548290967941,-0.7081042975187302 0.02411896362900734,-0.3243641182780266 m7.413069009780884,9.324100613594055 l1.6574567556381226,-0.7146072387695312 0.4850437864661217,-0.08711314760148525 l0.3766021132469177,-0.2581728436052799 1.1989030241966248,-0.6538055837154388 l0.5461717769503593,-0.0066697405418381095 0.40965795516967773,-0.5899782106280327 l0.4355842247605324,0.014432475436478853 0.37230171263217926,-0.39236873388290405 l0.3226305916905403,0.020623167511075735 0.3641265258193016,-0.49867115914821625 l-0.0014678385923616588,-0.42335979640483856 0.03739118808880448,-0.16238698735833168 l-0.07338213734328747,-0.2907712012529373 -0.05202100612223148,-0.03437164705246687 l-0.056946477852761745,-0.2534835785627365 -0.13562669977545738,-0.03994649276137352 l-0.2225891500711441,-0.022246497683227062 -0.0782164465636015,-0.2141464501619339 l-0.056700524874031544,-0.1859934814274311 -0.0679185800254345,-0.19607745110988617 l-0.21970365196466446,-0.02727373270317912 -0.23259084671735764,-0.003184156375937164 l-0.25974441319704056,-0.02295304322615266 -0.3403745964169502,0.00208780009415932 l-0.10453559458255768,-0.15293736942112446 -0.40020469576120377,0.0023956040968187153 l-0.30455945059657097,0.15708470717072487 -0.28632545843720436,0.19800176844000816 l-0.36413367837667465,-0.020303120836615562 -0.39827458560466766,-0.02577723003923893 l-0.3205478936433792,-0.020402274094522 -0.25331906974315643,0.34170687198638916 l-0.3142993152141571,-0.026728524826467037 -0.2794918231666088,-0.033342442475259304 l-0.23793112486600876,-0.02628040499985218 -0.028332534711807966,0.09574323892593384 l-0.16280768439173698,0.3294040635228157 -0.2922138571739197,-0.002822247624862939 l0.014572103973478079,0.03473912365734577 -0.4577868804335594,0.22220393642783165 l-0.03725685412064195,0.08051201701164246 0.020356921013444662,0.009717136272229254 l-0.04956750199198723,0.173861812800169 -0.2785530500113964,0.12095989659428596 l-0.39429400116205215,0.16732679679989815 -0.38654517382383347,0.13608679175376892 l-0.006975631695240736,0.04582834430038929 -0.32699473202228546,0.05614558234810829 l-0.01038963790051639,0.08545732125639915 0.0029360633925534785,0.036255216691643 l0.014960855478420854,0.010503322118893266 0.01572845969349146,0.04475024063140154 l0.019257189705967903,0.03228328190743923 -0.17468439415097237,0.13148180209100246 l0.014520202530547976,0.09299498051404953 0.051595913246273994,-0.019726536702364683 l0.1570076122879982,-0.21037928760051727 0.07302616722881794,-0.08155736140906811 l0.011883580591529608,0.05487886257469654 0.051267785020172596,0.014197183772921562 l0.050783525221049786,-0.08842381648719311 0.0520276790484786,-0.038808619137853384 l0.17202828079462051,0.01477995072491467 0.39589371532201767,-0.2859712392091751 l0.17215246334671974,-0.23631736636161804 0.030732639133930206,-0.054261861369013786 l0.3753916919231415,-0.0023254656116478145 0.1490430161356926,0.017239408334717155 l0.02419309690594673,-0.12135421857237816 0.516715943813324,-0.5213046073913574 l0.01104314113035798,-0.07904943078756332 -0.0022064951190259308,-0.0057409401051700115 l0.00013640053111885209,-0.10921749286353588 0.10170306079089642,0.02356192795559764 l0.08590327575802803,-0.014703486813232303 -0.03474055090919137,-0.13494107872247696 l0.005975070525892079,-0.07915539667010307 -0.02441335702314973,-0.09294344112277031 l0.004616868100129068,0.01720825443044305 0.21716119721531868,-0.36870598793029785 l0.05260138772428036,-0.18135087564587593 -0.07065198849886656,-0.22118452936410904 l0.004455237649381161,-0.2594459056854248 -0.00530133256688714,-0.1576969400048256 l-0.0072928337613120675,-0.4593294486403465 -0.038943635299801826,-0.16857599839568138 l-0.0862732995301485,-0.08731231093406677 -0.044448189437389374,-0.1940050721168518 l-0.03903839737176895,-0.2161223627626896 -0.20070189610123634,0.01232242095284164 l-0.05400946829468012,-0.1526529248803854 -0.04270759876817465,-0.16840966418385506 l-0.02496612723916769,-0.44471971690654755 -0.04044038709253073,-0.17982076853513718 l-0.03446828108280897,-0.20289363339543343 -0.0312080723233521,-0.2036949060857296 l-0.032187607139348984,-0.22874249145388603 -0.029926293063908815,-0.1632542721927166 l-0.03067794954404235,-0.19046351313591003 -0.3575298562645912,0.012431542854756117 l-0.23356789723038673,-0.00812353566288948 -0.22586509585380554,-0.004450308624655008 l-0.058676847256720066,-0.04779432434588671 -0.054595316760241985,-0.1567678153514862 l-0.049131447449326515,-0.15022982843220234 m9.255370497703552,12.85551905632019 l1.3974560797214508,-0.9686024487018585 1.038585975766182,0.040436964482069016 l0.2234424464404583,-0.1732042245566845 1.2729105353355408,0.03957514185458422 l0.8391697704792023,-0.2863521873950958 0.8343535661697388,-0.8956081420183182 l0.35898759961128235,0.008512866334058344 0.15914253890514374,-0.03630645573139191 l0.13107609003782272,-0.04795809742063284 0.23818040266633034,-0.9407899528741837 l0.3291948512196541,-0.39899062365293503 -0.07426883559674025,-0.0007412020931951702 l-0.036397415678948164,-0.25603072717785835 -0.48114851117134094,-0.17868584021925926 l-0.08099720813333988,-0.24689972400665283 -0.20675666630268097,-0.4777892678976059 l-0.2353639155626297,-0.42145658284425735 -0.09024396538734436,-0.23667003959417343 l-0.2647795155644417,0.04884027410298586 -0.4785601794719696,0.05421970970928669 l-0.30528632923960686,0.04468685481697321 -0.44891007244586945,0.02841893583536148 l-0.3972184658050537,0.032197353430092335 -0.1464593969285488,0.00435732101323083 l-0.10476063005626202,-0.02232809318229556 -0.3012099489569664,0.23490481078624725 l-0.32249152660369873,0.24144532158970833 -0.3726041689515114,0.034332245122641325 l-0.4922707751393318,0.3904404863715172 -0.23310603573918343,-0.01562366378493607 l-0.19941650331020355,-0.006743892445228994 -0.24031860753893852,0.34026768058538437 l-0.06523666903376579,0.09155009873211384 -0.2559293434023857,0.015292428433895111 l-0.25018712505698204,0.005234277341514826 -0.3031473979353905,0.02698588650673628 l-0.48619162291288376,0.4326121509075165 -0.056633343920111656,0.11266101151704788 l-0.25334324687719345,-0.019421912729740143 -0.01552633591927588,0.068541644141078 l-0.1980457454919815,0.22017162293195724 -0.2523106336593628,0.006556416628882289 l-0.41232209652662277,0.28402024880051613 -0.19881993532180786,-0.014932266203686595 l-0.009014952229335904,0.034932170528918505 -0.019952699076384306,0.04381075035780668 l-0.17343295738101006,0.2334161289036274 -0.18615702167153358,0.0008280167821794748 l-0.018894209060817957,0.041213990189135075 -0.12206243351101875,0.265827439725399 l-0.1141685526818037,0.21934451535344124 -0.12243811972439289,0.16583219170570374 l-0.01995505066588521,0.10711944662034512 -0.13077836483716965,0.04746065475046635 l-0.008435521158389747,0.04859345965087414 -0.016534876776859164,0.03880827222019434 l0.009268082212656736,0.05439628381282091 -0.006535126594826579,-0.010284919990226626 l0.0009477588901063427,0.018368299352005124 0.02655695891007781,-0.06768792401999235 l0.02135197864845395,0.013085941318422556 0.19871961325407028,0.051372130401432514 l0.10257918387651443,-0.04967203363776207 0.24698209017515182,0.018346738070249557 l0.43556153774261475,-0.08926962502300739 0.38594700396060944,-0.3248709812760353 l-0.014895115746185184,-0.004123985127080232 0.45739535242319107,-0.5075743794441223 l0.36032993346452713,-0.36356348544359207 0.1821104995906353,-0.021385839208960533 l0.11557250283658504,0.024261209182441235 -0.060575464740395546,-0.09814644232392311 l-0.06514855660498142,-0.06898495834320784 -0.06122625898569822,-0.11940616182982922 l0.0774697121232748,-0.31912941485643387 -0.09574904106557369,-0.10613667778670788 l-0.07864110171794891,-0.0895807147026062 -0.07643327116966248,-0.11798568069934845 l-0.10362066328525543,-0.03396715270355344 -0.08203983306884766,-0.09101319126784801 l-0.187598317861557,-0.004540114023257047 -0.061392844654619694,-0.11683755554258823 l-0.019683411810547113,-0.1362820342183113 -0.08588056080043316,-0.1568526215851307 l-0.07849680259823799,-0.11688839644193649 -0.15381395816802979,-0.0018476448894944042 l-0.12041923590004444,-0.13248580507934093 -0.03074938664212823,0.01907639787532389 l-0.021817272063344717,-0.193154476583004 -0.021225973032414913,-0.17372742295265198 l-0.025751034263521433,-0.17391294240951538 0.0003132367419311777,-0.18210804089903831 l-0.01955933403223753,-0.1603505201637745 -0.3043760918080807,0.004025815578643233 l-0.5443545430898666,0.09377768263220787 -0.10238706134259701,-0.12495560571551323 l-0.033162166364490986,-0.20238028839230537 -0.06586314644664526,-0.11751295067369938 l-0.04250391852110624,-0.007302102167159319 -0.04771219100803137,-0.1396761927753687 l0.013446151278913021,-0.13245237991213799 -0.03465302288532257,-0.13964900746941566 l-0.1762208342552185,0.03201746614649892 -0.5057239904999733,0.03277384676039219 l-0.07594042457640171,-0.13656857423484325 -0.029108955059200525,-0.171849075704813 l-0.35495076328516006,-0.6673015654087067 -0.28706805780529976,0.028945247177034616 l-0.09812552481889725,-0.029978821985423565 -0.06199326831847429,-0.10793161578476429 l-0.04709913395345211,-0.13510783202946186 -0.5224212259054184,0.015013824449852109 l-0.08384031243622303,-0.030603862833231688 0.03858014475554228,-0.0767594762146473 l0.06922787055373192,-0.22518618032336235 -0.21756550297141075,0.01241477089934051 l-0.03571054199710488,-0.07536422461271286 -0.020633251406252384,-0.13435248285531998 l-0.3717310354113579,-0.8137068152427673 -0.06131925154477358,0.2520264685153961 l-0.09354757145047188,-0.011090545449405909 0.0012164975487394258,-0.08073517121374607 l-0.0072915112832561135,-0.10423599742352962 -0.03222552128136158,-0.1260396372526884 l-0.023956808727234602,-0.16381392255425453 -0.11580584570765495,0.02201895695179701 l-0.04038958344608545,-0.07125807926058769 -0.016435458092018962,-0.11383755132555962 l-0.15283480286598206,0.013584913685917854 -0.042954511009156704,-0.02062478568404913 l-0.0063639815198257565,-0.11878928169608116 -0.02613839227706194,0.34918226301670074 l-0.02283081179484725,0.014922564150765538 -0.057806847617030144,0.3085769899189472 l0.001796797150745988,-0.00773017352912575 0.15720123425126076,-0.23130156099796295 l-0.0982860941439867,-0.04916330799460411 -0.017776545137166977,0.4392319545149803 l0.0054735760204494,0.029095408972352743 -0.04121010657399893,0.39292339235544205 l-0.0381385488435626,0.4292828217148781 0.012923661852255464,-0.061321938410401344 l-0.0618143891915679,0.26631979271769524 -0.029008393175899982,0.4610789567232132 l-0.06185841280966997,0.3870072588324547 -0.06606699898838997,0.02524758456274867 l0.0014981535787228495,-0.05616184789687395 0.08743712678551674,-0.15868213027715683 l0.022905429359525442,-0.028810342773795128 0.008369783172383904,-0.025575922336429358 l-0.00567612296435982,-0.11637188494205475 0.05385467316955328,0.04003153648227453 l0.3016408160328865,-0.25492433458566666 0.04086095839738846,-0.022936605382710695 l0.01995329512283206,-0.09573718532919884 0.10961870662868023,-0.0035503835533745587 l-0.0010899098560912535,-0.09420404210686684 -0.03700221888720989,-0.1510336436331272 l-0.04086102358996868,-0.1678183488547802 0.12028166092932224,-0.21462367847561836 l-0.047974628396332264,-0.17514102160930634 -0.01866473350673914,0.03215867793187499 l-0.04745279438793659,0.035944723058491945 0.11197008192539215,-0.3032923676073551 l-0.011268509551882744,-0.05042283795773983 0.0005937661990174092,-0.0015506779891438782 l0.0023145363957155496,-0.1230123545974493 -0.004630231996998191,-0.005133124068379402 l0.1269920263439417,-0.2902943268418312 -0.047585777938365936,-0.17720801755785942 l-0.014569488121196628,0.01535050687380135 -0.013900857884436846,-0.005979679408483207 l-0.002994487003888935,-0.020292573608458042 -0.0559419859200716,-0.17660895362496376 l-0.16179010272026062,-0.18958324566483498 0.12594612315297127,-0.2899535000324249 l-0.4018385335803032,-1.0523786395788193 -0.08131569251418114,0.03167830407619476 l-0.11539150029420853,0.027703894302248955 0.004938367637805641,-0.05632844287902117 l0.04096787888556719,-0.24375200271606445 0.03975734580308199,-0.29118308797478676 l-0.1676650531589985,-0.16034826636314392 -0.05336308851838112,-0.18076688051223755 l-0.2764195390045643,0.01148889772593975 -0.5205295607447624,-0.03846988081932068 l-0.09086261503398418,-0.16398906707763672 -0.35689424723386765,0.009582306956872344 l-0.09792575612664223,-0.04029129631817341 -0.04539297893643379,0.38135405629873276 l0.005670664831995964,0.10184085927903652 0.043500750325620174,-0.004141606041230261 l-0.05317477509379387,0.2789267897605896 -0.008344739326275885,-0.026054854970425367 l0.017392580630257726,-0.07886634208261967 -0.007833625422790647,-0.050577083602547646 l-0.0011740884656319395,-0.06742385681718588 -0.12240474112331867,-0.18475279211997986 l-0.046330331824719906,0.07598872296512127 -0.04245818126946688,-0.04939293023198843 l-0.03386615542694926,-0.12122920714318752 0.024226882960647345,-0.08898698724806309 l-0.03701387206092477,-0.12552792206406593 -0.05692616105079651,0.0782716553658247 l-0.02035899320617318,-0.0828294362872839 0.03509039990603924,-0.11021452955901623 l-0.038219322450459,-0.10247459635138512 -0.03268897766247392,0.31394727528095245 l-0.01269030966795981,0.34275371581315994 -0.023905490525066853,-0.09793303906917572 l-0.04995015449821949,0.2884138748049736 -0.02979500452056527,0.41711408644914627 l0.1672935113310814,-0.004187149170320481 0.0027365429559722543,-0.06684152409434319 l0.16098879277706146,-0.21930621936917305 0.00790055375546217,-0.03993925638496876 l0.004882429784629494,0.005874473717994988 0.05859918426722288,0.07735427003353834 l0.0557586969807744,0.03642812604084611 -0.015654541784897447,-0.08561835624277592 l-0.01287621445953846,-0.11148165911436081 0.07516633719205856,-0.01251877169124782 l-0.01625891774892807,0.14819655567407608 -0.01295585185289383,-0.12482797726988792 l-0.03171337768435478,-0.1260344684123993 0.051592099480330944,-0.09137074463069439 l0.04255938809365034,-0.05941870156675577 -0.013218697858974338,-0.12338479049503803 l-0.1306377723813057,0.0013064350059721619 -0.015708489809185266,-0.14142589643597603 l0.04651894327253103,-0.006664050742983818 -0.010500679491087794,-0.06263963412493467 l-0.025299065746366978,-0.1616952195763588 -0.03703099675476551,-0.1230324525386095 l-0.04105017986148596,-0.12378399260342121 -0.03758319886401296,-0.14004538767039776 l-0.041111353784799576,-0.13122718781232834 -0.03035307629033923,-0.180507842451334 l-0.18891660496592522,-0.17696425318717957 -0.055871340446174145,-0.20008418709039688 l-0.042331330478191376,-0.19889622926712036 -0.059407553635537624,0.052366526797413826 l-0.05460345186293125,-0.10551952756941319 -0.08968961425125599,0.02107377629727125 l-0.0593073945492506,-0.001849148393375799 -0.030877774115651846,0.3276035562157631 l-0.03422976937144995,-0.11604656465351582 -0.038152646739035845,-0.15149244107306004 l-0.04372983705252409,-0.05738931708037853 0.01143850851804018,0.01544772065244615 l0.14877666719257832,-0.16711710020899773 -0.035716628190129995,0.15076713636517525 l-0.018298630602657795,-0.09612740017473698 -0.018404804868623614,0.1590140536427498 l-0.004787506186403334,0.22489337250590324 -0.01996932551264763,-0.10294792242348194 l-0.01704484922811389,-0.11150039732456207 -0.0019529655401129276,-0.13561062514781952 l0.05439902190119028,-0.08547195233404636 0.017506572185084224,0.06741689518094063 l-0.03479628590866923,-0.1455643493682146 -0.03221516031771898,-0.17890224233269691 l-0.023746341466903687,-0.1478005014359951 -0.04098016768693924,-0.17786597833037376 l-0.10157993994653225,0.014066104777157307 0.022818015422672033,-0.06442873738706112 l-0.0047050180728547275,0.20266419276595116 -0.022425130009651184,-0.10313158854842186 l-0.0755397928878665,-0.12009105645120144 -0.013513354351744056,-0.10462348349392414 l-0.23160647600889206,-0.16768978908658028 -0.010104485554620624,0.260296743363142 l-0.28134236112236977,-0.060326410457491875 -0.06760628428310156,-0.12855222448706627 l0.12370109558105469,-0.055931927636265755 -0.0013573121395893395,-0.003915287961717695 l-0.26593156158924103,-0.03885272657498717 -0.04318923223763704,-0.06930761504918337 l-0.03842792706564069,-0.13164549134671688 -0.0964103452861309,-0.039661088958382607 l-0.06783893797546625,-0.08035227656364441 -0.022151926532387733,-0.11967774480581284 l-0.031816207338124514,0.2258027158677578 -0.09451796300709248,-0.10129464790225029 l0.035307169891893864,-0.12993562035262585 -0.04698013886809349,-0.1733904331922531 l-0.005960679845884442,0.04774149972945452 -0.0027027353644371033,0.26398690417408943 l-0.028910222463309765,-0.051847356371581554 -0.03499582642689347,-0.13677682727575302 l0.09956969879567623,-0.23700395599007607 -0.027263136580586433,0.30156876891851425 l0.04545588977634907,-0.02283106790855527 0.054330709390342236,-0.07233373820781708 l0.04342460539191961,0.03487751819193363 -0.023809131234884262,0.15500325709581375 l0.09620346128940582,0.017210496589541435 -0.021086737979203463,0.18727798014879227 l-0.009131493279710412,0.05209069233387709 0.024650709237903357,0.04844657611101866 l-0.010352691169828176,-0.09354691952466965 0.0352674163877964,-0.012705401750281453 l-0.027351398020982742,0.24638714268803596 -0.01337944413535297,0.28458205983042717 l-0.017343926010653377,-0.14735926873981953 -0.020718490704894066,0.36138415336608887 l-0.014637624844908714,0.4547397792339325 0.0032082563848234713,-0.26093199849128723 l-0.011261595645919442,-0.0785409938544035 0.17483068630099297,0.02117893658578396 l-0.0064229394774883986,-0.07852017879486084 -0.011250091483816504,-0.11608251370489597 l-0.017738904571160674,-0.13539224863052368 -0.021465392783284187,-0.08495969697833061 l0.1130632683634758,-0.31950410455465317 -0.0068211526377126575,-0.05487999878823757 l-0.014625192852690816,-0.08797557093203068 -0.02065235748887062,-0.02612374722957611 l-0.3519962355494499,0.006369646289385855 -0.0368308718316257,-0.1357237808406353 \" fill=\"none\" stroke=\"black\" stroke-width=\"1\"/></svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"0.6\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"111.85149714006911\" version=\"1.1\" width=\"180.2985501610965\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:ev=\"http://www.w3.org/2001/xml-events\" xmlns:xlink=\"http://www.w3.org/1999/xlink\"><defs/><rect fill=\"white\" height=\"111.85149714006911\" width=\"180.2985501610965\" x=\"0\" y=\"0\"/><path d=\"M35.56554266018793,73.44137940677683 m-2.2759154438972473,-0.5109371244907379 l-0.1142002735286951,0.42778734117746353 -1.3222497701644897,0.04658970516175032 l-0.1587219536304474,0.4247487708926201 -0.7974566519260406,0.08556429296731949 l-0.40260061621665955,0.6292340904474258 -0.5458728596568108,0.20020388066768646 l-1.662726253271103,1.0038232058286667 0.18205443397164345,0.5383837968111038 l-0.6649576127529144,0.47947559505701065 0.16626259312033653,0.5772687867283821 l-1.618969738483429,1.278187483549118 -0.05184142850339413,0.6115381419658661 l-0.6403110921382904,0.8046940714120865 0.024526980705559254,0.707893967628479 l-0.4564153403043747,0.6246181204915047 0.024748321156948805,0.9026128053665161 l-0.2508959546685219,0.8421342819929123 0.26137078180909157,1.0060174018144608 l0.7888205349445343,1.4591984450817108 2.0334577560424805,1.2710806727409363 l0.8855298906564713,-0.22480756044387817 1.1420072615146637,-0.10312934406101704 l2.8347107768058777,-3.0904024839401245 0.44234607368707657,-1.412111073732376 l-0.23288963362574577,0.03580472664907575 1.202065870165825,-1.3743703067302704 l1.1746325343847275,-4.796287417411804 0.9455618262290955,-1.6425864398479462 l0.12820139527320862,-1.3108685612678528 0.5735853686928749,-1.4007915556430817 l-0.04999247379601002,-4.943197667598724 -0.014102656859904528,-1.2052766978740692 l0.8791110664606094,-2.832404673099518 -0.042601083405315876,0.11050035245716572 l-0.06066775415092707,-3.7713518738746643 -0.08256027474999428,-1.106601282954216 l0.31404774636030197,-1.4195071160793304 0.11920229531824589,-1.0437998175621033 l-0.06021837703883648,1.4155803620815277 -0.02770119346678257,0.8880126476287842 l-0.0617750221863389,1.8470248579978943 -0.21801190450787544,0.7938258349895477 l-0.021054961252957582,0.8095463365316391 -0.17987051978707314,0.8412686735391617 l0.020137052051723003,0.9724181145429611 -0.07127384189516306,2.951303720474243 l-0.057879090309143066,4.189489185810089 0.3892850875854492,0.4824470356106758 l-0.05088320467621088,2.325797379016876 0.32917167991399765,0.3021673299372196 l-0.023260200396180153,1.3370874524116516 0.4114210605621338,0.3760329633951187 l-0.025873940903693438,0.8998601138591766 0.391935259103775,0.5325111374258995 l-0.03777557052671909,0.8176154643297195 0.3403325006365776,0.15543925575912 l1.0347089171409607,-0.002333574229851365 -0.032970758620649576,-0.15453744679689407 l1.7253056168556213,0.00021591464246739633 0.40581129491329193,-0.6545453518629074 l1.0278457403182983,-0.0378842419013381 1.9618350267410278,-2.166328579187393 l-0.03139580599963665,-0.49141671508550644 0.95279760658741,-1.0589398443698883 l0.027996664866805077,-0.38803134113550186 0.43966904282569885,-0.5239538848400116 l-0.038814975414425135,-0.3863169997930527 -0.04442690405994654,-0.21948814392089844 l0.13749387115240097,-0.6116903573274612 0.14770286157727242,-0.3607763350009918 l-0.030943076126277447,-1.4334343373775482 0.3117194212973118,-0.6326358765363693 l-0.03189329756423831,-0.5858836695551872 -0.026585026644170284,-0.6279579550027847 l0.09229907765984535,-0.3779514506459236 -0.11214517988264561,0.02753356471657753 l0.14339830726385117,0.06752414163202047 0.2313688024878502,0.766073539853096 l0.08623016066849232,-0.0019085952953901142 -0.06395602133125067,1.4039881527423859 l-0.05979966837912798,1.587221473455429 -0.19026001915335655,0.40478773415088654 l-0.031788821797817945,1.9700859487056732 0.8154649287462234,0.036907417234033346 l-0.04325089976191521,0.766364112496376 1.4958438277244568,0.02981213154271245 l-0.02522900002077222,-0.28314754366874695 1.3418103754520416,0.005699389148503542 l0.5245789512991905,-0.5426568910479546 -0.02074565039947629,-0.0828873086720705 l-0.030960889998823404,-0.34759901463985443 0.6815245747566223,-0.24636229500174522 l0.722544714808464,-0.8729161322116852 1.178353950381279,-0.849740207195282 l1.0072142630815506,-1.4530432224273682 0.2981411851942539,-0.37742480635643005 l0.3151806816458702,-0.6264203786849976 0.6402097642421722,-0.813998207449913 l-0.04413011949509382,-0.3253406658768654 0.8508738875389099,-1.1401618272066116 l-0.047368574887514114,0.04777480382472277 0.34125782549381256,-0.045461319386959076 l0.027580196037888527,-0.6398074328899384 -0.059492322616279125,-0.6450735032558441 l-0.053704031743109226,-0.3411440923810005 0.10686988942325115,-0.31345855444669724 l0.015336140058934689,-0.45284852385520935 -0.037863655015826225,-0.575985498726368 l-0.05500398110598326,-0.6216881796717644 -0.2712307684123516,-0.11050829663872719 l-0.04905735142529011,-0.35362813621759415 -0.21949443966150284,-0.19285798072814941 l-0.18371818587183952,-0.4051491618156433 -0.061377501115202904,-0.2439487725496292 l-0.034698955714702606,-0.14121509157121181 -0.4029848054051399,-0.44052712619304657 l0.021860068663954735,0.5281088873744011 -0.39281442761421204,-0.26297250762581825 l0.039670481346547604,0.6945563852787018 -0.17024077475070953,0.2529152110219002 l-0.06867374293506145,1.3789226114749908 -0.07266968954354525,1.7313237488269806 l-0.04995978903025389,2.024163007736206 -0.05602415185421705,1.567019671201706 l-0.07088080979883671,1.5627910196781158 0.3538251668214798,0.38848016411066055 l-0.06171237211674452,0.7351060211658478 -0.06464169826358557,1.1096902936697006 l0.8850619941949844,0.01405404880642891 -0.039228773675858974,0.3437141701579094 l1.0226073116064072,0.035842570941895247 0.8942374587059021,-1.082395687699318 l-0.030395900830626488,-0.31889505684375763 -0.05358430556952953,-0.5054724961519241 l0.21533316001296043,0.1235470175743103 0.4435868561267853,-0.6422707438468933 l0.5766217410564423,-0.578945055603981 0.6238698214292526,-0.9244652092456818 l0.4965325817465782,-0.7617471367120743 0.6430713087320328,-1.164725124835968 l0.6325129419565201,-1.0255491733551025 0.6307027488946915,-1.3155539333820343 l0.9523008763790131,-0.8907711505889893 0.21099377423524857,-0.5957233905792236 l0.30375249683856964,-0.32695721834897995 0.1160245481878519,-0.6406773626804352 l0.35121913999319077,-0.2713432349264622 0.18645556643605232,-0.6971563398838043 l0.3908304497599602,-0.5471142381429672 0.28021832928061485,-0.5954055488109589 l-0.1445276103913784,0.15697171911597252 0.08423401974141598,-0.939396470785141 l-0.04972356837242842,-0.5620426684617996 0.11086163111031055,-0.7153690606355667 l-0.15107081271708012,-0.2689584717154503 0.11537336744368076,-0.32971061766147614 l0.002486583834979683,-0.3742486983537674 -0.36348074674606323,-0.10778878815472126 l-0.03762774635106325,-0.17489640042185783 -0.12430542148649693,-0.25641031563282013 l-0.19076112657785416,-0.29379406943917274 0.038492861203849316,-0.1060701347887516 l-0.5812486633658409,-0.451841838657856 -0.259237177670002,0.37938661873340607 l-0.5172625184059143,-0.31134800985455513 -0.19759705290198326,0.5648509040474892 l-0.28228845447301865,0.02390848472714424 -0.11366098187863827,0.7993340492248535 l-0.328541062772274,-0.13154060579836369 -0.06788994185626507,0.8142496645450592 l-0.723554939031601,0.8305554091930389 -0.029381215572357178,1.0956282913684845 l-0.839683935046196,1.1180184036493301 0.01685013878159225,0.8846823126077652 l-0.035037603229284286,1.2846948206424713 -0.06623598281294107,2.117709517478943 l-0.046907360665500164,1.7829236388206482 -0.05066739860922098,1.3454464077949524 l0.08953293785452843,0.7151538878679276 0.07760410662740469,0.5438427627086639 l0.23269310593605042,0.3367180749773979 0.46800192445516586,1.251329481601715 l1.4642508327960968,0.024433904327452183 3.347913920879364,-3.9781975746154785 l0.01106360461562872,-1.0293430835008621 0.8456095308065414,-1.0907433182001114 l0.24496827274560928,-0.8569933474063873 0.6488832831382751,-0.5967089161276817 l0.4743557423353195,-1.3243167102336884 0.6311250478029251,-0.851978212594986 l0.41671253740787506,-1.0962627083063126 0.5968056991696358,-0.870131254196167 l0.7295822352170944,-2.3709064722061157 0.4834813252091408,-0.7465694099664688 l0.4380330815911293,-1.1735952645540237 0.4169238358736038,-1.141938641667366 l0.396832674741745,-1.0465624183416367 0.3953726962208748,-1.221802830696106 l0.37544138729572296,-1.347406953573227 -0.0330907478928566,-1.5432599186897278 l0.2369864657521248,-1.2877914309501648 0.09226244874298573,-1.213296726346016 l0.25939468294382095,-0.9362427890300751 -0.5283095687627792,-0.09797938168048859 l-0.07408101111650467,-0.3651696816086769 -0.31965136528015137,0.0888273399323225 l-0.40053151547908783,0.17749635502696037 -0.6016611680388451,1.5962253510951996 l-0.35528991371393204,1.0455773770809174 -1.523575484752655,5.067497491836548 l-0.04403240047395229,4.4424620270729065 -0.2426563948392868,1.0445799678564072 l-0.06895499769598246,2.0978450775146484 0.2174656093120575,0.41783329099416733 l-0.049051553942263126,1.936001032590866 0.2093750610947609,0.23550907149910927 l-0.003969928657170385,1.1329812556505203 0.535849966108799,1.1901549249887466 l1.032734140753746,-0.004085951368324459 0.4087165743112564,0.34402377903461456 l1.2577275931835175,0.01247547217644751 1.8624061346054077,0.03477261634543538 l1.411636620759964,0.042676934972405434 1.508946567773819,-0.6150581687688828 l1.0891445726156235,0.024679540656507015 1.7610369622707367,-0.7691194862127304 l1.527222990989685,-0.6316317617893219 1.705145388841629,-1.2477702647447586 l1.817026436328888,-1.1822431534528732 2.4577848613262177,-2.134675532579422 l0.929809957742691,-1.2892517447471619 0.790216475725174,-0.8237919211387634 l1.4079755544662476,-1.8496915698051453 -0.08245661854743958,-1.2315969914197922 l0.178285613656044,-0.4887787997722626 0.0917896069586277,-0.7107864320278168 l0.19661441445350647,-0.2627979591488838 -0.4215194284915924,-0.7360003143548965 l-0.29160764068365097,-0.5327526107430458 -1.8111751973628998,-0.09963279590010643 l-1.451154500246048,0.32940443605184555 -0.9936670958995819,0.5368367582559586 l-1.5320611000061035,1.4773042500019073 -1.1312270164489746,0.6726398319005966 l-0.8071429282426834,0.9346288442611694 -0.08107233792543411,0.8176523447036743 l-0.6015614420175552,0.3740427643060684 -0.13871506787836552,1.1397425085306168 l-0.4583905264735222,0.5172322690486908 -0.04957972560077906,1.6566608846187592 l-0.6243433430790901,2.0544371008872986 0.2514905110001564,0.6222948431968689 l-0.283049363642931,0.689295083284378 -0.027584247291088104,2.5864389538764954 l0.49410808831453323,0.8098728209733963 -0.03402509493753314,1.5446947515010834 l0.5131964385509491,0.44390439987182617 0.0018611064297147095,0.6196829304099083 l0.047692074440419674,0.6390194594860077 0.04430158529430628,0.6753526628017426 l0.4155576601624489,0.9061542898416519 0.8741749823093414,-0.03207094967365265 l1.480250507593155,0.6661304086446762 1.5245281159877777,0.0010880595800699666 l2.4865156412124634,0.029535419307649136 2.5701841711997986,0.007537509081885219 l0.7497034221887589,-0.45096151530742645 1.1271701008081436,0.045021362602710724 l0.8616138994693756,-0.691637396812439 0.7442338019609451,-0.6204717606306076 l1.5034936368465424,-1.1865151673555374 0.3824188560247421,-0.6250634789466858 l0.24378441274166107,-0.2900519594550133 1.1942148208618164,-1.650024950504303 l1.0475040972232819,-1.1862269788980484 0.4861358180642128,-2.0759710669517517 l-0.011847402201965451,-0.1501253992319107 0.04132047761231661,-2.0438797771930695 l-0.5004419758915901,-1.5712928771972656 -0.2799809165298939,-1.3795103132724762 l-0.21786656230688095,-1.2158399820327759 -0.1613888517022133,-1.1456716060638428 l0.30922316014766693,-1.5057352185249329 0.9403503686189651,-1.7626874148845673 l0.34058425575494766,-0.837206095457077 0.8307136595249176,-0.8291801810264587 l2.0976264774799347,-1.8288016319274902 0.955536812543869,-0.20111382007598877 l3.467439115047455,-1.5564003586769104 2.6373079419136047,-0.6736413389444351 l0.165746808052063,-0.5043139681220055 -1.6105756163597107,0.1910235546529293 l-1.7583024501800537,0.5543864145874977 -0.8218421787023544,0.5941383540630341 l-1.3012003898620605,0.8694436401128769 -3.7694039940834045,3.15432608127594 l0.08353197015821934,-0.3928365930914879 -1.3466154038906097,1.420939564704895 l-0.7318709790706635,0.8508222550153732 -1.8226629495620728,2.82329261302948 l-0.8628246933221817,1.431092768907547 -0.6190487369894981,1.590346097946167 l-0.6577755510807037,1.8097540736198425 -0.07310454733669758,1.9932468235492706 l-0.0022001615434419364,1.5913406014442444 1.9020715355873108,2.3695576190948486 l1.856812834739685,-0.014087677700445056 1.4408259093761444,-0.019216815708205104 l0.9732029587030411,-0.018267770064994693 2.2732655704021454,-0.9382999688386917 l3.949536681175232,-3.4456852078437805 3.1251785159111023,-4.569872319698334 l3.529980182647705,-8.681179881095886 0.5506352335214615,-1.2773218750953674 l3.1337136030197144,-8.189610838890076 1.2849853932857513,-4.993821680545807 l0.6738100945949554,-1.7893438041210175 -0.04482370335608721,-1.9650401175022125 l0.5699074640870094,-0.9332054108381271 0.18088283017277718,-1.6254737973213196 l0.6500239670276642,-1.1892801523208618 0.27815476059913635,-1.1301491409540176 l-0.06903208326548338,-0.5472096428275108 -0.4748552292585373,0.9884767234325409 l-0.7230197638273239,1.3630788028240204 -0.030605862848460674,0.7619082927703857 l-0.8434365689754486,2.5558069348335266 -0.7058972865343094,2.5767388939857483 l-0.8014018833637238,1.890377700328827 -0.7773051410913467,2.1619951725006104 l-0.7688117772340775,2.219807505607605 -1.8479274213314056,5.473335385322571 l-0.004132591129746288,1.3934390246868134 -1.0019300132989883,2.8185757994651794 l0.024352178443223238,2.4393682181835175 0.07762596476823092,2.5234442949295044 l0.8532365411520004,2.4232017993927 0.03807809203863144,1.22934989631176 l0.4094735160470009,0.8644071221351624 0.566340908408165,0.8611764758825302 l1.7354898154735565,1.262558251619339 3.7658798694610596,-0.010336561826989055 l0.7287774980068207,-0.327826626598835 1.8011236190795898,-0.025072733405977488 l1.079062968492508,-0.46207375824451447 2.3550112545490265,-0.7821206748485565 l1.0061123967170715,-0.8373837918043137 1.4467915892601013,-0.2688852325081825 l5.234000086784363,-4.242283403873444 1.9899949431419373,-1.7563343048095703 l1.019594892859459,-1.0130921751260757 2.8520897030830383,-3.13859760761261 l2.129184901714325,-3.0059748888015747 1.1878462135791779,-2.829221785068512 l0.8362556248903275,-4.259138107299805 0.3422974795103073,-0.2539672702550888 l-0.3128679096698761,-1.305624395608902 -0.7143672555685043,-0.8937110751867294 l-0.531926304101944,-0.1224417146295309 -0.6920564919710159,-0.14643683098256588 l-0.5074108764529228,0.04051220137625933 -0.5091563239693642,0.10836093686521053 l-1.1421455442905426,0.10842814110219479 -0.6128230690956116,0.3776802122592926 l-0.8542926609516144,0.4249628260731697 -0.7766544073820114,0.5053014308214188 l-0.7722674310207367,0.5622000992298126 -0.6913132965564728,0.5908992886543274 l-0.6368947774171829,0.7354544103145599 -0.663154348731041,0.8628787100315094 l-1.1103710532188416,2.0547986030578613 -0.896955132484436,2.603912353515625 l-0.21349864080548286,0.8524550497531891 -0.047474498860538006,3.209090232849121 l0.3974328562617302,1.173340529203415 1.7079125344753265,3.1261828541755676 l3.1321746110916138,2.502012848854065 3.7467503547668457,1.6366547346115112 l1.3185755908489227,0.132599463686347 2.4618254601955414,0.40943440049886703 l4.7383564710617065,-0.7549985498189926 2.215869128704071,-0.61740443110466 l2.0864510536193848,-1.7332763969898224 m-80.18902778625488,-15.0597083568573 l1.9714976847171783,-1.1343974620103836 0.43923430144786835,-0.2204294130206108 \" fill=\"none\" stroke=\"black\" stroke-width=\"1\"/></svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"101.13428214353917\" version=\"1.1\" width=\"74.16750306912945\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:ev=\"http://www.w3.org/2001/xml-events\" xmlns:xlink=\"http://www.w3.org/1999/xlink\"><defs/><rect fill=\"white\" height=\"101.13428214353917\" width=\"74.16750306912945\" x=\"0\" y=\"0\"/><path d=\"M40.271939942613244,30.99807886290364 m-0.34886233508586884,-1.534641832113266 l-0.7846105843782425,-0.17182331532239914 -1.1322076618671417,-0.07754072546958923 l-4.287824332714081,0.04195123910903931 -1.144707053899765,0.16262846067547798 l-0.7982829958200455,0.328802689909935 -0.7263080030679703,0.3608447313308716 l-0.7497020810842514,0.6885550916194916 -0.7806867361068726,0.7338579744100571 l-0.7597356289625168,0.06273473147302866 -0.24346962571144104,0.5260080844163895 l-0.5628644302487373,0.11777974665164948 -1.0965415090322495,1.391838788986206 l-0.20577620714902878,0.22505050525069237 0.03359480760991573,0.28470223769545555 l-0.7933425158262253,1.1908648163080215 -0.8906130492687225,2.0107686519622803 l0.08482460863888264,0.47655999660491943 0.105201480910182,0.5631483346223831 l0.051080905832350254,0.3680546209216118 0.11858242563903332,0.2960219420492649 l-0.24675365537405014,0.6729529798030853 0.027885350864380598,0.7921185344457626 l0.014494420029222965,0.5667676776647568 0.013897879980504513,0.9452325105667114 l0.25400271639227867,-0.024573972914367914 0.08739090524613857,0.49865003675222397 l0.0504963006824255,0.4097220301628113 0.2293127216398716,-0.0960154552012682 l0.18403654918074608,0.42738132178783417 0.20580390468239784,-0.11058452539145947 l0.2170795202255249,-0.15576190315186977 1.3865900039672852,0.45079752802848816 l0.3959227353334427,-0.2650753781199455 0.3081044927239418,-0.37046104669570923 l0.24753239005804062,-0.49105193465948105 0.2987039089202881,0.1259463094174862 l0.28601786121726036,0.06497268564999104 0.368470661342144,-0.21069886162877083 l0.28202226385474205,0.05076434928923845 0.28701523318886757,0.019203023985028267 l0.28241202235221863,0.00501881237141788 0.21523626521229744,-0.053076473996043205 l0.23691311478614807,-0.17434753477573395 0.22708136588335037,-0.12165887281298637 l0.22634441033005714,-0.07332374807447195 0.22472038865089417,-0.11041571386158466 l0.16789041459560394,-0.1720977947115898 0.2596290595829487,-0.15903200954198837 l0.24647340178489685,-0.18975842744112015 0.2562946639955044,-0.1322565507143736 l0.22656118497252464,-0.18311135470867157 0.26937415823340416,-0.23958854377269745 l0.3163731098175049,-0.2215280383825302 0.28061583638191223,-0.2856568619608879 l0.31402457505464554,-0.2833695150911808 0.34123193472623825,-0.24983631446957588 l0.29948072507977486,-0.1799684390425682 0.2789921686053276,-0.190043356269598 l0.2515166625380516,-0.27387889102101326 0.2779990993440151,-0.3397377207875252 l0.28595609590411186,-0.3000710532069206 0.21752901375293732,-0.3407028317451477 l0.2624078094959259,-0.3317784145474434 0.1857461780309677,-0.35393040627241135 l0.19802168011665344,-0.37443704903125763 0.16024688258767128,-0.3880941867828369 l0.15119250863790512,-0.3393171727657318 0.07779269013553858,-0.4263117164373398 l0.5623772367835045,-0.9753727167844772 0.10974162258207798,-0.34066028892993927 l0.08511186577379704,-0.3964364528656006 0.08775979280471802,-0.4250630736351013 l0.050322809256613255,-0.3148512542247772 0.06588380318135023,-0.4138593003153801 l0.03786838846281171,-0.39002299308776855 0.5638958141207695,-0.4011322185397148 l-0.039576804265379906,-0.435776449739933 -0.08144762367010117,-0.37185683846473694 l0.1665215566754341,-0.33537473529577255 0.10894682258367538,-0.4594537243247032 l0.500384010374546,-0.43242357671260834 0.24512045085430145,-0.4705383628606796 l-0.26644686236977577,-0.41207127273082733 0.22227292880415916,-0.2916968800127506 l0.5406983941793442,-0.3363167494535446 0.09382558986544609,-0.6105342134833336 l-0.23758823052048683,-0.1713571883738041 0.3130608797073364,-0.16363099217414856 l-0.008710203692317009,-0.35816218703985214 0.21182049065828323,-0.2923513762652874 l0.07279781624674797,-0.2828541211783886 0.16621802002191544,-0.24628650397062302 l0.10125651024281979,-0.27592191472649574 -0.16853850334882736,-0.6541083753108978 l0.4722415655851364,-0.07474622689187527 -0.13967124745249748,-0.23684708401560783 l-0.06816037930548191,-0.08803104050457478 -0.02306155627593398,-0.2044832520186901 l-0.4310968890786171,0.15535186976194382 0.040915533900260925,0.19270852208137512 l-0.342954583466053,0.006508928490802646 -0.09385663084685802,0.20138386636972427 l-0.25305943563580513,0.050084637477993965 0.12822051532566547,0.025454270653426647 l-0.868491604924202,0.13314589858055115 -0.27338212355971336,0.6183995679020882 l-0.49822449684143066,0.5920529365539551 -1.0354628413915634,0.6736798584461212 l-0.5081209540367126,0.8021917194128036 -0.7070599496364594,0.9182779490947723 l-0.33525895327329636,0.16356240957975388 -0.5878310278058052,1.0980076342821121 l-1.0973052680492401,1.5079693496227264 -0.7493413984775543,1.10867440700531 l-0.4003133624792099,0.8494403958320618 -0.09667408652603626,0.48812147229909897 l-0.34478481858968735,0.9475855529308319 -0.47850899398326874,1.1903776228427887 l-0.1284938957542181,0.6016815081238747 -0.35356391221284866,1.0077999532222748 l0.03649736987426877,0.32593268901109695 -0.32348576933145523,1.2081745266914368 l0.02033263212069869,0.4568217694759369 0.007451740093529224,0.43403349816799164 l0.027333036996424198,0.40781572461128235 -0.3071240149438381,1.1180289834737778 l0.011313286377117038,0.6176289170980453 -0.19354093819856644,0.6424052268266678 l-0.08034463040530682,0.5801774933934212 -0.33418163657188416,0.9165211021900177 l0.02314114710316062,1.1300666630268097 0.10922010987997055,2.962547242641449 l0.09717045351862907,1.3235047459602356 -0.1614048331975937,0.49112431704998016 l0.006449059001170099,0.4372350871562958 0.09400447830557823,0.4616338014602661 l0.05119578447192907,0.17000103369355202 0.014762646751478314,0.2439860999584198 l0.511481761932373,0.006654936587437987 0.8096948266029358,0.004147242289036512 l0.8167243003845215,-0.007298800628632307 0.47758791595697403,-0.11113365180790424 m13.75758409500122,-14.285134077072144 l-0.6090261414647102,0.8401858806610107 -0.11021810583770275,0.47027695924043655 l-0.04557894542813301,0.11991644278168678 -0.03869994776323438,0.07403213996440172 l0.12600058689713478,0.1712298020720482 -0.1533487718552351,-0.11455163359642029 l0.07317095063626766,0.2042965218424797 -0.17497504130005836,0.053684613667428493 l-0.12667275965213776,0.16679741442203522 0.04505455493927002,0.14915728010237217 l-0.2336200512945652,0.39205674082040787 -0.23815596476197243,0.42210303246974945 l-0.09393020533025265,0.31170325353741646 0.046200305223464966,0.1565360277891159 l-0.19212059676647186,0.2555658482015133 -0.2710629068315029,0.4910300299525261 l-0.2223462611436844,0.26604901999235153 -0.27982188388705254,0.5289778485894203 l-0.08428234606981277,0.36827363073825836 0.03763072192668915,0.15187411569058895 l0.05050091538578272,0.0561349093914032 -0.09290982037782669,0.4105979949235916 l-0.14466984197497368,0.40928885340690613 -0.25176970288157463,0.2853313460946083 l-0.3249971568584442,0.9696508198976517 -0.04507444333285093,0.47284238040447235 l-0.03252998925745487,0.41621144860982895 -0.2385270781815052,0.22995643317699432 l-0.2577139437198639,0.22825196385383606 -0.27127722278237343,0.7250266522169113 l0.04782350268214941,0.46738795936107635 0.05771299358457327,-0.09151415899395943 l-0.302655603736639,0.2487623691558838 0.03840731456875801,0.33587824553251266 l0.04198613576591015,0.1176023855805397 0.10188348591327667,0.16649102792143822 l0.06824332755059004,0.26921674609184265 0.09224621579051018,0.20666992291808128 l0.06510422565042973,-0.060687330551445484 0.10874807834625244,-0.020806780084967613 l0.13498639687895775,0.14199192635715008 0.04617307800799608,0.0075282633770257235 l0.08563222363591194,-0.06344308145344257 0.10066976770758629,0.11558464728295803 l0.1363714225590229,0.054461769759655 0.16537843272089958,-0.3057372570037842 l0.32797541469335556,-0.4540731757879257 0.11694350279867649,0.014097749954089522 l-0.10689877904951572,0.7684247195720673 0.17437564209103584,-0.41763946413993835 l0.09133381769061089,-0.004634279757738113 0.42488474398851395,-0.43464213609695435 l-0.12009446509182453,0.44330548495054245 -0.12457749806344509,0.2696474455296993 l-0.12262840755283833,0.21453717723488808 -0.14836488291621208,0.13181478716433048 l0.03375067142769694,-0.3275933489203453 m3.668961524963379,-12.434536218643188 l0.35733088850975037,0.07475972641259432 0.11744918301701546,-0.10743643157184124 l-0.055877515114843845,0.5454593524336815 -0.014108940958976746,0.20413631573319435 l-0.013683170545846224,0.18181074410676956 -0.006813153740949929,0.2209923416376114 l0.025296504609286785,0.31969383358955383 0.00017490479876869358,0.30418893322348595 l-0.009939579758793116,0.40831059217453003 -0.033532632514834404,0.42061947286129 l-0.017386615509167314,0.3210887312889099 -0.023110059555619955,0.37535376846790314 l-0.025850615929812193,0.49874309450387955 -0.041807242669165134,0.4158134013414383 l-0.04203864373266697,0.44476885348558426 0.08832014165818691,0.11904147453606129 l0.13364719226956367,0.13650531880557537 0.07308324333280325,0.08972249925136566 l-0.03773798933252692,0.3123573586344719 0.07332460954785347,0.10568213649094105 l0.12144047766923904,0.09826768189668655 0.09712470695376396,0.091911181807518 l0.08464168757200241,-0.10833120904862881 0.08445784449577332,0.072389948181808 l-0.06190769840031862,0.391315296292305 0.04231590777635574,-0.0999861117452383 l0.19105061888694763,0.03939672373235226 -0.009632963920012116,0.022160806693136692 l0.19784003496170044,0.028810170479118824 -0.054891868494451046,0.001319336734013632 l0.025075338780879974,-0.15789741650223732 -0.006773345521651208,-0.1961308903992176 l0.021133094560354948,-0.18197815865278244 -0.041178916580975056,-0.4217350482940674 l0.08255484513938427,0.016915464075282216 -0.03173394128680229,-0.31615637242794037 l-0.03253389382734895,-0.1949669048190117 -0.010086268885061145,-0.2802065946161747 l0.05082119256258011,-0.07465715054422617 -0.009855175158008933,-0.21795127540826797 l-0.16159595921635628,-0.03357501933351159 -0.2054869942367077,-0.022227661684155464 l-0.2791774086654186,-0.1720689982175827 -0.7793056219816208,-0.011924884747713804 l-0.00016670501281623729,-0.25668684393167496 -0.2678251452744007,-0.014831904554739594 l-0.005300539778545499,0.17112774774432182 -0.28942758217453957,0.022443432826548815 l-0.28999853879213333,-0.0034190071164630353 -0.4632735252380371,-0.17734531313180923 l-0.2455136738717556,0.0018230985733680427 -0.0051434378838166595,-0.01903516473248601 l-0.26827212423086166,0.014380906941369176 -0.010815012501552701,-0.05982656963169575 l-0.22260360419750214,0.029792592395097017 -0.003026821941602975,-0.008656566496938467 l0.03322971984744072,-0.07001908496022224 -0.2630927041172981,-0.01357015105895698 l-0.3879091888666153,0.0351330591365695 -0.2305632084608078,0.0062263174913823605 l0.014085588045418262,0.03974059596657753 0.03097981447353959,-0.03418019274249673 l-0.19760651513934135,0.08255382999777794 0.04857616499066353,0.07123701740056276 l-0.007564969710074365,0.19763575866818428 0.0632466422393918,0.09517109021544456 l-0.17761029303073883,0.046553718857467175 -0.13010771945118904,0.07413848303258419 l0.07255625911056995,0.10612105019390583 -0.1549438200891018,0.08755010552704334 l-0.0833557453006506,0.09913340210914612 0.05263103172183037,0.17874646931886673 l0.08014954626560211,0.11075220070779324 0.09477891027927399,0.13937732204794884 l-0.02423752099275589,0.09439961053431034 0.0005754124140366912,0.06411845330148935 l0.013659469550475478,0.07542220875620842 0.000826523537398316,0.12275988236069679 l-0.1499426644295454,0.4874507710337639 0.05652664229273796,0.22905156016349792 l0.031488374806940556,0.003435998223721981 -0.11177234351634979,-0.18429890275001526 l0.030953790992498398,0.038387521635740995 0.10507442988455296,-0.1348770223557949 l0.17100710421800613,-0.008301634807139635 0.035567586310207844,-0.021497400011867285 l0.21185727789998055,-0.021468449849635363 0.054373289458453655,-0.054325894452631474 l-0.08277607150375843,-0.2539912238717079 0.05807433743029833,-0.023230118677020073 l0.07081085350364447,-0.34439194947481155 0.03922479227185249,-0.05463610403239727 l0.044057187624275684,-0.02144471276551485 0.036724035162478685,-0.04620758816599846 l0.009649656130932271,-0.09153297170996666 -0.07037224248051643,-0.11725586839020252 l0.20877495408058167,-0.39787422865629196 0.04596055019646883,-0.0579126738011837 l0.00918158795684576,-0.057162027806043625 -0.06740603595972061,-0.4189499467611313 l-0.07164400536566973,-0.1733245886862278 -0.06268684286624193,-0.4170755296945572 l-0.19940784201025963,-0.27962544932961464 -0.0708708306774497,-0.2544962801039219 l-0.07023999001830816,-0.2359960973262787 -0.2280271053314209,0.002731042623054236 l-0.4832395911216736,0.0330868293531239 -0.2055443450808525,-0.2346556819975376 l-0.24010982364416122,-0.024323617108166218 -0.037951620761305094,-0.044256728142499924 l-0.027307681739330292,0.1196829229593277 -0.29741195961833,-0.02792127663269639 l-0.2753441035747528,0.016592468600720167 -0.3121374547481537,-0.04621224943548441 l-0.060400902293622494,0.03335998626425862 -0.2670001983642578,-0.017077435040846467 l-0.22546341642737389,0.09889875538647175 -0.027539164293557405,0.09169265627861023 l-0.14124132692813873,0.031924210488796234 -0.0024272367591038346,0.10441556572914124 l-0.23764358833432198,-0.04482095595449209 -0.20240791141986847,0.01684722607024014 l-0.20139576867222786,0.004439036420080811 -0.0178226747084409,0.16045104712247849 l-0.17897451296448708,0.10904447175562382 -0.1807497814297676,0.013243721332401037 l-0.1267547532916069,0.06693907547742128 -0.15700556337833405,0.030353451147675514 l-0.1355956494808197,0.1777012087404728 -0.17442166805267334,0.03237111959606409 l0.023804239463061094,0.19066857174038887 0.023677831050008535,-0.16146399080753326 l0.06096180062741041,0.14627402648329735 -0.1325301080942154,0.05058822687715292 l-0.15960078686475754,0.3102264925837517 -0.01595636596903205,0.0014353670121636242 l-0.07697835098952055,0.28028566390275955 -0.13604876585304737,0.7782024890184402 l-0.08536148816347122,-0.006058002472855151 0.03858797252178192,-0.08208033628761768 l-0.18991706892848015,-0.25653401389718056 0.02208867110311985,0.22945262491703033 l-0.14657946303486824,0.7765364646911621 -0.011115820379927754,0.0556743610650301 l-0.023789096157997847,0.11378365568816662 0.19092565402388573,0.21602435037493706 l0.004795007407665253,-0.08880504406988621 0.033925604075193405,0.18550263717770576 l-0.15640506520867348,0.1446966454386711 0.012539646122604609,0.09288707748055458 l-0.014457604847848415,0.1281978189945221 -0.016003340715542436,0.13704614713788033 l0.07872738875448704,0.07386041339486837 0.05725945346057415,0.03024483099579811 l0.11340383440256119,0.02302067121490836 0.07809888105839491,-0.11627016589045525 l0.10864445008337498,0.009663496748544276 0.040715569630265236,-0.031014725100249052 l0.04419487901031971,-0.0011489351891214028 0.08648171089589596,-0.055551640689373016 l0.024401985574513674,-0.06367775145918131 0.14715894125401974,-0.07050539832562208 l0.013547029811888933,-0.02603394677862525 0.02125437604263425,-0.021920157596468925 l-0.04314449615776539,-0.14271986670792103 0.009715991327539086,-0.016283673467114568 l0.08325539529323578,-0.08671741932630539 -0.04706174600869417,0.05715768784284592 l0.0813528336584568,-0.37342943251132965 0.11611496098339558,-0.07981812581419945 l0.05076286382973194,-0.06531018763780594 0.024947994388639927,-0.07641789969056845 l-0.007336337585002184,-0.039590103551745415 -0.09760825894773006,-0.10278265923261642 l-0.010569202713668346,0.002627131179906428 -0.06796665489673615,-0.15176276676356792 l-0.19686806946992874,-0.04424180369824171 -0.03440289059653878,0.028525483794510365 l-0.11000167578458786,-0.06300427485257387 -0.05822043400257826,-0.22572049871087074 l-0.06073519587516785,-0.1667671836912632 -0.07952616550028324,-0.30073510482907295 l-0.07764211390167475,-0.28722381219267845 -0.06844258401542902,-0.20234772935509682 l0.005042839329689741,-0.0415594270452857 -0.24733392521739006,-0.04792360123246908 l-0.08566847071051598,-0.10392225347459316 -0.22074785083532333,-0.19181786105036736 l-0.24140644818544388,-0.04922982305288315 -0.28432559221982956,-0.0746101001277566 l-0.27934154495596886,-0.07087430916726589 -0.054939743131399155,-0.012274704640731215 l-0.041953250765800476,-0.008688356028869748 -0.19606584683060646,0.06587979849427938 l-0.364900603890419,0.03731093369424343 -0.04413124639540911,0.07472296245396137 l-0.045220572501420975,0.053082131780683994 -0.1466461457312107,0.0735786184668541 l-0.19269589334726334,-0.023959833197295666 -0.020378974732011557,0.16757914796471596 l-0.10488846339285374,0.27821924537420273 -0.16764650121331215,0.18803326413035393 l-0.10542639531195164,0.08758151903748512 -0.02667219378054142,0.1726159080862999 l0.0016300463175866753,0.16017617657780647 -0.008813568274490535,0.1090540736913681 l-0.11513671837747097,0.4771522432565689 -0.15614756383001804,0.2909957431256771 l-0.14003328047692776,0.4735121876001358 -0.07894432172179222,-0.05146978888660669 l-0.1362335216253996,0.36957502365112305 -0.13165301643311977,0.5195252969861031 l-0.15557918697595596,0.668465718626976 -0.14239417389035225,0.16534166410565376 l0.05007736384868622,0.03584595397114754 -0.16594449058175087,0.4257124289870262 l-0.09719572030007839,0.3758111223578453 -0.16313593834638596,0.18222780898213387 l0.11674524284899235,0.7538877427577972 -0.014125244924798608,0.3654516488313675 l0.0866549089550972,0.3230150416493416 -0.11281398124992847,0.28406301513314247 l0.026061523240059614,0.7702742516994476 -0.18400384113192558,0.2944638021290302 l-0.014816900948062539,0.13653464615345 -0.011565072927623987,0.3894222527742386 l-0.10213344357907772,0.37332694977521896 -0.10331460274755955,0.3609349951148033 l-0.09145699441432953,0.37547580897808075 -0.06803186144679785,0.37953171879053116 l-0.07248534820973873,0.38092371076345444 -0.06714162416756153,0.3395027294754982 l-0.05222954787313938,0.3543809801340103 -0.025364758912473917,0.39501965045928955 l-0.05995044484734535,0.36300405859947205 -0.08142339065670967,0.339435376226902 l-0.056491363793611526,0.3520268574357033 -0.02467071870341897,0.43693147599697113 l0.014617438428103924,0.4029921814799309 -0.04265140276402235,0.3610468655824661 l-0.071100820787251,0.35348616540431976 0.15170713886618614,0.4363986477255821 l0.03199351718649268,0.20415201783180237 0.017114065121859312,0.36545421928167343 l0.025132703594863415,0.40717069059610367 -0.05167753901332617,0.3189556673169136 l-0.04600123502314091,0.3069346770644188 0.10398225858807564,0.14439611695706844 l0.1745384745299816,0.3666679933667183 -0.009508062503300607,0.27632132172584534 l-0.05888309329748154,0.25296585634350777 -0.07489865180104971,0.23565759882330894 l-0.0601461436599493,0.26703568175435066 -0.03334128763526678,0.24213256314396858 l0.07110578007996082,0.1104301493614912 -0.06141287740319967,0.1462011318653822 l-0.01103747054003179,0.21692022681236267 -0.05688082426786423,0.18304746598005295 l1.3265328109264374,0.6842058897018433 0.03353123785927892,0.04467093851417303 l-0.035723489709198475,0.5603985488414764 -0.015661237994208932,0.18330106511712074 l-0.10037937201559544,-0.040955543518066406 0.02943379571661353,0.2240149863064289 l0.03935385961085558,0.02344747306779027 0.006962649058550596,-0.010687224566936493 l-0.04856676794588566,-0.099200289696455 0.03048213431611657,-0.059206029400229454 l0.027657009195536375,-0.026469607837498188 -0.009845298482105136,-0.16893722116947174 l-0.010338161373510957,-0.06214560940861702 -0.011946989689022303,-0.15898380428552628 l-0.04830602090805769,-0.07781845051795244 -0.0453317491337657,-0.0284802308306098 l-0.0841122679412365,-0.07168121170252562 -0.13010132126510143,-0.08533129468560219 l-0.19878005608916283,-0.17176669090986252 -0.02927620429545641,-0.013525168178603053 l-0.02487588906660676,-0.06271041929721832 -0.2614589221775532,-0.5566519498825073 l-0.2071022056043148,-0.019254463259130716 -0.1457226276397705,-0.12602773495018482 l-0.10685690678656101,-0.13014452531933784 -0.22802462801337242,-0.09860508143901825 l-0.19720977172255516,-0.022078787442296743 -0.03478898899629712,-0.07475659251213074 l-0.14300222508609295,-0.04187372513115406 -0.4036449268460274,-0.4075934365391731 l0.004997718497179449,0.11778454296290874 -0.22550221532583237,-0.0629784632474184 l-0.26645269244909286,-0.6474524736404419 0.024599118623882532,0.0853091198951006 l-0.20694710314273834,-0.03104950999841094 0.04272058606147766,-0.04485431592911482 l-0.1956000179052353,-0.06292488425970078 0.06380260456353426,-0.039543393068015575 l-0.14944914728403091,-0.08686594665050507 0.0778768490999937,0.03380809212103486 l-0.14941295608878136,-0.05830248352140188 0.11371312662959099,0.07215321995317936 l0.05064019933342934,-0.08883265778422356 -0.11471274308860302,-0.10629763826727867 l-0.041243890300393105,-0.05029857158660889 0.04016196820884943,-0.018082793103531003 l0.10457108728587627,-0.02784315263852477 -0.12185806408524513,-0.09412272833287716 l0.13930044136941433,0.022215342614799738 -0.016564405523240566,-0.6967435777187347 l0.08766757324337959,-0.14612535014748573 0.03332163207232952,-0.1505440380424261 l0.14969300478696823,-0.1443383190780878 -0.049216197803616524,-0.23589907214045525 l0.062529556453228,-0.15723802149295807 0.18848277628421783,-0.20199479535222054 l0.1356141548603773,-0.21815067157149315 0.4099598526954651,-1.4806640148162842 l0.25777626782655716,-0.3948255628347397 0.08904957212507725,-0.23819508031010628 l0.05696946755051613,-0.3078298456966877 0.16058718785643578,-0.23756781592965126 l0.022544164676219225,-0.292351134121418 0.19274793565273285,-0.19095240160822868 l0.2151704579591751,-0.3105991333723068 0.16066670417785645,-0.156501904129982 l0.11624214239418507,-0.22287830710411072 0.02314727520570159,-0.2592167630791664 l0.10954157449305058,-0.18184859305620193 0.10742304846644402,-0.15793930739164352 l0.24091606959700584,-1.1219488829374313 0.3338218480348587,-1.6444888710975647 l0.37550829350948334,-0.7924290001392365 0.02124170772731304,-0.6856799125671387 l-0.013938149204477668,-0.6612907350063324 0.20791176706552505,-0.46674616634845734 l-0.22061189636588097,-1.0275854915380478 0.4855983704328537,-0.12327034026384354 l-0.08681205101311207,-0.8748584985733032 0.2901635505259037,-0.14079805463552475 l0.014970682095736265,-0.19072964787483215 0.04218566231429577,-0.0380009482614696 l-0.31576234847307205,0.0974015798419714 0.1368900015950203,0.48023220151662827 l-0.46624839305877686,0.2629685215651989 -0.11804362758994102,0.6024809926748276 l-0.4000387340784073,0.7663129270076752 -0.03707383060827851,0.4718262329697609 l-0.2845688909292221,0.5996541306376457 -0.0952749140560627,0.2915087155997753 l-0.310702808201313,0.6635946035385132 -0.4365251585841179,1.197313368320465 l-0.19686369225382805,0.5892425030469894 -0.4887225106358528,1.679345816373825 l-0.5382010340690613,1.065409705042839 -0.5435081571340561,2.129458338022232 l-0.6171710789203644,0.9603581577539444 -0.49131840467453003,1.6377180814743042 l-0.1150125078856945,0.5671505257487297 -0.6238714978098869,1.4748023450374603 l-0.2660122327506542,0.979960560798645 0.0028410842060111463,0.5666667968034744 l-0.6757969409227371,1.2937548756599426 -0.588097907602787,1.1614787578582764 l-0.014824152458459139,0.6234319880604744 -0.7003480195999146,1.0915346443653107 l0.034020605962723494,0.6401357799768448 0.0012223607336636633,0.39562519639730453 l0.017558775143697858,0.2255186252295971 0.04913530312478542,0.2961656451225281 l0.03911861218512058,0.26968954131007195 -0.07904929108917713,0.43580513447523117 l-0.18772348761558533,-0.03611526684835553 0.08223897777497768,0.43203558772802353 l-0.5325900018215179,0.37789925932884216 0.07467884104698896,0.47973182052373886 l-0.28360093012452126,0.4194292798638344 -0.24627910926938057,0.2800014615058899 l-0.06285194307565689,0.44339824467897415 -0.2412228100001812,0.41259966790676117 l-0.06429451517760754,0.44726602733135223 -0.26282578706741333,0.4354371130466461 l0.0576062360778451,0.5026089400053024 -0.4891304299235344,0.5476037785410881 l-0.05333953537046909,0.487118661403656 0.0505409762263298,0.5777305364608765 l-0.27273356914520264,0.41409168392419815 -0.08356494829058647,0.4678630456328392 l-0.19354198127985,0.40089331567287445 -0.1329923328012228,0.3883521631360054 l0.06598975043743849,0.6175348162651062 -0.34579411149024963,0.284008514136076 l0.10730855166912079,0.13954414054751396 -0.17348242923617363,0.2901475876569748 l0.058366358280181885,0.213544350117445 -0.06531032267957926,0.27659203857183456 l-0.000894774857442826,0.3042148984968662 -0.046073985286056995,0.27745576575398445 l0.0014900517999194562,0.27559008449316025 -0.3014378249645233,-0.10526757687330246 l0.07159269880503416,0.18328603357076645 -0.001316098205279559,0.04416037816554308 l0.07898742333054543,-0.09332237765192986 -0.01087325974367559,-0.16157489269971848 m5.404834747314453,-3.9146745204925537 l0.4807356745004654,-0.2853594347834587 0.6610696762800217,-0.03790589747950435 l0.45538507401943207,0.03964061848819256 0.35440806299448013,-0.03553141374140978 l0.18021414056420326,-0.21055901423096657 0.35478435456752777,-0.02581753535196185 l0.32203495502471924,-0.06317929364740849 0.2922665700316429,-0.03733516205102205 l0.24382075294852257,-0.04691587295383215 \" fill=\"none\" stroke=\"black\" stroke-width=\"1\"/></svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"86.19362720392019\" version=\"1.1\" width=\"147.09532982866222\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:ev=\"http://www.w3.org/2001/xml-events\" xmlns:xlink=\"http://www.w3.org/1999/xlink\"><defs/><rect fill=\"white\" height=\"86.19362720392019\" width=\"147.09532982866222\" x=\"0\" y=\"0\"/><path d=\"M52.05851284088567,41.07287087957957 m-0.8202473819255829,-1.5122704207897186 l0.1348655205219984,-0.07679030299186707 -2.9339763522148132,0.17572563141584396 l-0.7521011680364609,-0.1787736639380455 -0.4676435515284538,0.11898656375706196 l-0.863087922334671,0.14747240580618382 -1.8981653451919556,0.06445759907364845 l-1.160430684685707,0.09578433819115162 -1.182895228266716,0.05262536462396383 l-1.4209692180156708,0.29010023921728134 -2.280089855194092,0.08477835915982723 l-1.4706416428089142,0.3613576292991638 -2.46327668428421,0.8089999854564667 l-1.6024842858314514,0.5483980476856232 -1.6064709424972534,0.7322978228330612 l-0.9037823230028152,0.41360747069120407 -0.554235465824604,0.6068961694836617 l-0.850745216012001,0.5856610834598541 -1.3173016905784607,0.9226343780755997 l-0.501619316637516,0.7534046471118927 -1.0454095155000687,0.8414911478757858 l-0.4625926539301872,0.863153263926506 -0.009800868574529886,0.8870812505483627 l-0.4889625683426857,0.8162024617195129 -0.1364484801888466,0.5856518819928169 l0.01806605258025229,0.6160733476281166 0.05782562308013439,1.2875816226005554 l0.6289169192314148,0.11171813122928143 0.6757424771785736,0.008162923040799797 l0.7911175489425659,0.3401627019047737 0.7012714445590973,0.34561894834041595 l0.5649340897798538,0.3365388885140419 0.4113287851214409,0.31984951347112656 l0.5226005986332893,0.35549912601709366 2.924526035785675,0.586659386754036 l1.092713251709938,-0.030837233643978834 0.8579762279987335,0.35273119807243347 l0.8710894733667374,-0.0601424602791667 0.7955428957939148,0.029344072099775076 l0.8289036899805069,0.0019303498265799135 0.7612913846969604,0.004584293928928673 l0.7689586281776428,-0.3015486150979996 2.5645747780799866,-1.1600544303655624 l0.5160524696111679,-0.5573508888483047 0.6739957630634308,-0.27946649119257927 l2.329784780740738,-2.081301063299179 1.0312414169311523,-0.9864002466201782 l0.6825125217437744,-0.9154829382896423 0.5845515057444572,-0.3581196442246437 l0.6127230823040009,-0.3854569047689438 2.0616672933101654,-2.545948028564453 l1.1788271367549896,-1.4272581040859222 0.4980654641985893,-0.8066239953041077 l0.7064759731292725,-0.8036620914936066 0.5732189118862152,-1.039712205529213 l0.7473988831043243,-0.8626751601696014 0.5206329002976418,-1.206139326095581 l1.053026169538498,-1.5549461543560028 1.231982335448265,-1.8128278851509094 l-0.07712409365922213,-0.7796382158994675 0.3730916976928711,-0.5885281041264534 l0.6420829892158508,-1.2329714745283127 0.7568252831697464,-1.3031625747680664 l0.08078315295279026,-0.7024674117565155 0.41919101029634476,-0.5527809634804726 l0.06941623520106077,-0.6476393342018127 0.5175457894802094,-0.16707468777894974 l0.25311851873993874,-0.6235833838582039 0.14740082435309887,-0.5744123458862305 l-0.0703019741922617,-1.0638180375099182 0.4357033222913742,-0.6791061162948608 l-0.2942626178264618,-0.706973671913147 0.21391406655311584,-0.028951663989573717 l-0.25870151817798615,-0.9311968833208084 -0.6505415588617325,0.6741572171449661 l-0.7418224215507507,0.6957411766052246 -0.014037289656698704,0.4607773944735527 l-0.6312361359596252,0.5740802735090256 -1.0762473195791245,1.7234773933887482 l-1.2420205026865005,1.9946448504924774 -0.7063578814268112,1.1615913361310959 l-0.7717632502317429,1.4713908731937408 -0.6844340264797211,0.855298787355423 l-2.2202491760253906,3.827306032180786 -0.2554268203675747,1.0030733048915863 l-1.7441144585609436,2.636353373527527 -0.2434423379600048,1.454785019159317 l-0.37786874920129776,0.5773387476801872 -0.7034707814455032,1.4091064035892487 l-1.1551374197006226,2.263607382774353 0.05697465501725674,0.7079791277647018 l-0.25848206132650375,0.9456871449947357 -0.04523997660726309,2.1138618886470795 l-0.24079062044620514,0.48112422227859497 0.07194098085165024,0.46934228390455246 l-0.28931165114045143,0.21969808265566826 0.05445648916065693,0.4203203320503235 l-0.15138274990022182,0.3377002477645874 0.03230803646147251,1.0243231803178787 l0.1828792504966259,-0.015512278769165277 0.08312534540891647,0.35570576786994934 l0.02907702000811696,0.20239125937223434 0.4658477380871773,0.13809691183269024 l0.10791228152811527,-0.4088883474469185 0.3063793107867241,0.13775684870779514 l0.03206235123798251,-0.41120700538158417 m15.148600339889526,-9.917397499084473 l-0.25125540792942047,0.3387075662612915 -1.1688723415136337,0.6416463851928711 l-0.14822635799646378,0.2205723337829113 -0.2811286970973015,0.07295460440218449 l0.04333695862442255,0.27959926053881645 -0.24768294766545296,0.072384187951684 l-0.27654150500893593,0.284356065094471 -0.2742600254714489,0.3775753080844879 l0.02738970099017024,0.333968885242939 -0.3454766422510147,0.40163300931453705 l-0.18974754959344864,0.2682576887309551 -0.3361832723021507,0.38927391171455383 l-0.3417114168405533,0.34067630767822266 -0.3405402600765228,0.3599138557910919 l0.028321470599621534,0.4274437576532364 0.01539805089123547,0.45507825911045074 l-0.004333443648647517,0.26571881026029587 0.015136140864342451,0.19061516970396042 l-0.17649099230766296,0.178716778755188 0.20215708762407303,0.5299052968621254 l0.31409353017807007,-0.0008123385487124324 -0.05768767558038235,0.0975504145026207 l0.23522775620222092,-0.0622289115563035 0.28431184589862823,-0.05163867957890034 l0.15227409079670906,0.04576808772981167 0.3548240289092064,-0.052078370936214924 l0.13975280337035656,-0.03426232375204563 0.1929991878569126,-0.005213323747739196 l0.19510257989168167,-0.02471880754455924 0.1987617462873459,-0.02478767652064562 l0.13541621156036854,-0.023196288384497166 m3.590388298034668,-11.312437057495117 l-0.6676632165908813,-0.01867201761342585 -0.12511743232607841,0.07186307106167078 l0.04346105735749006,0.1683344878256321 0.22481951862573624,0.22281968966126442 l0.14204589650034904,0.25159647688269615 0.008636865532025695,0.15137500129640102 l0.0029286695644259453,-0.0015065330080688 0.019730820786207914,0.16114097088575363 l0.2647562697529793,0.39879247546195984 0.08526498451828957,0.08153477683663368 l0.10108876042068005,0.055557042360305786 0.1268001925200224,0.4603761062026024 l0.14784849248826504,0.41059762239456177 0.4026302695274353,-0.06889995653182268 l0.2978985570371151,0.012648607371374965 0.1935877464711666,-0.26409871876239777 l0.5130381509661674,0.019353374373167753 0.5033411830663681,-0.029924889095127583 l0.3543902188539505,-0.16017192974686623 0.20099082961678505,-0.005450141034089029 l0.19896242767572403,-0.008988927584141493 0.2129196934401989,-0.23748448118567467 l0.15144620090723038,-0.003081535396631807 0.12274056673049927,-0.007694191299378872 l0.12185274623334408,0.010545789264142513 0.09272569790482521,-0.014286295045167208 l-0.010813309345394373,-0.2060677856206894 0.0897393748164177,0.0004751158849103376 l0.04446051083505154,0.01614363514818251 0.010935013415291905,-0.7042554765939713 l-0.03323427867144346,0.005099627887830138 -0.1398630440235138,0.005176116828806698 l-0.13143643736839294,-1.014573574066162 -0.0920230895280838,-0.2341061644256115 l-0.18689462915062904,-0.22933706641197205 -0.0977705605328083,0.03843262558802962 l-0.3229689970612526,0.009010369540192187 -0.10763207450509071,0.09725348092615604 l-0.2813911810517311,-0.02981916768476367 -0.3893425688147545,0.015443614684045315 l-0.12991847470402718,0.10356429032981396 -0.030094522517174482,0.09923944249749184 l-0.11125128716230392,-0.14293511398136616 -0.07373306434601545,0.05571942310780287 m9.872252345085144,7.351689338684082 l0.296101626008749,-0.28673652559518814 0.9538531303405762,-0.14438478276133537 l0.997103676199913,0.09805209003388882 0.6230975687503815,-0.03148353658616543 l0.48553913831710815,-0.007252921932376921 0.4599139094352722,-0.2747875265777111 l0.2072232961654663,-0.028430507518351078 -0.10531043633818626,-0.14003776013851166 l0.5265267938375473,-0.3281034901738167 0.5539551749825478,-0.018366879085078835 l0.4114188253879547,-0.45427270233631134 0.2594969607889652,-0.2871761657297611 l0.2032875455915928,-0.01631308696232736 0.16995392739772797,0.00023500420866184868 l0.016735419631004333,-0.17355648800730705 -0.08749078959226608,-0.20146522670984268 l-0.24613890796899796,-0.6137841939926147 -0.48547666519880295,-0.021018378902226686 l-0.08630354888737202,-0.13395408168435097 -0.43846338987350464,-0.5676957964897156 l-0.41034869849681854,0.006428470951505005 -0.4649168625473976,-0.5728325620293617 l-0.5018490180373192,-0.021610723342746496 -0.2667996659874916,-0.1280785072594881 l-0.5510187894105911,-0.0318813999183476 -0.10709603317081928,-0.06281984969973564 l-1.048598363995552,-0.2220654860138893 -0.34344155341386795,0.08518124930560589 l-0.2831828221678734,-0.3579520806670189 -0.42957376688718796,-0.03468666225671768 l-0.04159386735409498,0.24861613288521767 -0.4258953034877777,-0.025541209615767002 l-0.3674037382006645,-0.04032266326248646 -0.1749550737440586,0.3919193521142006 l-0.2538811042904854,-0.045617478899657726 -0.08120150305330753,0.2321263588964939 l-0.009644321398809552,0.27172984555363655 0.01567095285281539,0.21494049578905106 l-0.11890442110598087,-0.019917129538953304 -1.089034453034401,1.3190658390522003 l-0.10766284540295601,0.18425725400447845 -0.4201766476035118,0.12211952358484268 l-0.24610791355371475,0.45559652149677277 -0.2551775984466076,0.4379110410809517 l-0.31692467629909515,0.5682188272476196 0.03960299305617809,0.3643319383263588 l-0.2860068529844284,0.35672344267368317 0.028952513821423054,0.4053201526403427 l-0.10750974528491497,0.6633848696947098 -0.0014658959116786718,0.36954276263713837 l-0.2354385145008564,1.3832587003707886 0.013459076872095466,0.3925587236881256 l1.0182934254407883,0.963132381439209 -0.002322706423001364,0.15518950298428535 l0.7153018563985825,0.7494113594293594 1.0706187039613724,0.6955885142087936 l0.23491978645324707,0.016964945243671536 0.35229239612817764,0.05283311940729618 l0.9232165664434433,0.16450054943561554 0.5556389316916466,0.001168515664176084 l0.7126189023256302,0.11541411280632019 0.5429090932011604,0.013144358526915312 l0.6027591601014137,-0.029782820492982864 0.3983406722545624,-0.06251600105315447 l0.17369220033288002,-0.04912802018225193 0.40711600333452225,-0.048698000609874725 l0.365154966711998,-0.060854703187942505 0.20744472742080688,-0.18662700429558754 l0.15766704455018044,0.022421905305236578 0.13161040842533112,0.033059073612093925 l0.10697630234062672,-0.05004177801311016 0.2054806984961033,-0.23481572046875954 l0.6911322474479675,-0.49936510622501373 0.17878031358122826,-0.1569102145731449 l-0.021210797131061554,-0.11579424142837524 m11.016218662261963,-5.841920971870422 l0.07083785254508257,-0.3657200559973717 -0.1007462851703167,-0.10353564284741879 l0.31052587553858757,0.02386287786066532 -0.2586972340941429,-0.049308608286082745 l-0.1221635565161705,-0.09906461462378502 -0.6412354856729507,-0.06400313228368759 l-0.24547703564167023,0.09041618555784225 -0.30584320425987244,-0.01281523727811873 l-0.30128344893455505,0.011129924096167088 -0.7205815613269806,-0.05031373351812363 l-0.2898378297686577,0.02877713181078434 -0.36980006843805313,-0.06928888149559498 l-0.7243791967630386,-0.020048893056809902 -0.3576293960213661,-0.06965463049709797 l-0.1017716433852911,0.10591440834105015 -0.34628789871931076,0.08402375504374504 l-0.3602573648095131,0.09133830666542053 -0.3853745013475418,0.24246970191597939 l-0.3679626062512398,0.19794855266809464 -0.3807342052459717,0.2976573817431927 l-0.41257765144109726,0.2810288779437542 -0.3718625009059906,0.38095422089099884 l-0.402735136449337,0.38839444518089294 -1.7173400521278381,2.0445534586906433 l-0.10639145039021969,0.2753523737192154 -0.4840629920363426,1.1155833303928375 l-0.42496412992477417,1.4651928842067719 -0.19217245280742645,0.38344550877809525 l0.005485794972628355,0.3119884058833122 -0.0031610214500688016,0.5444100499153137 l0.07340004667639732,0.6227047368884087 0.014559809351339936,0.29197007417678833 l0.44042065739631653,0.2713494934141636 0.5594881251454353,0.27194706723093987 l0.17526276409626007,0.22059869021177292 0.7649079710245132,0.011529556941241026 l0.738527774810791,-0.0896570086479187 0.8388104289770126,-0.24156611412763596 l1.7698006331920624,-0.5719790607690811 0.2632451243698597,-0.17919788137078285 l0.9293431788682938,-0.6484951078891754 0.33883433789014816,-0.0902367103844881 l0.24053027853369713,-0.2808866836130619 0.2952292189002037,-0.24162158370018005 l0.2692810632288456,-0.39366066455841064 0.33624447882175446,-0.3217870369553566 l0.29312994331121445,-0.3111748769879341 0.2934562787413597,-0.32841749489307404 l0.11578673496842384,-0.40926553308963776 0.1727289892733097,-0.2802680991590023 l0.25636615231633186,-0.19788013771176338 0.40418557822704315,-1.378760188817978 l0.6484832614660263,-0.7451720535755157 1.2220600247383118,-2.352970689535141 l1.119440495967865,-2.524867057800293 0.010750185465440154,-0.5858677253127098 l0.6141834333539009,-1.176152303814888 0.2657191641628742,-1.054517701268196 l1.1556214094161987,-2.750495672225952 0.846450924873352,-1.853221207857132 l-0.03792805131524801,-0.5679131671786308 0.12589205987751484,-0.43561793863773346 l-0.010948484996333718,-0.5315312370657921 0.16743965446949005,-0.34891173243522644 l0.011470699682831764,-0.22471319884061813 0.11581837199628353,-0.33128678798675537 l0.020549604669213295,-0.32358359545469284 0.18611861392855644,-0.06465017329901457 l-0.10292001999914646,-0.3420832008123398 0.006716827629134059,0.36048438400030136 l-0.14708559960126877,-0.1201353408396244 -0.11726194061338902,0.22399896755814552 l-0.009972614934667945,-0.07153673563152552 -0.16939671710133553,0.17922354862093925 l-0.1299670711159706,0.20678220316767693 -0.329427607357502,0.31243473291397095 l-0.20187843590974808,0.35879984498023987 -0.2214588038623333,0.33527672290802 l-0.24059109389781952,0.14267179183661938 -0.2969079650938511,0.6663970649242401 l-0.9651709347963333,1.237327754497528 -0.8728756755590439,1.47945836186409 l-0.870121493935585,1.65657177567482 -0.7214387506246567,1.5495774149894714 l-0.0644915783777833,0.7289525121450424 -0.08346333168447018,0.5256922915577888 l-0.6777576357126236,1.5418212115764618 -0.29641086235642433,0.5835913866758347 l-0.5423073098063469,1.1129232496023178 -0.16998641192913055,0.44353485107421875 l-0.598551332950592,1.7124731838703156 0.0012085922207916155,0.7412507385015488 l-0.24806475266814232,0.3789292648434639 -0.23675009608268738,0.2197483368217945 l-0.0012549535313155502,0.5061455443501472 -0.2577846124768257,0.299514252692461 l-0.17781559377908707,0.2675168961286545 -0.3556544706225395,0.7349424809217453 l-0.024412567727267742,0.695255845785141 -0.2556154876947403,0.20477578043937683 l-0.01580946147441864,0.5330415070056915 -0.09356359019875526,0.3158039227128029 l-0.013285353779792786,0.4191090911626816 -0.03336720168590546,0.29806507751345634 l0.04533027298748493,0.22208111360669136 0.10544309392571449,0.218633022159338 l0.020846384577453136,0.2121705748140812 0.04702560603618622,-0.0727543979883194 l0.24859249591827393,0.002989944478031248 0.10220281779766083,0.008336189202964306 l0.11931405402719975,-0.19654707983136177 0.8821377903223038,-0.4361587017774582 m7.5876206159591675,-2.370108813047409 l0.40097594261169434,-0.3910510614514351 0.6486552953720093,-0.1682429388165474 l0.4432046413421631,-0.071664247661829 0.477241575717926,-0.047631096094846725 l0.38379546254873276,-0.06707956083118916 0.3833543509244919,-0.3319952264428139 l0.36063268780708313,-0.022689090110361576 0.30034203082323074,-0.03724109847098589 l0.1045851968228817,-0.09498028084635735 0.23014584556221962,-0.008327141986228526 l1.1328233778476715,-0.7092677801847458 0.41205599904060364,-0.1016914565116167 l0.22854944691061974,-0.015059985453262925 0.2122979611158371,-0.07169173564761877 l0.2209622971713543,-0.021858604159206152 -0.04965127445757389,-0.1242324709892273 l0.18413174897432327,-0.03888305742293596 -0.04087431821972132,-0.05925019737333059 l0.19346045330166817,-0.033831221517175436 -0.03691618563607335,-0.11963862925767899 l0.11894345283508301,-0.03337158355861902 0.1451854407787323,-0.1819540560245514 l0.17866890877485275,-0.13079283758997917 0.14577362686395645,-0.09515242651104927 l-0.03615129506215453,-0.21807000041007996 0.09035589173436165,-0.05881034303456545 l-0.04104979336261749,-0.3007356636226177 -0.016571172745898366,-0.07890880107879639 l-0.09314891882240772,-0.09425799362361431 -0.0802354235202074,-0.05733646918088198 l-0.0234077125787735,-0.01931695267558098 -0.11394809931516647,-0.04037771839648485 l-0.09880729950964451,-1.1124246567487717 -0.21332997828722,-0.06345526780933142 l-0.43991923332214355,-0.05167818162590265 -0.28625091537833214,-0.08324419148266315 l-0.2678579278290272,-0.007458082982338965 -0.2719326689839363,-0.05860547535121441 l-0.31221022829413414,-0.023420299403369427 -0.2821916341781616,0.2721480466425419 l-0.26126936078071594,0.25624949485063553 -0.3597191721200943,-0.05301096476614475 l-0.2721475623548031,0.43371446430683136 -0.2769090048968792,0.3250981867313385 l-0.029447542037814856,0.30071860179305077 -0.293850414454937,0.4010957106947899 l-0.09163863956928253,0.3080945834517479 -0.5488770455121994,0.32754626125097275 l-0.5553517490625381,0.4951146990060806 0.0425224332138896,0.34779559820890427 l0.031845096964389086,0.29667889699339867 -0.0052564096404239535,0.3513134643435478 l-0.19769608974456787,0.3228503465652466 -0.1641603372991085,0.25626290589571 l0.02687504282221198,0.3244238719344139 0.0038224790478125215,0.16905497759580612 l0.014148555928841233,0.2516920305788517 0.017447060672566295,0.27513623237609863 l-0.06648092065006495,0.22151419892907143 -0.17616480588912964,0.19175251945853233 l-0.0018647733668331057,0.27610842138528824 -0.17170412465929985,0.2512880228459835 l-0.13938906602561474,0.22817881777882576 -0.11730248108506203,0.2191186137497425 l-0.1123930886387825,0.19613834097981453 -0.09864944964647293,0.20078375935554504 l0.008754789596423507,0.28513621538877487 0.00934060662984848,0.3230598196387291 l-0.07297813892364502,0.15838801860809326 -0.006479693693108857,0.3430315852165222 l0.06756721064448357,0.13895434327423573 0.40190163999795914,1.144786849617958 l0.012932104291394353,0.17128637060523033 0.17718598246574402,0.10114142671227455 l0.4264119639992714,0.10599437169730663 0.14588993042707443,0.07830912247300148 l0.4795868694782257,0.10103410109877586 0.32674018293619156,-0.10956368409097195 l0.17176367342472076,0.03147666808217764 0.14663654379546642,0.01061391201801598 l0.18665367737412453,0.012116176076233387 0.1618521474301815,-0.009872147347778082 l0.2109207585453987,-0.22466162219643593 0.15324115753173828,-0.0456546526402235 l0.09629357606172562,-0.0470527121797204 0.21907543763518333,-0.1854221150279045 l0.19993389025330544,-0.12614194303750992 0.0612178910523653,-0.09347093291580677 l0.18290210515260696,-0.12782461009919643 0.01753631280735135,-0.0793521199375391 l0.11602702550590038,-0.06771416869014502 0.13365328311920166,-0.18688037991523743 l0.025792655069381,-0.11238744482398033 0.04596370737999678,-0.20331544801592827 l-0.0023772941494826227,-0.11028395965695381 -0.03318705130368471,-0.18313782289624214 l-0.06848973222076893,-0.1129075139760971 -0.06040864624083042,-0.1430022343993187 l-0.03840445540845394,-0.13525858521461487 -0.21368671208620071,-0.3102686256170273 l-0.1280850637704134,-0.022270306944847107 -0.037603420205414295,-0.3059447929263115 l-0.0015493526007048786,-0.13376625254750252 -0.1449371874332428,-0.2195456251502037 m9.013350009918213,0.4829249903559685 l0.15968088060617447,-0.3729051724076271 0.5441759154200554,-0.13066276907920837 l0.15103887766599655,-0.3909428045153618 0.020725075155496597,-0.07084480952471495 l-0.048827873542904854,-0.08206113241612911 0.0019661149417515844,-0.06523891352117062 l0.006183294462971389,0.009108586236834526 0.03261565696448088,-0.01775607466697693 l0.030896898824721575,-0.03337971633300185 0.08922887034714222,-0.019270548364147544 l0.09803915396332741,-0.1722814328968525 0.06973199546337128,-0.008513233624398708 l0.04280679393559694,-0.021032639779150486 -0.04866393283009529,-0.19037824124097824 l-0.11440672911703587,0.0004885929956799373 0.022248215973377228,0.0033673143479973078 l0.009482429013587534,-0.020059363450855017 -0.005253551644273102,-0.012858270201832056 l-0.012032123049721122,0.01613372704014182 -0.2378493919968605,-0.055120871402323246 l-0.08254203014075756,-0.012690939474850893 -0.5900838971138,-0.6138207390904427 l-0.2786576747894287,-0.0065226678270846605 -0.3086807578802109,0.032368432730436325 l-0.47304682433605194,-0.030904507730156183 -0.3379480168223381,0.0013817309809383005 l-0.3592563420534134,-0.036710030399262905 0.01689121127128601,0.13303606770932674 l-0.3841332718729973,0.23123802617192268 -0.359034463763237,0.23826178163290024 l-0.029934574849903584,0.17999926581978798 -0.4095657542347908,-0.05252568516880274 l-0.22672655060887337,-0.023292393889278173 -0.2244248054921627,-0.0291609694249928 l0.02719953190535307,0.19770547747612 -0.286968220025301,-0.04573511891067028 l-0.216654185205698,-0.0069285312201827765 -0.279679037630558,0.3468365967273712 l-0.1299070380628109,0.32616470009088516 -0.4101453721523285,0.12500573880970478 l0.033935243263840675,0.19900890067219734 -0.5547354370355606,0.7390874624252319 l-0.296957865357399,0.35590216517448425 -0.2853601239621639,0.42248133569955826 l-0.24556268006563187,0.5230875685811043 -0.050231111235916615,0.2806289680302143 l-0.47124724835157394,0.717180073261261 -0.23860199376940727,0.30563443899154663 l-0.04510409198701382,0.33910587430000305 -0.005236554425209761,0.5190068110823631 l-0.28353501111268997,0.3848971053957939 0.02430910710245371,0.5260195955634117 l-0.311192125082016,0.37455037236213684 0.05516767501831055,0.6214531511068344 l0.02515279920771718,0.7186271250247955 0.026117258239537477,0.24504296481609344 l-0.001070436555892229,0.43775659054517746 0.1331055909395218,0.2362287975847721 l0.4281710088253021,0.1700841262936592 0.08536141365766525,0.11078317649662495 l0.07739082910120487,0.3451627492904663 1.173848882317543,0.043171923607587814 l1.4525291323661804,0.017226332565769553 1.2230895459651947,0.051086973398923874 l1.047634780406952,0.07290849927812815 0.6604456156492233,-0.35317491739988327 l0.2791590057313442,-0.033251268323510885 0.26239940896630287,-0.081285759806633 l0.2503799833357334,-0.06993425078690052 0.16490686684846878,-0.12430795468389988 l0.22300103679299355,-0.10542290285229683 0.6766252964735031,-0.5732177942991257 l0.27749137952923775,-0.2616186626255512 0.1525247935205698,-0.0709632271900773 l0.07750633638352156,-0.11498372070491314 0.0994240865111351,-0.12479238212108612 l0.1015479676425457,-0.09329179301857948 0.06924133282154799,-0.1273229718208313 l0.12714344076812267,-0.16748366877436638 0.11201703920960426,-0.35217374563217163 l0.17809949815273285,-0.10469455271959305 0.3390001505613327,-0.19887257367372513 l0.494232140481472,-0.4414133355021477 0.039642699994146824,-0.2763300761580467 l0.02163026249036193,-0.22307554259896278 0.37587467581033707,-0.45770619064569473 l-0.029451451264321804,-0.29188062995672226 0.42127151042222977,-0.3579574450850487 l-0.1064462773501873,-0.3156988322734833 0.5267458409070969,-0.4870292544364929 l0.46134989708662033,-0.510469451546669 0.6557466089725494,-0.6755118072032928 l-0.07154969964176416,-0.2962173521518707 0.6653483957052231,-0.6677994877099991 l0.18283981829881668,-0.2443517930805683 0.6045082956552505,-0.7456320524215698 l1.0196883231401443,-0.8763419091701508 0.18694058060646057,-0.2771066874265671 l0.9063398092985153,-1.0821539908647537 0.3595291078090668,-0.4681440442800522 l-0.07659640163183212,-0.43040648102760315 0.8596514165401459,-0.6168001890182495 l0.7406549155712128,-1.4081400632858276 0.27943698689341545,-0.7629052549600601 l0.031178779900074005,-0.3418423607945442 0.27047665789723396,-0.6002777069807053 l0.02423643134534359,-0.5750250443816185 0.15092236921191216,-0.30037203803658485 l0.536278523504734,-1.517982929944992 0.08624398149549961,-0.5435348674654961 l0.03018794348463416,-0.5788976326584816 -0.09472579695284367,-0.6744038313627243 l0.15438991598784924,-0.4136693850159645 0.10070893913507462,-0.2413446456193924 l-0.013759337598457932,-0.3318002447485924 -0.25735151022672653,-0.14496502466499805 l-0.2215859666466713,0.40917228907346725 -0.4859782010316849,0.3407704457640648 l-0.4197070002555847,0.7060689479112625 -0.8991439640522003,0.8419027924537659 l-0.03001348813995719,0.3730134293437004 -0.4657548666000366,0.8089341968297958 l-0.46602699905633926,0.8526096493005753 -0.9942521154880524,1.5633659064769745 l-0.2490813285112381,0.3763790428638458 -0.43506521731615067,1.110656037926674 l-0.1456099282950163,0.6204614415764809 -0.46224195510149,1.0355838388204575 l-0.8753519505262375,1.8293116986751556 -0.020359528716653585,0.5990083515644073 l-0.09322778321802616,0.3432141989469528 -0.26831675320863724,0.4088924825191498 l-0.5349908769130707,1.2760941684246063 -0.2732313238084316,0.5491329729557037 l-0.34795835614204407,2.102697342634201 -0.3602536767721176,0.6189839169383049 \" fill=\"none\" stroke=\"black\" stroke-width=\"1\"/></svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"93.82332860026509\" version=\"1.1\" width=\"118.89215334231267\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:ev=\"http://www.w3.org/2001/xml-events\" xmlns:xlink=\"http://www.w3.org/1999/xlink\"><defs/><rect fill=\"white\" height=\"93.82332860026509\" width=\"118.89215334231267\" x=\"0\" y=\"0\"/><path d=\"M37.4391067281249,50.675184366243684 m-0.05672039929777384,0.6691280752420425 l-1.5098574757575989,-0.20378105342388153 -0.18883127719163895,0.3417128324508667 l0.029596907552331686,0.13641798868775368 -1.0080190002918243,0.06329410243779421 l-0.329451821744442,0.0777500681579113 -1.3718868792057037,0.12226548977196217 l-0.48283394426107407,-0.024417578242719173 -0.6376524269580841,0.06253028754144907 l-0.679686889052391,0.05630928557366133 -1.4507997035980225,-0.02105872379615903 l-0.42559921741485596,0.14118507504463196 -0.40354546159505844,0.21769598126411438 l-0.40069859474897385,0.2158890850841999 -0.19110837951302528,0.05805094726383686 l-1.276526153087616,1.0699166357517242 -0.0065077433828264475,0.34465402364730835 l-0.34732822328805923,0.20954038947820663 -0.3095034323632717,0.3205476701259613 l-0.00267424009507522,-0.19894830882549286 -0.2207554504275322,0.3503294661641121 l-0.10133112780749798,-0.23844251409173012 -0.1800360530614853,0.2447844110429287 l0.10019760578870773,-0.218464694917202 0.2621706947684288,-0.22158410400152206 l-0.3155829384922981,-0.004020551568828523 -0.4896237328648567,-0.004294076352380216 l0.328240729868412,-0.007838920573703945 -0.3422057628631592,0.001979558146558702 l0.06690187379717827,0.038166833110153675 0.0450411532074213,0.014574006199836731 l-0.3163282945752144,-0.01629756996408105 0.09895608760416508,0.06507812067866325 l0.41480936110019684,0.00915595272090286 -0.3426528722047806,-0.029600895941257477 l-0.3551807254552841,-0.014868935104459524 0.12373165227472782,0.11686407029628754 l0.07304345723241568,0.06868460681289434 -0.0572373578324914,0.11438606306910515 l0.06636505015194416,0.08498929440975189 -0.24799572303891182,0.0031459832098335028 l0.37244174629449844,-0.11075581423938274 0.07133077830076218,-0.03671994898468256 l-0.2033676952123642,-0.017066438449546695 0.08562742732465267,0.13961954973638058 l-0.18653197214007378,0.051721855998039246 0.011333120055496693,0.23401806131005287 l0.051535600796341896,0.2578001469373703 0.05052346270531416,0.2186480164527893 l0.07229127921164036,0.3102220967411995 -0.05010016728192568,0.3112778626382351 l0.07711168844252825,0.3915698453783989 0.048545943573117256,0.4142065718770027 l0.06803995463997126,0.5310768261551857 0.030160900205373764,0.6041430309414864 l0.01732291537337005,0.5738107487559319 -0.014628387289121747,0.23680895566940308 l0.04023278132081032,0.5051763355731964 0.012661892687901855,0.6107950210571289 l0.04847387317568064,0.26315469294786453 0.01250354922376573,0.5416129529476166 l0.11195876635611057,0.4454483836889267 0.009235140751115978,0.47709930688142776 l0.009545605280436575,0.5891310051083565 0.14490095898509026,0.3968018665909767 l0.02657407894730568,0.5764178931713104 0.007286603795364499,0.2348223514854908 l0.007123246323317289,0.3933596983551979 -0.00786695396527648,0.41613202542066574 l0.006557441083714366,0.5006135255098343 0.08887414820492268,0.3110872395336628 l0.12931871227920055,0.29220758005976677 0.3882164880633354,0.2869068272411823 l0.24647774174809456,0.35391636192798615 0.22728517651557922,0.29972780495882034 l0.16352789476513863,0.13503681868314743 0.38072366267442703,0.08007830940186977 l2.1720530092716217,0.02297712955623865 0.44707026332616806,-0.050578657537698746 l0.46266432851552963,-0.6020393967628479 0.43466977775096893,-0.014026176650077105 l0.4021076112985611,-0.11957285925745964 0.3866743668913841,-0.1091985497623682 l0.4230496287345886,-0.12957120314240456 0.3599029779434204,-0.1111074723303318 l0.4805408790707588,-0.6285370886325836 0.3852541744709015,-0.34188080579042435 l0.9419219195842743,-1.2372977286577225 0.23741759359836578,-0.5473599955439568 l0.3250768408179283,-0.30856093391776085 0.7378598302602768,-1.0831236094236374 l0.19415033981204033,-0.4777301847934723 0.838492289185524,-1.191370040178299 l0.11831209063529968,-0.5161572992801666 0.27390316128730774,-0.4877755790948868 l0.5110611766576767,-0.8781740069389343 0.9648067504167557,-2.4065954983234406 l0.846349373459816,-1.4125777781009674 0.5236420035362244,-0.8213096112012863 l0.27414388954639435,-0.5401216819882393 0.2416091412305832,-0.5622325465083122 l0.3130567818880081,-0.5276131257414818 0.07680753245949745,-0.8213502913713455 l0.396585613489151,-0.48104550689458847 0.0028323481092229486,-0.9654396027326584 l0.39695359766483307,-0.45209523290395737 0.25401461869478226,-1.0381978005170822 l0.13815523125231266,-0.9546219557523727 0.17734035849571228,-0.9308166056871414 l0.1040683314204216,-0.9226308763027191 0.17001543194055557,-0.9713726490736008 l0.14505679719150066,-0.8763692528009415 0.17913484945893288,-0.7565350830554962 l0.16312602907419205,-0.8275439590215683 0.20286699756979942,-0.3632229194045067 l0.0940739456564188,-1.245393306016922 0.2753005549311638,-0.3101779706776142 l0.10865855030715466,-0.4215953126549721 0.13857051730155945,-0.3617357462644577 l0.051642125472426414,-0.41532326489686966 0.20285140722990036,-0.3332933038473129 l-0.0959362555295229,-0.514470748603344 0.4280996695160866,-0.30211953446269035 l-0.1794406957924366,-0.40113549679517746 -0.3539203107357025,0.9820766001939774 l-0.01455117599107325,-0.18365856260061264 -0.2577386051416397,0.7674837112426758 l0.009770637843757868,0.09647684171795845 -0.031324715819209814,0.21255657076835632 l-0.44969167560338974,0.42350031435489655 0.035416625905781984,0.2820233628153801 l-0.06340611726045609,0.5525603517889977 -0.7173759490251541,0.6237414479255676 l-0.8142010122537613,1.0684119164943695 -0.5742350220680237,1.0594353079795837 l-0.12561124749481678,0.5499289184808731 -0.5681902915239334,0.6778786331415176 l-0.08766924031078815,0.5735993012785912 -0.0673414720222354,0.33471763134002686 l-0.15891645103693008,0.4837198927998543 -0.47411683946847916,0.36668550223112106 l-0.2362789772450924,0.36372944712638855 -0.27820879593491554,0.3805495426058769 l-0.07413087878376245,0.46454112976789474 -0.21876445040106773,0.443376787006855 l-0.13422582298517227,0.4538276046514511 0.004869230615440756,0.25735851377248764 l-0.21423101425170898,0.40066178888082504 -0.3251388669013977,0.3004646487534046 l-0.27272365987300873,0.3449433296918869 -0.016435130964964628,0.3362945094704628 l-0.2713385038077831,0.3888807073235512 -0.11104652658104897,0.43271783739328384 l-0.01698070438578725,0.29823562130331993 -0.3657463565468788,0.32095305621623993 l-0.011567071778699756,0.4402380436658859 -0.2413906343281269,0.4437950998544693 l-0.13361165300011635,0.463106706738472 -0.18112029880285263,0.44990725815296173 l-0.15709331259131432,0.4599490761756897 -0.025593768805265427,0.5794581398367882 l-0.26367541402578354,0.47335807234048843 -0.127653693780303,0.4918115958571434 l-0.011325690429657698,0.6152009591460228 -0.28223253786563873,0.4832383245229721 l-0.17806658521294594,0.45028675347566605 -0.0032369999098591506,0.9293115884065628 l0.0206435052677989,0.7509750127792358 0.008316637249663472,1.11489437520504 l-0.008160596480593085,1.3715897500514984 -0.264858715236187,0.46903956681489944 l0.012937439605593681,0.7383465021848679 0.028671640902757645,0.8817057311534882 l-0.004564568807836622,0.9639060497283936 0.007857935852371156,0.7920771092176437 l0.0026168866315856576,0.8096037060022354 0.014970648335292935,0.8444735407829285 l0.025604802649468184,0.8322872221469879 0.013060497585684061,0.7582026720046997 l0.3200847655534744,0.3671109303832054 0.3509773686528206,-0.0017246211064048111 l-0.03309826832264662,-0.35211287438869476 -0.3481350466609001,-0.5690275877714157 l-0.10447985492646694,-0.7689131051301956 -0.08809863589704037,-0.7276651263237 m14.907052516937256,-11.657085418701172 l0.15428765676915646,0.2755352668464184 0.18963053822517395,-0.25808461010456085 l0.08882442489266396,-0.3593563660979271 -0.05489941220730543,-0.09186706505715847 l-0.058614290319383144,0.5383122712373734 0.007742415182292461,-0.042943921871483326 l-0.10975735262036324,-0.03883784171193838 0.033231053967028856,0.08148016408085823 l-0.22025080397725105,0.0013425236102193594 0.01790810958482325,0.10812855325639248 l-0.3114844299852848,-0.047242394648492336 -0.13723398558795452,0.4310701787471771 l0.007232623174786568,0.14755865558981895 -0.2685927413403988,0.09478245861828327 l0.005036763614043593,0.10851326398551464 -0.27076326310634613,-0.032069580629467964 l0.044442228972911835,0.14104447327554226 -0.20740356296300888,0.2957404963672161 l-0.004783893236890435,0.23873575031757355 0.0015379891556221992,0.19926978275179863 l0.011637989664450288,0.1440957374870777 -0.09574305266141891,-0.3180835396051407 l-0.15472290106117725,0.2873093821108341 -0.06490050815045834,0.31410567462444305 l-0.5036044493317604,0.2609277702867985 -0.15750758349895477,0.22170480340719223 l-0.27755700051784515,0.13185090385377407 -0.20899219438433647,0.23821156471967697 l-0.6359796971082687,0.4247993230819702 0.028775015380233526,0.3254726156592369 l-0.27235252782702446,0.18943151459097862 -0.4010828584432602,0.36942649632692337 l0.007142878603190184,0.3815273568034172 -0.013728071935474873,0.35706471651792526 l-0.2444266900420189,-0.0535311084240675 -0.023794930893927813,0.37560906261205673 l-0.35682562738657,0.31163739040493965 -0.008369275601580739,0.4126155748963356 l0.040655722841620445,0.44024065136909485 -0.2780989743769169,0.3686576336622238 l-0.025630081072449684,0.5728121846914291 -0.032981305848807096,0.5443726480007172 l-0.26405973359942436,0.0025407527573406696 0.0038253108505159616,0.36342091858386993 l-0.02457684837281704,0.4606586694717407 -0.022053439170122147,0.45322664082050323 l-0.046424432657659054,0.3046349622309208 -0.006822441937401891,0.3932033106684685 l0.01672106678597629,0.6712693721055984 -0.03158742794767022,0.49551375210285187 l-0.10555521585047245,0.14333993196487427 0.2529519237577915,-0.19136426970362663 l0.08551030419766903,-0.05957366432994604 0.01510652364231646,0.02890123287215829 l0.06988781969994307,-0.0008695878932485357 -0.10354193858802319,0.018365104915574193 l0.010556221241131425,0.09380008094012737 -0.4020364210009575,-0.11857387609779835 l0.03646029392257333,0.12376307509839535 m6.753913760185242,-21.978163719177246 l0.4953012987971306,-0.1925252377986908 -0.01603974145837128,-0.2651588246226311 l-0.12328742071986198,-0.050961836241185665 0.073914909735322,0.0633548479527235 l0.019370586378499866,0.13192149810492992 -0.03253020811825991,0.16063107177615166 l-0.22012194618582726,-0.020410411525517702 -0.03362505929544568,0.0754639133810997 l-0.009254332398995757,0.08752838708460331 -0.07020550314337015,0.09398004040122032 l-0.1901560090482235,0.5930833518505096 -0.2788606472313404,-0.025381948798894882 l-0.20740164443850517,0.4724317416548729 -0.011510404292494059,0.17168618738651276 l-0.0534390565007925,0.216642078012228 -0.04719066899269819,0.28768762946128845 l-0.02243530238047242,0.21166039630770683 -0.02253851154819131,0.1204745564609766 l-0.05786762572824955,0.32759036868810654 -0.1060036662966013,0.38117073476314545 l-0.14479328878223896,0.3599695488810539 -0.12862318195402622,0.319986455142498 l-0.09841844439506531,0.28162678703665733 -0.09081645868718624,0.28667835518717766 l0.015672658337280154,0.26761921122670174 -0.06372509058564901,0.20601706579327583 l-0.02953757531940937,0.2230757661163807 0.0354065140709281,0.24906279519200325 l0.036777162458747625,0.2143467217683792 0.015388367464765906,0.20506415516138077 l-0.16163893043994904,-7.4026115726155695e-06 0.041289450600743294,0.15861766412854195 l-0.11465140618383884,0.14279846101999283 0.006549020763486624,0.30413154512643814 l0.023123410064727068,0.245816670358181 -0.02576640574261546,0.21497976034879684 l0.010979236103594303,0.25035565719008446 -0.00396164134144783,0.20737864077091217 l-0.13880357146263123,0.6573563069105148 0.017422555247321725,0.3879471868276596 l-0.05796951241791248,0.14294412918388844 -0.01789070200175047,0.15105189755558968 l-0.3692105785012245,-0.03828540677204728 -0.0939943827688694,0.05787501111626625 l0.03390181344002485,0.10190618224442005 -0.4499595984816551,-0.12581183575093746 l-0.11127987876534462,0.9070640802383423 0.016017532907426357,0.34127306193113327 l-0.2818681113421917,0.10706012137234211 0.007709056371822953,0.19232863560318947 l-0.16258008778095245,0.8316653221845627 -0.16694141551852226,0.7147922366857529 l-0.01651632017455995,0.6164413318037987 0.17108585685491562,-0.02776309149339795 l-0.01828061300329864,0.18854958936572075 0.29523538425564766,-0.2598492056131363 l0.013762162998318672,-0.08570156060159206 0.3028096444904804,0.03978106193244457 l0.02531912876293063,0.04167723469436169 0.052684168331325054,0.02902322681620717 l-0.0464401813223958,-0.020406583789736032 0.07087380159646273,0.14453023672103882 l0.03011679509654641,0.1672591082751751 -0.06491669919341803,0.056504132226109505 l0.019235142972320318,0.09248843416571617 0.028779208660125732,0.12221748009324074 l0.0061018712585791945,0.18570253625512123 0.00352337840013206,0.17272606492042542 l-0.05285406485199928,0.09989527985453606 m4.865720272064209,-16.465773582458496 l-0.9498399496078491,0.30926600098609924 m8.94934892654419,16.113526821136475 l0.6861577928066254,-0.3160781040787697 1.6251061856746674,0.05503484047949314 l1.1816707998514175,0.20434565842151642 0.3426865488290787,-0.4754379019141197 l0.5221324786543846,-0.048072515055537224 0.5737915262579918,-0.02719844924286008 l0.5479255318641663,-0.016638851957395673 0.09753964841365814,-0.5608641728758812 l0.16628658398985863,-0.24802472442388535 0.36183733493089676,-0.027327979914844036 l0.03392867045477033,-0.2993655577301979 0.20950078964233398,-0.02864325186237693 l0.2204655110836029,-0.004701512516476214 0.25701776146888733,-0.015294681070372462 l-0.0019693418289534748,0.04974185489118099 0.07939154282212257,-0.007911716820672154 l0.004052998556289822,0.07765752263367176 0.1336450595408678,-0.44382352381944656 l0.23858452215790749,0.02183806849643588 0.012629596749320626,0.08160443045198917 l0.2595161087810993,-0.17868494614958763 0.10092263109982014,-0.3797832131385803 l0.05407240707427263,-1.095043271780014 0.036695231683552265,-0.33474888652563095 l0.04068272188305855,-0.2948330529034138 -0.001897184265544638,-0.3213375434279442 l-0.010216908995062113,-0.25299185886979103 -0.3115997463464737,0.028448195662349463 l-0.039999340660870075,-0.2816126309335232 -0.4124239459633827,-0.18134122714400291 l-0.05841819103807211,-0.3031536750495434 -0.06191153544932604,-0.3137470409274101 l-0.05573741625994444,-0.3316667675971985 -0.049394010566174984,-0.3324972465634346 l-0.8136105537414551,-0.022439281456172466 -1.1143573373556137,-0.03183138556778431 l-0.261731892824173,-0.3050285018980503 -1.5165844559669495,0.03109896555542946 l-1.3045574724674225,-0.010108575224876404 -0.4710962250828743,0.026972258929163218 l-0.7187366485595703,-0.02011696808040142 -0.33868633210659027,0.07086141500622034 l-0.22790342569351196,0.26485323905944824 -0.4289320111274719,0.22244950756430626 l-0.06420718040317297,0.10802527889609337 -0.3113620914518833,-0.014403393724933267 l-0.3396861255168915,-0.02535106847062707 -0.34449581056833267,0.023967605084180832 l-0.01292040222324431,0.09826351888477802 -0.32898180186748505,0.04260010551661253 l-0.0171851203776896,0.0929197296500206 -0.03304992336779833,0.028554603923112154 l-0.3490056097507477,0.027281001675873995 -0.0040076341247186065,0.09579157456755638 l-0.22244377061724663,0.30045492574572563 -0.3652990236878395,-0.0036087597254663706 l-0.01152976299636066,0.04211863502860069 -0.016070581041276455,-0.020048990845680237 l-0.02703131176531315,0.01117456122301519 -0.12579616159200668,0.3716970980167389 l-0.004386695800349116,0.12293419800698757 -0.0055161380441859365,0.1092078909277916 l-0.038549830205738544,-0.007262177532538772 -0.010192911140620708,0.11637783609330654 l0.007917467155493796,0.05734591744840145 0.01170012867078185,0.14015134423971176 l-0.003614538291003555,0.20860088989138603 0.00455747329397127,0.25668151676654816 l0.009059629519470036,0.3153456002473831 0.0031382127781398594,0.31328234821558 l-0.0022649779566563666,0.36155741661787033 -0.45931175351142883,1.159624308347702 l0.02425078535452485,0.7431906461715698 -0.021145062055438757,0.5457228794693947 l0.01082972390577197,0.6538666039705276 -0.005542515427805483,0.8644372224807739 l0.0030915584648028016,0.726308673620224 -0.006404108717106283,0.6002342328429222 l0.0008838284702505916,0.5987043306231499 -0.025418417062610388,0.8356045931577682 l-0.007740628789179027,0.5360409989953041 -0.015316245844587684,0.5515627190470695 l0.16608232632279396,1.2179481238126755 -0.038910272996872663,0.6670905649662018 l-0.028757359832525253,0.5820948258042336 -0.07154534570872784,0.35890642553567886 l-0.04662620835006237,0.4052133113145828 -0.05142344627529383,0.506039634346962 l-0.06431240122765303,0.584011971950531 0.10228845290839672,0.39371468126773834 l-0.0438097957521677,0.47539111226797104 -0.1218483317643404,0.26647504419088364 l-0.039590559899806976,0.40434565395116806 -0.04363213200122118,0.42590904980897903 l0.47965165227651596,1.3234025239944458 0.3646164759993553,0.08571166545152664 l0.5150796845555305,0.08675643242895603 0.4066714644432068,0.3817509487271309 l0.17460692673921585,-0.028367857448756695 0.35009395331144333,0.13281387276947498 l0.20577944815158844,-0.05743464920669794 0.18052423372864723,-0.18272075802087784 l1.0031788051128387,-0.12880980037152767 0.2906041592359543,-0.03891104832291603 l0.3113192319869995,-0.07929469458758831 0.310113113373518,-0.31844183802604675 l0.2851937524974346,-0.30918171629309654 0.30529044568538666,-0.3118448331952095 l0.26624439284205437,-0.1460240688174963 0.6295420974493027,-0.8591190725564957 l0.40944918990135193,-0.7579368352890015 0.3135721758008003,-0.19592009484767914 l0.272431168705225,-0.20269528031349182 0.3227974474430084,-0.2574088051915169 l0.1771373488008976,-0.35387054085731506 0.3590274974703789,-0.22527439519762993 l0.29972415417432785,-0.30516359955072403 0.3413047268986702,-0.29653118923306465 l0.30106429010629654,-0.3243852034211159 0.18682930618524551,-0.38644686341285706 l0.21052343770861626,-0.3652796521782875 0.29575327411293983,-0.289711132645607 l0.2712346613407135,-0.2958449721336365 0.36562394350767136,-0.7706457376480103 l1.0112864524126053,-1.111886352300644 0.07953057996928692,-0.45446883887052536 l0.5010562390089035,-0.7631202042102814 0.45818522572517395,-0.9431234747171402 l-0.04051373805850744,-0.5689466372132301 0.2664249949157238,-0.4543134942650795 l-0.060738371685147285,-0.42840708047151566 0.14204486273229122,-0.5799490213394165 l0.18607251346111298,-0.5988302826881409 0.20412424579262733,-0.5212923139333725 l0.15572937205433846,-0.43739184737205505 0.1884467527270317,-0.5012870579957962 l0.15894783660769463,-0.5013630911707878 0.0884948018938303,-0.4015791043639183 l0.15325295738875866,-0.4869541525840759 0.07468421943485737,-0.6498955190181732 l0.11350768618285656,-0.6178675964474678 0.15625987201929092,-0.5309612303972244 l0.2797848917543888,-0.4811445623636246 0.07741102017462254,-0.46877339482307434 l0.2905246801674366,-0.4541795328259468 0.08372175507247448,-1.2446974217891693 l0.41076838970184326,-0.4428146779537201 0.24029187858104706,-0.4584699869155884 l0.551794208586216,-2.2631703317165375 0.24538226425647736,-0.7973922789096832 l0.11732736602425575,-1.2800079584121704 0.6581860780715942,-2.005903720855713 l0.03430047770962119,-1.4788857102394104 0.3774276375770569,-0.7114410400390625 l0.007760802400298417,-1.548619270324707 0.33900484442710876,-0.9602904319763184 l0.21588534116744995,-0.3814748302102089 0.1529925037175417,-0.3419453650712967 l0.09078497067093849,-0.796373039484024 0.28360191732645035,-0.5788493528962135 l0.2005665935575962,-0.40261685848236084 0.09768925607204437,-0.8496394753456116 l0.2445768192410469,-1.337878555059433 0.2831481210887432,-0.5118307843804359 l-0.07566966116428375,-0.8758902549743652 0.058732014149427414,-0.7096311450004578 l0.19674895331263542,-0.6974537670612335 0.09243998676538467,-0.9774274379014969 l-0.09864979423582554,-0.9328502416610718 0.1833442784845829,-0.3163982927799225 l-0.13930223882198334,-0.7557826489210129 0.0927126593887806,-0.15604804269969463 l-0.1681574434041977,-0.5949141085147858 -0.08289462886750698,0.5406411737203598 l-0.1652856171131134,0.08864269591867924 -0.1484986301511526,0.12560692615807056 l-0.09399912320077419,0.3156816214323044 -0.06305411458015442,0.5346617102622986 l-0.15146763063967228,0.2282155677676201 -0.04782415460795164,0.2883872017264366 l-0.14417754486203194,0.542723722755909 -0.00848833005875349,0.2953924797475338 l0.005896652000956237,0.24108419194817543 0.07648894097656012,0.4848557338118553 l-0.25299426168203354,0.47388020902872086 0.09250540286302567,0.4238073155283928 l0.04243429284542799,0.3265025094151497 0.07862720638513565,0.36141958087682724 l0.08745408616960049,0.23628922179341316 0.08297051303088665,0.25916965678334236 l0.059862551279366016,0.20524250343441963 0.0851118192076683,0.3449670225381851 l-0.04956189543008804,0.42607173323631287 -0.05306297913193703,0.4282500222325325 l-0.10330243967473507,0.027274515014141798 -0.028579484205693007,0.3914922848343849 l0.08945832960307598,0.6015311181545258 -0.22609155625104904,0.5721266567707062 l0.007006276864558458,0.6048519164323807 -0.12121574953198433,0.6041218340396881 l-0.22609611973166466,0.1050498615950346 0.11156014166772366,0.5723678693175316 l-0.1563378982245922,0.5867015197873116 -0.060741049237549305,0.5192415788769722 l-0.09005904197692871,0.5075865238904953 -0.185776948928833,0.3748275339603424 l-0.014857323840260506,0.5153526738286018 -0.17315953969955444,0.4810997098684311 l-0.032526226714253426,0.5682803317904472 -0.20910678431391716,0.37143711000680923 l-0.168413445353508,0.11912588030099869 -0.030167631339281797,0.5022866651415825 l-0.28192630037665367,0.07910252548754215 -0.08555733598768711,0.31655799597501755 l-0.10603824630379677,0.4354848340153694 -0.11930713430047035,0.48583004623651505 l-0.29890380799770355,0.741431787610054 -0.03633763175457716,0.5463694781064987 l-0.03448836272582412,0.303142424672842 -0.10618454776704311,0.49403153359889984 l-0.0012523723125923425,0.3863542154431343 -0.1655431091785431,0.4726064205169678 l-0.1378804724663496,0.476776659488678 0.051418100483715534,0.48764806240797043 l-0.2792162075638771,0.44906407594680786 0.026231890078634024,0.5177130177617073 l-0.010128886206075549,0.5900311842560768 0.02511056838557124,0.6259056925773621 l-0.011392005253583193,0.4467557370662689 0.014486885629594326,0.4527343809604645 l0.010199510725215077,0.7657226175069809 0.03742521861568093,0.4171885550022125 l0.03562720259651542,0.3733452782034874 0.06248297169804573,0.572652742266655 l0.08764964528381824,0.7587787508964539 0.06600173655897379,0.2936200983822346 l0.07775275968015194,0.41506730020046234 0.11378282681107521,0.3544774278998375 l-0.5363232269883156,-0.2009759098291397 m14.245479106903076,-7.663993239402771 l0.5934483930468559,-0.531478077173233 0.6821252405643463,0.05245308391749859 l0.15372805297374725,-0.4155290499329567 0.35141047090291977,-0.033869047183543444 l-0.09645409882068634,-0.044866628013551235 0.10370549745857716,-0.2858663350343704 l0.7631200551986694,-0.1709693856537342 -0.05722655449062586,0.20407237112522125 l0.18800456076860428,-0.43576691299676895 0.22817391902208328,-0.0003573906360543333 l0.23538371548056602,-0.04412140231579542 0.6313705444335938,-0.36181747913360596 l0.3853200003504753,-0.03992666024714708 0.28227290138602257,-0.02640129067003727 l0.08499106392264366,-0.21387526765465736 0.8986489474773407,-0.9181105345487595 l0.02475523855537176,-0.31668711453676224 0.29093652963638306,-0.2990684099495411 l0.013532013399526477,-0.31400181353092194 0.012732987524941564,-0.5943061038851738 l-0.2169811725616455,-0.04880462773144245 -0.21281305700540543,0.05707145668566227 l-0.04546504467725754,-0.0908926036208868 -0.15229652635753155,-0.06961600389331579 l-0.06684793159365654,0.015235653845593333 -0.07189292926341295,0.021973098628222942 l-0.1630585826933384,-0.07750494871288538 0.0007545723201474175,-0.4705452546477318 l-0.2628861367702484,0.018934888066723943 0.012302338145673275,-0.3678816556930542 l-0.22767232730984688,-0.0906878337264061 -0.30714455991983414,0.0815946888178587 l-0.604792945086956,-0.07906313985586166 -0.7083909958600998,-0.0839515496045351 l-0.1456388644874096,-0.14856857247650623 -0.8006104826927185,-0.060852281749248505 l-0.4637078568339348,0.0601739389821887 -0.7392950356006622,-0.05203873850405216 l-0.6475327908992767,-0.06056890357285738 -0.4462140053510666,0.3762413188815117 l-0.5731246992945671,-0.05522029474377632 -0.3987063467502594,0.37364136427640915 l-0.37473510950803757,-0.05203431472182274 -0.3537523001432419,-0.023205752950161695 l-0.0005708297248929739,0.13557082042098045 -0.5927965417504311,0.6277147680521011 l-0.5831862241029739,0.6024148687720299 -0.030697372276335955,0.10409723967313766 l-0.5621419101953506,0.5677049979567528 0.0073816184885799885,0.2367202751338482 l-0.6090377271175385,0.7273145765066147 0.022285636514425278,0.31958039849996567 l-0.29066991060972214,-0.021089492365717888 0.027910610660910606,0.1736125908792019 l0.04192943684756756,0.276519600301981 0.0020005679107271135,0.3172023966908455 \" fill=\"none\" stroke=\"black\" stroke-width=\"1\"/></svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"126.3903827778995\" version=\"1.1\" width=\"104.01791007960128\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:ev=\"http://www.w3.org/2001/xml-events\" xmlns:xlink=\"http://www.w3.org/1999/xlink\"><defs/><rect fill=\"white\" height=\"126.3903827778995\" width=\"104.01791007960128\" x=\"0\" y=\"0\"/><path d=\"M39.27905813092366,89.3731761095114 m0.03308330895379186,-1.5521566569805145 l0.953475832939148,-1.2139159440994263 0.2611629478633404,0.08177789859473705 l-0.1672806218266487,0.042941607534885406 -0.7066148519515991,-0.03031563712283969 l-0.449109822511673,-0.17293140292167664 -0.5780117958784103,-0.08723622187972069 l-0.32397568225860596,-0.26690490543842316 -0.2868856117129326,-0.33003829419612885 l-2.0268552005290985,0.04214688669890165 -1.0803243517875671,0.6245307996869087 l-0.6911303102970123,0.020943880081176758 -0.8402210474014282,0.6426458805799484 l-1.3982576131820679,0.3408079594373703 -1.239934042096138,0.5254122987389565 l-1.1961959302425385,0.6293938308954239 -0.8336265385150909,0.5089013278484344 l-0.956394150853157,0.7103641331195831 -0.39362557232379913,0.1345514878630638 l-0.2782313711941242,0.5781380832195282 -0.8443541079759598,0.8849982917308807 l0.0873999111354351,0.44342394918203354 -0.4933132976293564,0.22114228457212448 l-0.2713952027261257,0.32977160066366196 0.04019515588879585,0.48382431268692017 l-0.3973296284675598,0.35478897392749786 -0.16632810235023499,0.47644391655921936 l0.04260258283466101,0.531286858022213 0.0644936878234148,0.7122810184955597 l-0.14207670465111732,0.5105828493833542 0.06976157426834106,0.5626527592539787 l0.06922817789018154,1.0109900683164597 0.13491051271557808,0.6036064028739929 l0.07636609021574259,1.0398373007774353 0.08551845327019691,0.9997499734163284 l0.14224056154489517,0.5287470296025276 0.6231942772865295,0.6085880100727081 l0.4823450744152069,-0.04693749826401472 0.5225653573870659,0.4961400106549263 l1.1932487785816193,0.03623154480010271 0.6549299508333206,-0.19832659512758255 l1.5069016814231873,-0.6763042509555817 0.8582860976457596,-0.5764012038707733 l0.5933180451393127,-0.35752978175878525 0.6700213998556137,-0.3991534560918808 l0.4177262634038925,-0.04166904836893082 0.5148404836654663,-0.6174829229712486 l0.6476909667253494,-0.283572506159544 0.5360132455825806,-0.05538212135434151 l0.14162040315568447,-0.587703101336956 0.2647596597671509,-0.5251337215304375 l0.602039135992527,-0.1633189432322979 0.015362747944891453,0.12374954298138618 l0.25704093277454376,-0.1495850645005703 0.5867676809430122,-0.8134429901838303 l0.25047212839126587,-0.4577108100056648 0.29244139790534973,-0.46717967838048935 l0.23889251053333282,-0.3837206959724426 0.35898592323064804,-0.3487279638648033 l-0.042899660766124725,0.2642648480832577 m11.914507150650024,-31.39364719390869 l-0.8373364806175232,1.6956451535224915 -0.5166740342974663,0.4160989075899124 l-0.2321803942322731,0.26796741411089897 -0.05707907024770975,0.17752891406416893 l0.01658065360970795,0.2974335290491581 -0.42906031012535095,0.6005913019180298 l-0.06509093567728996,0.5395129323005676 -0.7347798347473145,1.3835012912750244 l-0.3277978301048279,0.5874422937631607 -0.8176668733358383,2.1740004420280457 l-0.4797224700450897,0.8155959099531174 -0.44473353773355484,0.6987936794757843 l0.006186707760207355,0.6647080928087234 -0.2937321737408638,0.4153760150074959 l-0.021524021867662668,0.4644971713423729 -0.391060970723629,0.49320824444293976 l-0.35582419484853745,0.6289980560541153 -0.36049511283636093,0.4896106570959091 l-0.05706234369426966,0.4430822283029556 -0.038735708221793175,0.6381791830062866 l-0.7262878865003586,2.0883798599243164 -0.0960378535091877,0.527142658829689 l-0.01687665469944477,0.7110431045293808 -0.3162030503153801,0.5843124538660049 l-0.0014660604938399047,0.8677712827920914 0.015922464663162827,0.5547484755516052 l-0.19119856879115105,0.4279600828886032 0.017011178424581885,0.6145219504833221 l-0.25610633194446564,0.6233256682753563 0.0011291859118500724,0.9377537667751312 l-0.005191090749576688,0.9703041613101959 0.010063479421660304,1.034850850701332 l0.1942727342247963,1.2480969727039337 -0.029744950588792562,0.2189125306904316 l-0.16569681465625763,0.18090562894940376 0.09538881480693817,0.2739158645272255 l0.1452427450567484,0.004202167910989374 -0.02539168344810605,-0.6141439452767372 m16.185327768325806,-10.33079743385315 l-0.33460833132267,0.6645382940769196 -0.006174389855004847,0.11087816208600998 l0.10935748927295208,-0.02803265117108822 -0.34445062279701233,0.22827200591564178 l-0.21842705085873604,0.25857752189040184 -0.21919939666986465,0.727136880159378 l0.0012238013732712716,0.19890764728188515 -0.05437637213617563,0.13249174691736698 l-0.06641026586294174,0.14432505704462528 -0.0984727032482624,0.25654569268226624 l0.02351445611566305,0.21779539063572884 -0.06025964394211769,0.24246275424957275 l0.012938239378854632,0.12389173731207848 -0.029950914904475212,0.2583880163729191 l0.020544910803437233,0.21259799599647522 -0.0018172500131186098,0.24939972907304764 l0.0021367051522247493,0.25154512375593185 -0.19824091345071793,0.30029095709323883 l-0.018929033540189266,0.23186184465885162 0.03621404292061925,0.20689206197857857 l-0.1373562216758728,-0.049497890286147594 0.02171417698264122,0.18380645662546158 l-0.00383816339308396,0.24811983108520508 -0.2243010327219963,0.40400978177785873 l-0.0025697328965179622,0.15318911522626877 -0.011543381260707974,-0.006879377760924399 l-0.028431653045117855,0.14225824736058712 0.010756786214187741,0.08525080978870392 l0.011416033376008272,0.05206191446632147 -0.020425054244697094,-0.06707807071506977 l-0.014601709553971887,-0.17959684133529663 -0.01879117568023503,-0.16764163970947266 l-0.1335233449935913,0.15718908980488777 0.13830594718456268,-0.002399281656835228 l-0.16151882708072662,0.17290960997343063 -0.010086237452924252,-0.08202888071537018 m7.10646390914917,-13.948599100112915 l-0.7669585198163986,0.18389016389846802 -0.12454008683562279,0.06147811654955149 l-0.017024981789290905,0.17044911161065102 -0.028138342313468456,0.41653603315353394 l0.2301330678164959,0.06939476821571589 -0.0374728674069047,0.5488450080156326 l-0.03570378292351961,0.6607811897993088 -0.06490500643849373,0.3166351467370987 l-0.0769125996157527,0.303861889988184 -0.07027727086097002,0.2973940223455429 l-0.08449621498584747,0.267007015645504 -0.06713603157550097,0.2741602435708046 l0.0523119792342186,0.10137210600078106 0.21281680092215538,0.01680986024439335 l0.10040869005024433,0.12262793257832527 0.08716924116015434,0.11256403289735317 l-0.06510263308882713,0.12628533877432346 0.1525587122887373,0.05474481265991926 l0.15866974368691444,0.02154689049348235 0.2226274460554123,-0.06742186844348907 l0.1887834258377552,-0.030359842348843813 0.22016976028680801,-0.024504256434738636 l0.22146770730614662,-0.027910282369703054 0.36497894674539566,-0.3567812219262123 l-0.023048799484968185,-0.4242250695824623 0.15823734924197197,-0.03331076819449663 l0.15597673133015633,0.0076182110933586955 -0.05175629165023565,-0.0752052990719676 l0.0012846798927057534,-0.2651158533990383 0.009320714743807912,-0.3572579473257065 l-0.007551897433586419,-0.5776764079928398 0.0026362226344645023,-0.024830559268593788 l-0.09931356646120548,-0.04987303167581558 -0.010298797860741615,-0.36218956112861633 l-0.00945580133702606,-0.5834365636110306 -0.0033283178345300257,-0.2773219160735607 l-0.18811797723174095,-0.36147870123386383 -0.37676170468330383,-0.011062903795391321 l-0.25325028225779533,-0.05356119014322758 0.006906448397785425,-0.2713068388402462 l-0.14051618985831738,-0.28968874365091324 -0.21692002192139626,-0.015701751690357924 l0.002682491031009704,-0.2724371664226055 -0.20355412736535072,-0.01542616868391633 l-0.09399432688951492,0.08046765811741352 -0.22541593760252,-0.0013844110071659088 l-0.26374058797955513,-0.004989411681890488 -0.007908952538855374,0.08144066669046879 l-0.08636750280857086,-0.18524935469031334 -0.17039036378264427,-0.22608667612075806 l-0.8128607273101807,-0.060408017598092556 -0.3906122222542763,0.04241754300892353 l-0.5417568609118462,-0.03564056009054184 -0.415378138422966,0.2187591977417469 l-0.2528825215995312,0.006795348599553108 -0.013401185860857368,-0.10367542505264282 l-0.4256162792444229,-0.3040996752679348 -0.2617837116122246,-0.01637414563447237 l-0.3558621183037758,0.2544292248785496 -0.40239118039608,0.2664828673005104 l0.0010886330710491166,0.01622675685212016 0.025905119255185127,-0.04723699763417244 l0.03375760978087783,-0.05263321101665497 -0.27132172137498856,-0.033499079290777445 l-0.24443326517939568,-0.3326722979545593 -0.020820260979235172,-0.0463975640013814 l0.053657982498407364,-0.05833894945681095 0.03457800718024373,-0.14434429816901684 l-0.19005877897143364,-0.034461859613657 -0.051576439291238785,-0.4056767374277115 l0.08691763505339622,-0.15022764913737774 0.06360957399010658,-0.17036570236086845 l-0.056693688966333866,0.1680840365588665 0.07013884838670492,-0.025853700935840607 l0.09857421740889549,-0.08871926926076412 -0.2368980087339878,-0.05231417249888182 l0.11123858392238617,-0.005656122229993343 0.08280770853161812,-0.04548029974102974 l0.12850087136030197,-0.03502804320305586 0.024557227734476328,-0.06491514854133129 l-0.06495889276266098,-0.5652467906475067 0.13865132816135883,-0.02557015512138605 l0.11906420812010765,-0.025276364758610725 0.03419246058911085,0.18922382965683937 l0.1265953667461872,0.010341160232201219 0.005428605363704264,-0.06839373614639044 l0.10012321174144745,-0.0713450275361538 0.11446429416537285,-0.047462605871260166 l0.11471698991954327,-0.04170811269432306 0.15796663239598274,-0.06543568801134825 l0.12350744567811489,-0.12493560090661049 0.12865327298641205,-0.04251608159393072 l0.3366269916296005,-0.219640601426363 0.20006392151117325,-0.08735042996704578 l0.12507456354796886,-0.031699612736701965 0.12099692597985268,-0.06673665717244148 l0.11313295923173428,-0.07991245947778225 0.1602204516530037,-0.38005299866199493 l0.1143910177052021,-0.13874324969947338 0.14786495827138424,-0.09239865466952324 l0.0885541271418333,-0.12991251423954964 0.118680065497756,-0.13648802414536476 l0.07323040161281824,-0.16458135098218918 -0.06656671408563852,-0.570291057229042 l-0.2602319046854973,-0.20579718053340912 0.10385686531662941,-0.033003867138177156 l-0.038641567807644606,-0.09234974160790443 -0.024870524648576975,-0.12037272565066814 l0.038251534570008516,-0.09380366653203964 0.011867990251630545,-0.10790555737912655 l0.08188681676983833,-0.12293227948248386 -0.027383570559322834,-0.09222276508808136 l-0.0889713317155838,-0.039469185285270214 0.10256164707243443,-0.06822521798312664 l-0.018506221240386367,-0.12366245500743389 -0.06269671022891998,-0.15729451552033424 l0.11662856675684452,-0.08235928602516651 -0.02707774518057704,-0.13837797567248344 l-0.0009455743565922603,-0.10674532502889633 0.10543975979089737,-0.13289797119796276 l0.10480434633791447,-0.11724756099283695 0.02927391789853573,-0.1119258813560009 l0.12519095093011856,-0.11770658195018768 0.024066756013780832,-0.28113894164562225 l0.015565884532406926,-0.15395394526422024 0.0008507529128110036,-0.1250885147601366 l0.10423114523291588,-0.06021706387400627 0.05351058207452297,-0.14411727897822857 l0.13650421984493732,-0.1740940846502781 0.10569452308118343,-0.08070887997746468 l0.13520902954041958,-0.10190329514443874 0.13971776701509953,-0.14061572030186653 l0.1653064414858818,-0.8381443470716476 0.1645188219845295,-0.13451281934976578 l0.07837405428290367,-0.2055492252111435 0.03449266077950597,-0.192247424274683 l0.08778247982263565,-0.18890820443630219 0.11494489386677742,-0.14291604980826378 l0.08884595707058907,-0.18963832408189774 0.13084649108350277,-0.13984216377139091 l0.12325877323746681,-0.18129171803593636 0.07783543784171343,-0.1206935103982687 l0.22866494953632355,-0.1452464796602726 0.13084452599287033,-0.5129051208496094 l0.2443537302315235,-0.18228840082883835 0.11960039846599102,0.2458379790186882 l0.00904131738934666,-1.3063330948352814 0.3236168995499611,-0.27517128735780716 l0.06424915045499802,-0.19277499988675117 0.341249480843544,-0.11874595656991005 l-0.166290532797575,-0.22959355264902115 -0.23839281871914864,0.03124584909528494 l0.08297980763018131,-0.05941842682659626 -0.024896946270018816,-0.10445090942084789 l0.09989962913095951,-0.15701087191700935 -0.0030225320369936526,-0.09256470948457718 l-0.34542329609394073,0.06279082503169775 -0.38699403405189514,0.15938486903905869 l-0.0487695774063468,-0.019635993521660566 0.41190844029188156,-0.5822453275322914 l0.23227492347359657,-0.19466791301965714 0.21738439798355103,-0.14500797726213932 l0.21209163591265678,-0.1994825340807438 -0.1402865443378687,-0.0636390084400773 l0.18117796629667282,-0.17702870070934296 0.0534860510379076,-0.202474445104599 l0.1109568402171135,-0.1240922324359417 0.20302856341004372,-0.07789218798279762 l0.4283487796783447,-0.4293166846036911 -0.14590336941182613,-0.012600952759385109 l0.15814442187547684,-0.10241357609629631 -0.29978465288877487,0.10417928919196129 l0.14919149689376354,-0.12433062307536602 0.0675314199179411,-0.041325478814542294 l0.026604586746543646,-0.09146788157522678 0.18985755741596222,-0.20569104701280594 l-0.08180010132491589,-0.21961644291877747 0.03799156518653035,-0.058791786432266235 l0.03889857325702906,-0.15447096899151802 0.11240984313189983,-0.07128983270376921 l0.636807456612587,-0.4782763496041298 0.08766911923885345,-0.09291987866163254 l0.1498190499842167,-0.2812083251774311 0.11654986999928951,-0.1621565967798233 l0.11041124351322651,-0.2651511877775192 0.06506772246211767,-0.1686106063425541 l0.4334414377808571,-0.52657600492239 0.3405618667602539,-0.039386884309351444 l0.060019525699317455,-0.2319115214049816 -0.1464205700904131,0.006689673755317926 l0.1605142280459404,-0.2681570127606392 0.22104790434241295,-0.09427724406123161 l0.14730623923242092,-0.10757887735962868 -0.13951809145510197,-0.43817780911922455 l0.14632794074714184,-0.24941137060523033 0.4184713587164879,-0.29715169221162796 l0.17147785052657127,-0.3648816794157028 0.1600659266114235,-0.15272531658411026 l0.09657739661633968,-0.30929137021303177 0.12215328402817249,-0.4081530496478081 l0.15218960121273994,-0.0599858770146966 0.13036642223596573,-0.1140275876969099 l0.14839480631053448,0.07620555814355612 0.11477389372885227,-0.13959884643554688 l-0.2570767141878605,0.037053050473332405 0.1400278601795435,0.0084941420936957 l-0.06453853100538254,-0.17996249720454216 -0.06537891458719969,0.1672772318124771 l0.08229697123169899,-0.0461621955037117 0.2691923640668392,-0.008648454095236957 l0.17806759104132652,-0.0080910261021927 -0.20668862387537956,-0.04970239941030741 l0.16894886270165443,-0.055291811004281044 0.049081011675298214,-0.23796139284968376 l0.14942234382033348,-0.02515838947147131 0.029433167073875666,-0.24571416899561882 l0.1311537530273199,-0.15372955240309238 -0.17190605401992798,-0.1159418560564518 l0.3329366073012352,-0.16395505517721176 0.03870221786201,0.3260480985045433 l0.005743511137552559,-0.26679497212171555 0.15557847917079926,-0.15527889132499695 l0.15785688534379005,-0.22363033145666122 0.15541746281087399,-0.25587622076272964 l-0.13088896870613098,-0.24935606867074966 0.23407148197293282,-0.09982164017856121 l-0.01751815900206566,-0.45692484825849533 0.2610362134873867,-0.048750657588243484 l-0.092955082654953,-0.4902825132012367 0.0027085383771918714,-0.13859981670975685 l0.16871988773345947,-0.44882863759994507 -0.0008929597970563918,-0.4255887493491173 l0.26314111426472664,-0.2863579988479614 -0.11630027554929256,-0.4730357229709625 l-0.08294555358588696,-0.09676631540060043 -0.12387693859636784,-0.46453554183244705 l0.43056540191173553,-0.9333431720733643 -0.1353785488754511,-0.3678080812096596 l0.28593966737389565,-0.3829289600253105 0.07436988409608603,-0.8359750360250473 l0.3084619902074337,-0.3639942780137062 -0.09935600683093071,-0.5728812888264656 l0.07658815011382103,-0.4447897896170616 0.2590029872953892,-0.7371596246957779 l0.7016608864068985,-1.7807550728321075 -0.061481064185500145,-0.5606868863105774 l0.05429902579635382,-0.6831900030374527 0.5034065619111061,-0.8118419349193573 l-0.16070663928985596,-0.6872908025979996 -0.04549672361463308,-0.6447657942771912 l0.21450042724609375,-0.5927997827529907 0.4730166867375374,-1.9243845343589783 l-0.1564771868288517,-0.9490311145782471 0.4605529084801674,-0.8076427131891251 l0.015084544429555535,-1.2493933737277985 0.16304247081279755,-0.5272061750292778 l-0.23252686485648155,-0.8760389685630798 -0.06717388518154621,-0.2488185279071331 l-0.17955102026462555,-0.5104736983776093 0.1300564780831337,-0.109114283695817 l-0.3190290927886963,-0.08304529823362827 -0.261293388903141,0.21654514595866203 l-0.35121429711580276,0.4192676767706871 -0.36992430686950684,0.5589500442147255 l-0.41527725756168365,0.7264852523803711 -0.46359576284885406,0.7799167186021805 l-0.6547753512859344,1.1497174948453903 -0.5981815233826637,1.4756958186626434 l-0.5722891166806221,0.44730328023433685 -0.4405028000473976,1.430160105228424 l-0.9761852025985718,1.995774656534195 -0.4272500053048134,0.6663050502538681 l-0.11564286425709724,0.5323977768421173 -0.547620914876461,1.2047158181667328 l-1.606188714504242,3.9966002106666565 -0.08935373276472092,0.6091506034135818 l-0.16422482207417488,0.465465784072876 -0.6258006393909454,1.6724243760108948 l-0.009949244558811188,0.6424777209758759 -0.32181959599256516,0.49206867814064026 l0.01117805833928287,0.6362590193748474 -0.3431245684623718,0.5263121053576469 l-0.0072991527849808335,0.6145067140460014 -0.29850274324417114,0.5616050213575363 l-0.008820312796160579,0.705818384885788 0.018248166888952255,0.6342659145593643 l-0.33079154789447784,0.4732179641723633 0.024142491165548563,0.7237640023231506 l-0.346265472471714,0.47159459441900253 -0.1038130559027195,0.4340485483407974 l-0.2527906000614166,0.404413677752018 0.0366205140016973,0.8058686554431915 l-0.4423164576292038,0.3156742453575134 0.03027998609468341,0.5076712369918823 l-0.3619639202952385,0.3805236890912056 0.007644607685506344,0.43022241443395615 l-0.3927469626069069,0.3164065256714821 -0.03120544832199812,0.2844865992665291 l-0.3247872367501259,0.25146452710032463 -0.24465428665280342,0.21458150818943977 l0.03232966875657439,0.1762596145272255 0.02595286350697279,0.12760759331285954 l-0.3200484439730644,0.19348233938217163 0.04774470813572407,0.35061296075582504 l-0.3347821533679962,0.2282697707414627 -0.19098136574029922,0.18053697422146797 l0.04460098687559366,0.1707708276808262 -0.24322152137756348,0.19906338304281235 l-0.23075854405760765,0.1630903035402298 0.03186893416568637,0.016679649706929922 l-0.21452449262142181,0.126569252461195 0.043226308189332485,0.1294591836631298 l0.045502311550080776,-0.05774158984422684 0.028651831671595573,-0.11938156560063362 l-0.14301431365311146,0.010541471419855952 -0.06909517105668783,0.028483697678893805 l-0.06953156553208828,0.02918533980846405 -0.11862971819937229,0.019073073053732514 l0.042633977718651295,-0.17687367275357246 0.060765077359974384,-0.17456036061048508 l-0.06279116030782461,-0.023642841260880232 m12.225279808044434,-3.3569562435150146 l0.1454775407910347,-0.6036848947405815 0.7224158197641373,0.01149730640463531 l0.525076724588871,0.03932933323085308 0.38626860827207565,-0.04641930107027292 l0.848371833562851,-0.42989056557416916 0.8965453505516052,-0.04029518458992243 l0.3478160873055458,-0.092010498046875 0.3548063710331917,-0.06183878518640995 l0.31010374426841736,-0.049627022817730904 1.0953991115093231,-0.9222051501274109 l0.35584915429353714,-0.07980376482009888 0.04339897073805332,-0.33437974750995636 l0.3310975432395935,-0.039826445281505585 0.11291015893220901,-0.28184399008750916 l-0.006889295764267445,-0.3430916368961334 0.0025634313351474702,-0.3617870807647705 l0.2588093467056751,-0.04373740404844284 0.3222089260816574,-0.016199693782255054 l0.30836479738354683,-0.0724621256813407 -0.058016832917928696,-1.0562463849782944 l0.23545900359749794,-0.00994310830719769 -0.0005852519461768679,-0.08651391603052616 l0.0029174168594181538,-0.4486692324280739 -0.2083738148212433,-0.08385652676224709 l0.02104451647028327,-0.075824661180377 -0.07626192644238472,-0.05337109323590994 l0.00432399712735787,-0.3984285518527031 0.033205472864210606,-0.051686144433915615 l0.09736592881381512,-0.06750981789082289 -0.04403053317219019,-0.08612063713371754 l-0.09541913866996765,-0.06560293026268482 -0.003338244860060513,-0.36253951489925385 l-0.23884600028395653,-0.07331850472837687 -0.03894673194736242,-0.05266592837870121 l-0.070159868337214,-0.029790988191962242 -0.14670336619019508,-0.035065009724348783 l-0.0012124524801038206,-0.28275905176997185 -0.07713246624916792,-0.028993752785027027 l-0.15127629972994328,-0.06572505924850702 -1.1240852624177933,-0.05049568600952625 l-0.28044821694493294,-0.018746566493064165 -0.3316882997751236,-0.048544448800385 l-0.3961620479822159,0.1081299502402544 -0.6051287427544594,-0.05540577694773674 l-0.6823432445526123,-0.06961777806282043 -0.9865133464336395,-0.042934794910252094 l-0.3661438077688217,-0.009811738273128867 -0.300619937479496,-0.029052484314888716 l-0.5876345187425613,-0.05726973991841078 -0.5495918914675713,-0.03835481824353337 l-0.3457685559988022,0.43189510703086853 -0.348849818110466,0.25479644536972046 l-0.33068500459194183,0.31839970499277115 -0.38893919438123703,0.23355824872851372 l-0.7367056608200073,0.5148269236087799 -0.0008410120790358633,0.17254628241062164 l-0.26979489251971245,-0.08198780938982964 0.022222683764994144,0.030960384756326675 l-0.15070156194269657,-0.05174260586500168 -0.576753057539463,0.7740160077810287 l-0.45608293265104294,0.23450490087270737 0.027400103863328695,0.1612967625260353 l0.021198212634772062,0.11213134042918682 0.02102379919961095,0.13810495845973492 l-0.05762705113738775,0.25718022137880325 -0.09916647337377071,0.24783670902252197 l-0.0023508872254751623,0.21814648061990738 -0.315762497484684,0.42063791304826736 l0.032677785493433475,0.47011546790599823 -0.3305569663643837,0.7417018711566925 l-0.1022445410490036,0.2958648093044758 -0.18441475927829742,0.3538249433040619 l0.017022581305354834,0.469600111246109 -0.10985485278069973,0.3194086253643036 l0.019752464722841978,0.20281661301851273 -0.08598319254815578,0.2598883956670761 l-0.20344840362668037,0.4296959191560745 0.04063153639435768,0.5557108670473099 l0.03567453706637025,0.14614139683544636 0.04400335252285004,0.484105683863163 l-0.0832123588770628,0.17919108271598816 -0.03069466445595026,0.1624099723994732 l0.04674614407122135,0.24219101294875145 -0.06911806296557188,0.09433268569409847 l-0.040243263356387615,0.22355500608682632 0.2054906263947487,-0.021626108791679144 l0.26871874928474426,-0.03751840442419052 0.2384708821773529,-0.02018722239881754 l0.2980200760066509,0.2505335211753845 -0.1719585433602333,-0.06794734857976437 l0.1258558314293623,-0.03979794215410948 0.19580598920583725,-0.027505054604262114 l0.6727565824985504,-0.0068147818092256784 0.384829081594944,-0.016585210105404258 l0.43744657188653946,-0.03786527318879962 0.8966492861509323,-0.20484404638409615 l0.27656229212880135,-0.1298639364540577 0.4637105017900467,-0.08507026359438896 l0.44675227254629135,-0.04032486584037542 0.32441336661577225,-0.14040859416127205 l0.2633156068623066,-0.155723188072443 0.21211611106991768,-0.1594993844628334 l0.23425934836268425,-0.10686617344617844 0.20231980830430984,-0.15783190727233887 l0.03762462642043829,-0.12779919430613518 0.3117133490741253,-0.09593854658305645 l0.1961563527584076,-0.23770524188876152 0.09806923568248749,-0.08688578382134438 l-0.03209642833098769,-0.1678229309618473 \" fill=\"none\" stroke=\"black\" stroke-width=\"1\"/></svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"0.7000000000000001\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"83.22168556274846\" version=\"1.1\" width=\"118.61859979188011\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:ev=\"http://www.w3.org/2001/xml-events\" xmlns:xlink=\"http://www.w3.org/1999/xlink\"><defs/><rect fill=\"white\" height=\"83.22168556274846\" width=\"118.61859979188011\" x=\"0\" y=\"0\"/><path d=\"M45.08898086147383,44.59145523782354 m1.0417020320892334,-2.115730494260788 l-0.013535005273297429,0.4856899380683899 -0.6825686991214752,0.004188900347799063 l-0.8471086621284485,0.0015120016178116202 -4.062938988208771,0.027498812414705753 l-1.281563639640808,-0.02956095151603222 -1.3950979709625244,-0.05228550173342228 l-1.4433303475379944,-0.006093353731557727 -0.9372991323471069,0.7469822466373444 l-1.6935016214847565,0.26293322443962097 -1.2035740166902542,0.5443375185132027 l-0.8063443005084991,-0.0130716641433537 -1.0028891265392303,0.5560639500617981 l-0.9033840149641037,0.29152655974030495 -1.1135129630565643,0.6031977012753487 l-1.950252205133438,0.7981488853693008 -1.1364851146936417,0.7286525517702103 l-0.07765325251966715,0.31088272109627724 -0.3197697177529335,0.30647097155451775 l-0.025866059586405754,0.6175395101308823 -0.040172701701521873,0.7334227114915848 l-0.18258698284626007,0.11977731250226498 -0.011248370865359902,0.6848328560590744 l0.01872273162007332,1.3814276456832886 0.004685096500907093,1.7376142740249634 l1.0843919217586517,1.6868756711483002 0.7798402011394501,0.2835049666464329 l1.28115713596344,1.452423632144928 1.2831445038318634,0.19760938361287117 l2.1272653341293335,0.8586784452199936 1.3411274552345276,0.08194673806428909 l1.4386171102523804,0.343233160674572 1.3366982340812683,-0.02326945774257183 l0.5249571800231934,-0.391036793589592 1.2596069276332855,0.0280224671587348 l1.2850412726402283,-0.43250035494565964 1.3297630846500397,0.04159762058407068 l0.7814312726259232,-0.5357498675584793 0.8241969347000122,-0.37421155720949173 l0.7970697432756424,-0.4372447356581688 0.5496209859848022,-0.5242595449090004 l0.8643390983343124,-0.38175180554389954 1.0805993527173996,-0.6400251388549805 l0.5930981040000916,-0.4950953647494316 0.8581797778606415,-0.1346083078533411 l0.2665158733725548,-0.7570289820432663 0.6148958206176758,-0.18229233101010323 l0.7168406248092651,-0.2292136661708355 0.6143554672598839,-0.21429801359772682 l0.5120624974370003,-0.3206482157111168 0.45319247990846634,-0.4208751395344734 l0.6584508717060089,-0.37412501871585846 0.5527623370289803,-0.34994274377822876 l0.5596835911273956,-0.37880249321460724 0.5064113438129425,-0.4252917692065239 l0.4888863116502762,-0.5075599998235703 1.1952712386846542,-1.2133783847093582 l1.3188785314559937,-1.3533598184585571 0.05426202900707722,-0.9812461584806442 l0.7978806644678116,-0.7370811700820923 0.4550241678953171,-0.5996550992131233 l0.4651854932308197,-0.5167849734425545 0.41199810802936554,-0.5234432220458984 l0.44730670750141144,-0.5153261497616768 0.42430732399225235,-0.5700527131557465 l0.5294276028871536,-0.5282965302467346 0.41431643068790436,-0.5388783290982246 l0.4518549516797066,-0.5272702872753143 0.7605694234371185,-1.121286302804947 l0.4912755638360977,-0.565185584127903 0.4604751989245415,-0.4717051237821579 l0.10954314842820168,-0.6735891103744507 0.7135213166475296,-0.4593004658818245 l0.2517845667898655,-0.5404896289110184 0.5472860857844353,-0.4609449952840805 l0.3296002373099327,-0.5158357694745064 1.074076071381569,-1.8531428277492523 l0.199086032807827,-0.9034744650125504 0.7327737659215927,-0.40147967636585236 l1.101248636841774,-0.9400468319654465 0.23056210950016975,-0.6414183974266052 l0.9768640249967575,-1.069052666425705 0.22118262946605682,-0.5520178005099297 l0.6702829897403717,-0.40659088641405106 0.30061420053243637,-0.43930061161518097 l0.3815598040819168,-0.3756137564778328 0.3201195225119591,-0.6423937529325485 l0.4970180615782738,-0.39321843534708023 0.2564370445907116,-0.5213199555873871 l0.4035964235663414,-0.3994656354188919 0.38024604320526123,-0.4924562945961952 l-0.22743545472621918,-0.5639321357011795 -0.05476419348269701,-0.3426751121878624 l-0.2535632252693176,-0.13866543769836426 0.2841660752892494,-0.03481880994513631 l-0.6117594242095947,-0.23728104308247566 0.46395760029554367,0.24425404146313667 l-0.5971192941069603,0.2897174097597599 -0.5107307061553001,0.5022342130541801 l-0.5555437877774239,0.43702706694602966 -0.0435953913256526,0.5522246658802032 l-0.5316953361034393,0.26909979060292244 -0.49212459474802017,1.0422863811254501 l-0.6145972013473511,0.6181646138429642 -0.6908014416694641,1.1865349858999252 l-1.597057580947876,1.405487060546875 -0.09812688454985619,0.508233904838562 l-1.9857962429523468,1.6703955829143524 -0.6644083559513092,1.0177968442440033 l-0.35661499947309494,0.5843934789299965 -0.4325922951102257,0.5967473983764648 l-0.5644496157765388,1.0192044079303741 -0.036948979832232,0.5042040348052979 l-0.7621762901544571,0.9321894496679306 -0.04284152761101723,0.4878859966993332 l-0.4999270662665367,0.5344859138131142 -0.40009569376707077,0.5374307930469513 l-0.06771535146981478,0.4394248127937317 -0.25439413264393806,0.44122952967882156 l-0.46936169266700745,0.48365265130996704 -0.09650850668549538,0.4643522575497627 l-0.0764039671048522,0.48434022814035416 -0.2620542421936989,0.42542748153209686 l-0.6604661047458649,0.514642521739006 -0.030126923229545355,0.7784436643123627 l-0.4537355899810791,0.4558343440294266 -0.2349442057311535,0.4279700294137001 l-0.3452793136239052,0.4769754037261009 -0.06245690397918224,0.7916533946990967 l-0.43942760676145554,0.4913771152496338 -0.21596405655145645,0.47093532979488373 l-0.43616972863674164,0.5048368871212006 -0.16946181654930115,0.45667119324207306 l-0.05355806555598974,0.17327550798654556 -0.3370150551199913,0.47198958694934845 l-0.258560124784708,0.5272935703396797 -0.24240395054221153,0.4715970903635025 l-0.7126042991876602,0.08071159012615681 -0.0914569478482008,0.38084324449300766 l0.3888178616762161,0.34112289547920227 -0.512380376458168,0.4408740997314453 l-0.70595383644104,0.14713766053318977 -0.18804602324962616,0.2613166347146034 l-0.22507373243570328,0.4028506949543953 -0.22527171298861504,0.41949350386857986 l-0.7548271864652634,0.05770076531916857 -0.032705271150916815,0.038802025374025106 l0.39232414215803146,0.2834116108715534 -0.3719818592071533,0.36776091903448105 l-0.0958512257784605,0.525643564760685 0.40994178503751755,0.03632396226748824 l0.40369488298892975,-0.11982911266386509 -0.08021170273423195,-0.2274516597390175 l-0.028400111477822065,-0.43011441826820374 -0.03695871448144317,-0.5547365173697472 l0.4166244715452194,-0.31913742423057556 m23.014657497406006,-9.740504026412964 l0.18966978415846825,-0.5793514475226402 0.937642827630043,0.07760200183838606 l1.0661009699106216,0.2795543894171715 0.3020484372973442,-0.18715038895606995 l0.2430836297571659,-0.28083283454179764 0.2941998466849327,-0.057344455271959305 l0.31802162528038025,-0.013024364598095417 0.5130262300372124,-0.27841050177812576 l0.6104043871164322,0.002578840940259397 0.9489820897579193,0.006872236263006926 l0.4958389326930046,-0.037687711883336306 0.5264334753155708,-0.020517143420875072 l0.4828939214348793,-0.01706531271338463 0.09301019832491875,-0.23122286424040794 l0.5073241889476776,-0.01679210108704865 0.48369161784648895,-0.00018515498595661484 l0.9358571469783783,-0.4201378673315048 1.18208646774292,-0.5740829184651375 l0.5933419615030289,-0.07279034238308668 0.7260226458311081,-0.42390838265419006 l0.8996003121137619,-0.45699067413806915 -0.029299838934093714,-0.5636657774448395 l0.14244085177779198,-0.011973559157922864 0.48549216240644455,0.0064517761347815394 l-0.02765703946352005,-0.7320351153612137 -0.026237405836582184,-0.776175782084465 l-0.026992822531610727,-0.5925637483596802 0.15830373391509056,0.004355165001470596 l-0.1464361697435379,0.023043407127261162 -0.059939194470644,-0.2505183406174183 l-0.10345188900828362,-0.26995234191417694 -0.17306968569755554,0.015537479193881154 l-0.18985532224178314,0.02489273203536868 -0.4067418724298477,0.0006606894748983905 l-0.1360516343265772,-0.2041064202785492 -0.48460759222507477,-0.4544924572110176 l-0.9825802594423294,0.04110988229513168 -0.39266593754291534,0.07742926944047213 l-0.2667699567973614,0.17947770655155182 -1.4911770820617676,-0.013798390282317996 l-1.554657518863678,0.011546487221494317 -1.1705657094717026,-0.008738206815905869 l-0.4749099537730217,0.3294532746076584 -0.6338354200124741,-0.041864500381052494 l-0.4864499345421791,-0.005094536463730037 -0.5557626858353615,0.011029596207663417 l-0.515885017812252,0.4625694081187248 -0.10257933288812637,0.15377319417893887 l0.12212201952934265,0.04152748268097639 -0.4521450027823448,-0.024602131452411413 l-0.46082813292741776,-0.0522482767701149 -0.29909709468483925,0.3411143645644188 l-0.03479385748505592,0.25048650801181793 -0.7071069628000259,0.6981512904167175 l-0.7532932609319687,0.6702707707881927 0.1337459497153759,0.125691220164299 l-0.07318101823329926,0.28437066823244095 -0.07014427334070206,0.41612815111875534 l-0.07509614806622267,0.5573394894599915 -0.5361561477184296,0.32522808760404587 l0.015690503641963005,0.4656638205051422 -0.0726561201736331,0.5275081470608711 l-0.0944844912737608,0.8476415276527405 0.0006440577999455854,0.812244713306427 l-0.035383733920753,1.008337140083313 0.10965017601847649,0.48164617270231247 l0.47560952603816986,0.5887258052825928 -0.07155408151447773,0.7465095072984695 l0.08606793358922005,0.4517024755477905 0.5751809105277061,0.47180134803056717 l0.40172766894102097,0.008977624238468707 -0.07921747863292694,0.33116187900304794 l-0.13367557898163795,0.36345645785331726 -0.13128957711160183,0.31058525666594505 l0.02970027271658182,0.20737070590257645 -0.07187652867287397,0.3537048399448395 l-0.10106256231665611,0.33604059368371964 -0.09944278746843338,0.3295673429965973 l0.07648106198757887,0.13812033459544182 0.12260248884558678,0.3024892695248127 l-0.11297792196273804,0.3838937357068062 0.3247075527906418,0.3037646412849426 l0.6397445499897003,0.5763795971870422 0.7256892323493958,0.7202468812465668 l0.675191655755043,0.4623660445213318 0.5349771678447723,0.1650727540254593 l0.5996175482869148,0.5362748354673386 1.293979287147522,0.7366136461496353 l1.0290686786174774,0.29329944401979446 1.0458450019359589,0.47949671745300293 l1.4028309285640717,0.01216996111907065 0.7478602230548859,0.44647686183452606 l1.0152405500411987,0.34723732620477676 2.8020671010017395,0.04613780416548252 l1.696254014968872,0.0821826234459877 1.4954061806201935,0.0802490022033453 l1.3864606618881226,-0.346841961145401 0.8103290945291519,0.10302168317139149 l0.327497161924839,-0.2105933055281639 -0.12589364312589169,-0.14596905559301376 l-0.1873071864247322,-0.6968793272972107 -0.13137761503458023,-0.6641720980405807 \" fill=\"none\" stroke=\"black\" stroke-width=\"1\"/></svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"87.09789261221886\" version=\"1.1\" width=\"758.0879721045494\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:ev=\"http://www.w3.org/2001/xml-events\" xmlns:xlink=\"http://www.w3.org/1999/xlink\"><defs/><rect fill=\"white\" height=\"87.09789261221886\" width=\"758.0879721045494\" x=\"0\" y=\"0\"/><path d=\"M45.844776667654514,53.335170689970255 m-20.416150093078613,-0.19404420629143715 l-0.42862657457590103,8.956766128540039 8.198623657226562,-2.934410572052002 l9.685972332954407,-2.0615798234939575 17.185276746749878,-5.340049862861633 l30.85737705230713,-12.883492708206177 26.81143045425415,-3.1194302439689636 l50.50526142120361,-4.663636088371277 22.908949851989746,-2.534569501876831 l80.48197746276855,-0.25732100009918213 26.943764686584473,-3.000369966030121 l65.0743293762207,0.313384048640728 32.443740367889404,0.5129415169358253 l94.98973846435547,-1.1293584108352661 61.126112937927246,1.7402689158916473 l60.91951370239258,1.5084370970726013 51.57676696777344,0.5597938969731331 l2.7854707837104797,0.48359453678131104 1.2524700164794922,1.1048591881990433 l-8.252859711647034,1.5799173712730408 -5.15563428401947,2.000654935836792 l7.384781837463379,2.5793883204460144 23.1040358543396,4.739507734775543 l17.9721999168396,2.646365165710449 20.837135314941406,2.2397837042808533 l8.451536893844604,0.416015200316906 \" fill=\"none\" stroke=\"black\" stroke-width=\"1\"/></svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"94.00969097856432\" version=\"1.1\" width=\"121.82203244101402\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:ev=\"http://www.w3.org/2001/xml-events\" xmlns:xlink=\"http://www.w3.org/1999/xlink\"><defs/><rect fill=\"white\" height=\"94.00969097856432\" width=\"121.82203244101402\" x=\"0\" y=\"0\"/><path d=\"M37.924443220254034,44.26135002169758 m-1.6147910058498383,0.8611492067575455 l-0.9669449180364609,0.2492581307888031 -0.9188453853130341,0.16725681722164154 l-0.4359128698706627,0.47845110297203064 -0.7368053495883942,-0.012640082277357578 l-0.38559217005968094,0.34284256398677826 -0.5260872095823288,0.15144210308790207 l-2.9399684071540833,2.887345552444458 -0.4234672337770462,0.18122626468539238 l-0.8991319686174393,0.7795410603284836 -1.2756450474262238,1.3167306780815125 l-0.47423094511032104,1.200399324297905 -0.6696577370166779,0.7426035404205322 l-0.06078699603676796,0.9214884042739868 -0.5719537660479546,0.7650068402290344 l-0.024622210767120123,4.689640700817108 0.36940664052963257,0.5239739269018173 l0.18746702000498772,2.0026305317878723 0.45281782746315,0.6738866120576859 l6.116247773170471,-0.24983404204249382 0.6281810998916626,-0.7039843499660492 l0.7010290771722794,-0.900021567940712 1.026376187801361,-1.5208181738853455 l1.2261762470006943,-2.4611379206180573 1.33985236287117,-4.233711361885071 l0.5939268693327904,-4.051626026630402 0.5123845487833023,-1.7113438248634338 l0.4961036890745163,-4.579984247684479 -0.19651105627417564,-2.7453047037124634 l0.734923779964447,-1.8435168266296387 0.13380075804889202,-3.4569424390792847 l0.005977894179522991,-5.725688338279724 0.48325300216674805,-0.739419087767601 l-0.024793033953756094,-2.02291801571846 0.5663805827498436,-1.2373323738574982 l-0.015660361386835575,1.748623251914978 -0.0110095355194062,3.452160358428955 l-0.01635887543670833,4.732733368873596 0.004087054985575378,4.5156776905059814 l-0.5670399218797684,1.6373366117477417 -0.00046159086195984855,6.422085762023926 l-0.008399550570175052,3.7142881751060486 -0.008262022165581584,2.3028597235679626 l-0.018207302782684565,4.330047965049744 0.45068521052598953,0.7828103005886078 l-0.01927838195115328,1.467234492301941 0.47330398112535477,0.8464863896369934 l-0.009850666392594576,1.2947824597358704 0.6508893519639969,0.7261575758457184 l0.429108664393425,1.1696404218673706 0.8104930073022842,0.2459404431283474 l0.0003722652036231011,0.7349105924367905 1.6603589057922363,0.17887745052576065 l0.8677339553833008,-0.027854060754179955 0.4600328952074051,-0.5969882383942604 l2.341444045305252,-2.2392135858535767 2.0183950662612915,-1.8947070837020874 l-0.029281803872436285,-0.8364399522542953 1.0260625928640366,-0.7210060209035873 l0.09517504833638668,-0.6720561534166336 2.1228064596652985,-2.7099230885505676 l-0.0007942641241243109,-1.054195761680603 0.9164842963218689,-0.6283513456583023 l-0.0030074562528170645,-0.902658998966217 0.46181797981262207,-0.8196623623371124 l-0.006018984713591635,-0.9054970741271973 0.5300072953104973,-0.44258564710617065 l0.003327310550957918,-0.714683011174202 -0.6064704805612564,-0.030603483319282532 l0.0016377904103137553,0.11957250535488129 -0.7676888257265091,2.3342165350914 l-0.12380012311041355,0.682804137468338 -0.7511298358440399,1.4222915470600128 l-0.028254108037799597,1.108790785074234 -0.6254296749830246,1.2058912217617035 l0.02507141325622797,4.877932667732239 0.4341069981455803,0.2678819000720978 l0.010490502463653684,0.9032958745956421 0.45612990856170654,0.18165236338973045 l0.019006431102752686,1.2033138424158096 0.3683074936270714,-0.05759578663855791 l0.47351453453302383,0.17661156132817268 1.6363383829593658,-0.034253839403390884 l0.5975298956036568,-0.5809682607650757 0.5764419212937355,-0.5368134751915932 l1.0146359354257584,-0.5187511816620827 0.9766076505184174,-0.8284797519445419 l0.7220882922410965,-0.9521476179361343 0.7468561828136444,-0.4285326600074768 l1.9320501387119293,-2.0438551902770996 0.728633776307106,-1.0937557369470596 l1.7400473356246948,-2.1293261647224426 0.5649878084659576,-0.6773564219474792 l0.14659677632153034,-0.3712000325322151 0.5745559930801392,-1.521332710981369 l0.02070198766887188,0.45120563358068466 0.05913753993809223,0.15389751642942429 l0.023668373469263315,-0.9677556157112122 0.026931494940072298,-0.7227031886577606 l-0.479758083820343,-0.20352192223072052 -0.5401385203003883,0.0232541561126709 l-1.2209498137235641,0.05551254376769066 -1.2042716890573502,0.8064045011997223 l-0.9717155992984772,1.3370688259601593 -0.515892319381237,0.3156101703643799 l-1.6781745851039886,2.574619948863983 -0.5392143875360489,1.5114273130893707 l-0.8227769285440445,1.5684819221496582 -0.0031092928838916123,1.544727385044098 l-0.49472928047180176,0.9258433431386948 0.16364732757210732,0.7096460461616516 l0.0005522019637282938,2.3852524161338806 0.30891990289092064,0.3837846964597702 l0.7018711417913437,1.85797780752182 1.5192341804504395,0.05168184172362089 l2.8898176550865173,-0.39934080094099045 0.7091653347015381,-0.7854071259498596 l1.3221248984336853,-1.0099013149738312 0.5621629953384399,-0.9692545980215073 l3.2265684008598328,-4.070168733596802 0.7476805150508881,-1.2853699922561646 l0.45409973710775375,-1.1468571424484253 2.554450035095215,-3.3256933093070984 l1.7967812716960907,-2.0179754495620728 0.6004452705383301,0.0363569357432425 l0.7518270611763,-0.8015388250350952 0.898408368229866,-0.8086442202329636 l0.3446190804243088,-0.20312873646616936 -1.1862726509571075,0.12057831510901451 l-0.7977936416864395,0.42514242231845856 -0.9254989773035049,0.14443152584135532 l-2.336345911026001,1.4682482182979584 -1.3034628331661224,1.0227447003126144 l-2.1963943541049957,1.8537141382694244 -1.0609076172113419,1.5120358765125275 l-0.6325914710760117,1.3966521620750427 -1.113293245434761,2.196521759033203 l-0.39091743528842926,2.1305453777313232 0.1935863122344017,1.0240234434604645 l0.40720991790294647,1.0969676077365875 0.01351883402094245,1.3963696360588074 l0.19968383014202118,0.07026733830571175 0.3427041694521904,1.3680098950862885 l0.8662789314985275,0.7053068280220032 1.999352127313614,-0.023851802106946707 l0.0763786444440484,0.1284195203334093 0.5443963408470154,0.18195871263742447 l0.45148205012083054,-0.3497939184308052 0.43552447110414505,0.11616277508437634 l2.192087471485138,-1.9612722098827362 0.3428664058446884,-0.7486028969287872 l1.3569021224975586,-1.981598436832428 0.6711409240961075,-2.4812431633472443 l0.6421385705471039,-1.6153478622436523 1.6707910597324371,-3.2817137241363525 l0.41527915745973587,-2.977689206600189 2.5930431485176086,-17.528762817382812 l0.08577068336308002,-2.6287609338760376 0.03244255669414997,-1.495080292224884 l0.015270189614966512,-1.0260029137134552 0.05334160290658474,1.8557645380496979 l-1.9772954285144806,11.030097007751465 -0.40298789739608765,0.7382503151893616 l-0.7381084561347961,8.503680229187012 0.09487122297286987,2.223348617553711 l-0.020313560962677002,2.945416271686554 0.01602478208951652,4.058373272418976 l0.3854013979434967,1.5363438427448273 0.005435053026303649,2.2924843430519104 l2.6604029536247253,0.0014202011516317725 1.0214656591415405,-0.25289667770266533 l2.4233855307102203,-1.436617374420166 0.5396954342722893,-0.872010663151741 l3.1431013345718384,-3.650648593902588 2.6774862408638,-4.7189319133758545 l-0.049267145805060863,-0.7911620289087296 1.3729582726955414,-4.5487165451049805 l-0.36308474838733673,-1.0029271990060806 -0.5863814800977707,0.033011066261678934 l-1.5577320754528046,0.852075070142746 -1.993880569934845,2.5631365180015564 l-1.824076771736145,2.7381065487861633 -1.0813014954328537,1.7877599596977234 l-1.5723298490047455,3.3820173144340515 -0.0074753601802513,3.12144935131073 l1.527373492717743,3.047860562801361 0.9731002897024155,0.9810428321361542 l2.2742947936058044,0.9763909876346588 3.4379738569259644,0.006757560768164694 l0.8055189251899719,-0.41563160717487335 3.5226216912269592,-2.1084430813789368 l1.4405426383018494,-2.6067376136779785 m-49.85067844390869,-16.454511880874634 l0.5234197154641151,-0.5200502276420593 0.03314495086669922,-0.24383323267102242 l0.14220263808965683,-0.0913063995540142 0.2128044329583645,-0.18909310922026634 l0.26914773508906364,-0.2334124594926834 -0.15772949904203415,0.026344559155404568 \" fill=\"none\" stroke=\"black\" stroke-width=\"1\"/></svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"111.82162931967468\" version=\"1.1\" width=\"200.81441832058772\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:ev=\"http://www.w3.org/2001/xml-events\" xmlns:xlink=\"http://www.w3.org/1999/xlink\"><defs/><rect fill=\"white\" height=\"111.82162931967468\" width=\"200.81441832058772\" x=\"0\" y=\"0\"/><path d=\"M53.92179846763611,58.95614697445126 m-1.2006180733442307,-1.7660808563232422 l-1.0169363021850586,-0.9417806565761566 -1.4686770737171173,-0.5312242358922958 l-1.9349026679992676,-0.4520103335380554 -1.9839182496070862,-0.4577862098813057 l-2.701573371887207,0.215334203094244 -2.9267331957817078,-0.08914206176996231 l-2.4993351101875305,0.2291167713701725 -2.0594467222690582,0.5953438580036163 l-2.033874988555908,0.9271533787250519 -2.0663203299045563,0.9985870867967606 l-1.8672861158847809,1.1207613348960876 -1.8129779398441315,1.662580817937851 l-1.8649853765964508,3.2703083753585815 -0.39100755006074905,1.6338512301445007 l-0.628354474902153,2.2240284085273743 -0.46485092490911484,3.895193338394165 l0.18454257398843765,2.3285818099975586 0.44856932014226913,1.515003889799118 l1.9715559482574463,3.2911959290504456 1.3050477206707,1.2109126150608063 l1.6361631453037262,1.3497288525104523 1.7899031937122345,1.3702106475830078 l1.7922855913639069,1.042252853512764 1.9104433059692383,1.1628570407629013 l2.296234667301178,0.8823753893375397 2.0645874738693237,0.5874236300587654 l1.7801785469055176,0.4243478924036026 2.291465699672699,0.1663573458790779 l1.9417020678520203,-0.7995972037315369 1.3811583817005157,-1.181034967303276 l1.3155563175678253,-1.8435914814472198 2.854990065097809,-5.074061751365662 l1.6251963376998901,-2.8569936752319336 1.499638855457306,-4.468251168727875 l0.6634214520454407,-2.020696848630905 0.6381335109472275,-2.4469220638275146 l0.19549109041690826,-3.2192638516426086 -0.11563342064619064,-3.3189257979393005 l-0.27653560042381287,-2.457157224416733 -0.38304973393678665,-2.7584391832351685 l-0.1260314416140318,-2.7045050263404846 -0.01811741618439555,-2.8146693110466003 l-0.07875697687268257,-2.4005353450775146 -0.1111132837831974,0.754711702466011 l-0.047802142798900604,-1.1122065782546997 -0.07543584797531366,-1.9333620369434357 l0.3370535746216774,0.429043173789978 -0.07509969640523195,0.721944272518158 l0.02481749514117837,2.28756844997406 0.01789767644368112,3.294786810874939 l-0.20933708176016808,1.8696114420890808 -0.04645178094506264,4.607849419116974 l-0.41062112897634506,4.797864854335785 -0.14264884404838085,5.380653142929077 l0.36255955696105957,2.8117474913597107 0.43197423219680786,3.668738603591919 l0.7184863090515137,2.124018222093582 0.8182638883590698,1.707453429698944 l1.2664011120796204,1.634739637374878 2.1436351537704468,1.4543615281581879 l1.905328780412674,0.14066815376281738 1.5902772545814514,-0.5588793009519577 l1.5709173679351807,-1.0680565983057022 3.082062602043152,-3.2942885160446167 l1.9527728855609894,-2.4441154301166534 1.1730757355690002,-2.4585147202014923 l0.6362488865852356,-1.750912368297577 0.31198112294077873,-1.9892369210720062 l0.716480165719986,-3.8521718978881836 0.36154940724372864,-3.1196674704551697 l0.16738811507821083,-1.3157989084720612 0.1190539076924324,1.1593781411647797 l-0.6754037737846375,2.7958977222442627 0.2254674956202507,2.913736402988434 l-0.11479041539132595,1.9230157136917114 0.05679232534021139,2.164485901594162 l0.45976951718330383,3.193204700946808 0.42440827935934067,1.5155680477619171 l1.4024323225021362,2.5894472002983093 0.8144956082105637,1.5331120789051056 l1.341443806886673,1.0681495070457458 1.5260995924472809,0.9361289441585541 l0.45020271092653275,0.21232442930340767 1.3778208196163177,0.2967739664018154 l1.5895441174507141,0.042785825207829475 2.178444266319275,-1.182604730129242 l1.7383833229541779,-0.7694117724895477 2.6379284262657166,-2.3325414955615997 l2.138650268316269,-2.6384106278419495 -0.2678060717880726,-0.2437635324895382 l1.4613689482212067,-1.4169371128082275 1.0731412470340729,-1.6891567409038544 l1.2353523075580597,-2.6344412565231323 0.6917061656713486,-1.8481174111366272 l0.5137252062559128,-1.7329694330692291 0.24712739512324333,-1.9536063075065613 l-0.1156255230307579,-1.6865725815296173 -0.234041977673769,-1.6700439155101776 l-0.38372285664081573,-1.4194916188716888 -0.46477846801280975,-1.2287677079439163 l-0.6880275905132294,-0.6892252713441849 -0.5180228501558304,-0.39215393364429474 l-0.9711778163909912,0.50035759806633 -1.738446205854416,2.5809723138809204 l-1.4809338748455048,5.30869722366333 0.00516702770255506,4.078006148338318 l0.5220631882548332,3.9287221431732178 1.496535837650299,2.525850832462311 l0.8246847987174988,1.3419942557811737 1.092236489057541,1.213589683175087 l1.855735331773758,1.4372770488262177 5.280229449272156,1.2705162167549133 l2.232108563184738,-0.4079427942633629 5.815052390098572,-2.3444829881191254 l1.7094530165195465,-0.8755192905664444 1.4126017689704895,-0.9132324159145355 l1.9365088641643524,-0.9461866319179535 2.202555239200592,-1.7932797968387604 l2.4014149606227875,-2.8901714086532593 0.9394952654838562,-1.5219032764434814 l1.3488157093524933,-2.5655874609947205 2.5657346844673157,-6.003838777542114 l0.8986294269561768,-1.7131422460079193 -0.013671433553099632,-1.3130372762680054 l-0.22706856951117516,-0.889958068728447 -0.5998519062995911,-0.858188271522522 l-0.04831748083233833,-0.8747236430644989 -0.7630647718906403,-0.6215064600110054 l-0.4993223398923874,-0.1567867398262024 -0.8873878419399261,0.5479880794882774 l-0.9134011715650558,1.3291217386722565 0.012633297592401505,3.3126315474510193 l0.12441487051546574,6.1944180727005005 0.792255699634552,3.079484701156616 l0.43736040592193604,1.329898089170456 0.5172070860862732,0.7536400854587555 l0.6140169501304626,0.5095383152365685 0.9354078769683838,-0.2856137976050377 l1.0395819693803787,-0.40056459605693817 1.095951646566391,-0.7402368634939194 l1.1278030276298523,-0.8982470631599426 1.2375766038894653,-1.2796159088611603 l1.1492301523685455,-1.1864728480577469 1.8747258186340332,-2.4976694583892822 l0.9460281580686569,-1.2494979798793793 1.0227002948522568,-1.2653231620788574 l0.9258639067411423,-1.1534257978200912 0.7681276649236679,-1.2234117090702057 l0.5939674377441406,-1.038428470492363 0.5184121057391167,-1.0571207106113434 l0.47167159616947174,-1.1364717036485672 0.046402569860219955,-6.569234728813171 l-0.24605797603726387,-1.455027014017105 -0.3967193141579628,-2.7983787655830383 l-0.18538907170295715,-1.1294030398130417 -0.11885372921824455,-1.8507398664951324 l-1.0360970348119736,-4.3322402238845825 -0.19266437739133835,-2.9363715648651123 l0.516500398516655,-0.6962363421916962 0.04598359577357769,-0.6621254980564117 l-0.0009305025014327839,0.5966946110129356 0.3156128153204918,1.115483120083809 l0.4217483848333359,1.101202368736267 -0.061261518858373165,3.143208622932434 l-0.028562250081449747,3.4808334708213806 0.17666324973106384,2.770000696182251 l-0.12190950103104115,2.294965833425522 0.0337743922136724,2.8758901357650757 l0.3924616053700447,2.6859524846076965 0.08799869567155838,1.3471421599388123 l0.33163443207740784,1.6692428290843964 0.060382368974387646,1.6462162137031555 l0.26910169050097466,1.0024583339691162 -0.0438960175961256,2.219284325838089 l1.035355105996132,2.076287269592285 1.0517695546150208,1.2687084078788757 l1.5932939946651459,0.09598518721759319 2.025783956050873,-0.5169250443577766 l2.2233574092388153,-1.0847270488739014 1.4394083619117737,-0.9122675657272339 l1.2202052772045135,-1.0796186327934265 3.2261860370635986,-2.1817000210285187 l1.311168223619461,-1.116224229335785 3.0066630244255066,-3.8810276985168457 l1.3407549262046814,-1.696959137916565 1.8464720249176025,-3.6077091097831726 l0.3377528116106987,-1.4420674741268158 0.2435608208179474,-2.785024344921112 l-0.5319732055068016,-0.923619270324707 -0.7931104302406311,-0.2556964382529259 l-2.4340149760246277,-0.3653467074036598 -1.5079405903816223,1.3651607930660248 l-2.5169941782951355,2.9804885387420654 -1.338830292224884,3.955095112323761 l-0.10623551905155182,3.4585797786712646 0.1585431955754757,1.0140058398246765 l0.8415044099092484,2.025481164455414 0.9783592075109482,1.1913155019283295 l1.0068555921316147,0.8826277405023575 1.507265865802765,1.2835505604743958 l1.1630608141422272,0.7647205889225006 2.1508145332336426,1.0122110694646835 l4.7560882568359375,0.20572256296873093 1.3767248392105103,-0.3248751536011696 l1.5279780328273773,-0.7872871309518814 2.2623221576213837,-0.7236830145120621 l1.9782990217208862,-0.7753350585699081 0.7026971876621246,-0.6673786789178848 l0.9569875150918961,-0.4295400530099869 1.3859693706035614,-0.451386496424675 l1.3513685762882233,-1.2882907688617706 0.677851140499115,-0.5968547984957695 l0.6530430912971497,-0.30469104647636414 0.5388743802905083,-0.49450311809778214 l-1.4610497653484344,-0.740167647600174 -0.7336636632680893,-0.014876591740176082 l-0.16525700688362122,-0.30057327821850777 m-66.88524723052979,-26.140594482421875 l-1.016765907406807,0.2952001988887787 -0.36164596676826477,0.12978771701455116 l-0.18535569310188293,0.11754242703318596 -0.04526765085756779,0.18099160864949226 l-0.07105551194399595,0.25304989889264107 -0.03294262569397688,0.29005207121372223 l-0.030311255250126123,0.210689976811409 -0.057059028185904026,0.12064272537827492 l-0.04646537359803915,0.14970146119594574 -0.05123691167682409,-0.028827048372477293 l-0.044873375445604324,0.07829178124666214 -0.058573619462549686,0.0876028835773468 l-0.018152548000216484,0.05157607141882181 -0.056051574647426605,0.09063546545803547 l-0.002426065184408799,0.08623594418168068 0.06835885345935822,0.13602652586996555 l0.20398614928126335,0.09338896721601486 0.11427372694015503,0.08476843126118183 l0.45349083840847015,0.24506418034434319 0.10669293813407421,-0.018798467935994267 l0.030393637716770172,-0.18769679591059685 0.21518047899007797,-0.10290151461958885 l-0.0012970785610377789,-0.13793455436825752 0.15817509964108467,-0.22572368383407593 l0.014477125369012356,-0.14669432304799557 0.11953308247029781,-0.08211348205804825 l0.01885393401607871,-0.1608705148100853 -0.388784259557724,-0.7579457014799118 l-0.2519347332417965,-0.09278192184865475 0.05676575005054474,-0.058902897872030735 l-0.12437431141734123,-0.08402673527598381 -0.04390459507703781,0.05363675765693188 l0.05908975377678871,0.09207271970808506 0.022653033956885338,-0.18160440027713776 l0.04824806470423937,0.2169126272201538 0.09819434955716133,-0.13073064386844635 l0.02932499861344695,-0.06587286479771137 -0.04797500092536211,0.059457942843437195 m4.604959189891815,1.8707332015037537 l0.259490218013525,-0.5474980175495148 0.7022228837013245,-0.04097006283700466 l0.33031344413757324,-0.05431725177913904 -0.0011986796016572043,-0.136214941740036 l0.024860338307917118,-0.13526453636586666 0.07785203866660595,-0.05145268980413675 l0.0022213532065507025,0.06935840472579002 -0.03615783993154764,0.06453793495893478 l-0.005991396610625088,-0.07330689113587141 -0.021723867394030094,-0.09264412336051464 l-0.1103657204657793,-0.060269846580922604 -0.14261423610150814,0.17804346978664398 l-0.04565998446196318,0.03516466123983264 0.031183878891170025,0.04718576092272997 l0.04594607278704643,0.05393566098064184 -0.06745491176843643,0.04686102271080017 l-0.06289834622293711,-0.09060374461114407 0.04259979818016291,-0.06435020826756954 l-0.0005285509905661456,0.007089082500897348 -0.03710111370310187,0.12493165209889412 l-0.03551493166014552,-0.10140975937247276 -0.0006501813913928345,0.05975985899567604 l-0.06465999875217676,0.1222702581435442 0.010301594156771898,-0.04075128585100174 l-0.13645388185977936,-0.14543544501066208 -0.04025377333164215,-0.09104781784117222 l0.1341731660068035,-0.14537377282977104 0.10121793486177921,-0.16988631337881088 l0.038145165890455246,-0.12968224473297596 -0.0853139627724886,0.07680363021790981 l0.014825052348896861,-0.02910467330366373 -0.0435188552364707,-0.007800462772138417 l-0.060705491341650486,0.13646955601871014 -0.1303467247635126,0.11522629298269749 l-0.05120310466736555,0.23284796625375748 -0.05268980283290148,0.09917461313307285 l-0.03515118965879083,0.254050325602293 0.14366405084729195,-0.030220008920878172 l0.0019913612050004303,0.08128481917083263 0.00390766334021464,-0.1499464362859726 l-0.023524011485278606,-0.10012314654886723 -0.030771656893193722,0.02949188696220517 l-0.1671641319990158,0.11623332276940346 -0.04137034062296152,0.10298249311745167 l-0.16136214137077332,0.20053347572684288 0.023749961983412504,0.01954985549673438 l-0.07097552064806223,0.21643619984388351 0.019130298169329762,-0.07272141519933939 l0.10111232288181782,-0.1633305475115776 -0.08993661031126976,0.07839154452085495 l0.1319234725087881,0.16518810763955116 0.03250817768275738,-0.13656331226229668 l-0.05879835691303015,-0.1327773742377758 -0.07509406190365553,0.3068285807967186 l-0.05314893554896116,0.2571597695350647 -0.03754857927560806,-0.019236140651628375 l-0.06682331208139658,0.023312377743422985 -0.03107205033302307,-0.03267680527642369 l-0.03027087775990367,-0.006126910448074341 -0.08318264037370682,0.10580704547464848 l-0.05367383360862732,0.21639399230480194 -0.0459421006962657,0.09095290675759315 l-0.07516434881836176,0.23756857961416245 0.03697916865348816,0.0010764396574813873 l-0.052895983681082726,0.14265918172895908 -0.09016713127493858,0.10034582577645779 l-0.0342867337167263,-0.01635999302379787 0.018106491770595312,-0.12400096282362938 l0.11834592558443546,0.11765645816922188 0.04284435883164406,-0.07561807986348867 l0.2917330153286457,-0.028855702839791775 -0.04309558775275946,0.060427640564739704 l0.09760825894773006,-0.14652473852038383 0.00711985572706908,0.03376687876880169 l0.24633819237351418,-0.20452184602618217 -0.036617061123251915,0.01572216162458062 l0.27066346257925034,-0.3310052677989006 0.20817240700125694,-0.1824071817100048 l-0.025167791172862053,-0.07346898782998323 0.18573351204395294,-0.299143735319376 l-0.02271681558340788,0.06844440009444952 0.13706449419260025,-0.10280136950314045 l-0.05814305040985346,0.2596580237150192 -0.09048874489963055,0.12743324041366577 l-0.053198421373963356,0.2735673449933529 -0.11977351270616055,0.07097321096807718 l0.09120176546275616,-0.0701133394613862 -0.029031692538410425,0.05721400957554579 l-0.061374991200864315,0.3235837444663048 -0.07760422304272652,0.1871195249259472 l-0.04932066425681114,0.24803776293992996 -0.040095881558954716,0.0008255584543803707 l0.11021384969353676,0.13611388392746449 0.04689387511461973,0.0986531563103199 l0.03450218355283141,-0.07107638753950596 0.09080950170755386,-0.05290190689265728 l0.04999973811209202,-0.16198154538869858 -0.03113615559414029,0.2812797576189041 l0.009361993870697916,0.00929276691749692 -0.006302644032984972,0.021084428299218416 l-0.003957358421757817,0.09820500388741493 -0.0329512101598084,0.03789667272940278 l0.04219543654471636,-0.2882076986134052 -0.03690368728712201,-0.032007170375436544 l-0.10261166840791702,0.07281488738954067 -0.004895756719633937,-0.1873360201716423 l-0.09813281707465649,0.06722895428538322 -0.042563099414110184,-0.12781403958797455 l0.10185115970671177,-0.08118546567857265 0.07711462676525116,-0.12541291303932667 l-0.02866855589672923,0.11314723640680313 -0.061330380849540234,-0.2098860777914524 l0.0962506327778101,-0.1872584968805313 -0.0337063055485487,0.021199665497988462 l0.07040434051305056,-0.10774798691272736 0.1928829774260521,-0.16984306275844574 l0.13607474975287914,-0.05275697913020849 0.09687060490250587,0.019471754785627127 l0.1262003369629383,-0.12915288098156452 0.012463706079870462,0.017620321596041322 l0.28566936030983925,-0.13240228407084942 -0.06051214411854744,-0.0025103407097049057 l0.16532275825738907,-0.17362605780363083 0.1051903236657381,-0.15224596485495567 l-0.13383044861257076,0.09916577488183975 -0.05370694678276777,0.3302185609936714 l0.08102525025606155,0.29796333983540535 0.10385654866695404,0.017172006191685796 l0.06847943179309368,0.04793685860931873 -0.06505734287202358,0.19591506570577621 l-0.031437196303159,0.09839395061135292 -0.03338996320962906,0.16305385157465935 l-0.044374288991093636,0.027249353006482124 -0.09829581715166569,0.060212924145162106 l-0.05579070653766394,0.3269324079155922 0.06550953257828951,0.14059890061616898 l-0.05301002413034439,0.3705396503210068 -0.07228605914860964,0.033394074998795986 l-0.011791478609666228,-0.1347319409251213 -0.03526930930092931,-0.02959165722131729 l0.09917492978274822,-0.05568480584770441 -0.030014177318662405,-0.07912472821772099 l0.15993524342775345,0.1309001725167036 -0.04741533659398556,-0.034401603043079376 l-0.011273310519754887,-0.1323293335735798 -0.03997148014605045,0.05114884115755558 l-0.10015366598963737,0.10040807537734509 -0.08482677862048149,0.08399247191846371 l-0.09815349243581295,0.07187008392065763 -0.007470186683349311,0.029737206641584635 l0.10627973824739456,-0.1663854718208313 0.2662400156259537,-0.14402756467461586 l0.4970187693834305,-0.5404006317257881 0.5541505664587021,-0.5492868646979332 l0.19795505329966545,-0.25180745869874954 0.47562282532453537,-0.47475941479206085 l-0.06889359094202518,-0.0592036172747612 -0.07573677692562342,0.10220146737992764 l-0.030363609548658133,-0.00543396279681474 -0.04526523873209953,0.42896464467048645 l-0.046558650210499763,0.4117387533187866 -0.027140961028635502,0.12898464687168598 l0.038076210767030716,-0.023324622306972742 -0.03378586610779166,0.07550504058599472 l0.08962482213973999,0.07462546229362488 0.0942543987184763,-0.0881418026983738 l0.07433053106069565,0.022547957487404346 0.04575415514409542,-0.10133819654583931 l0.10173050686717033,-0.2305540069937706 -0.02344796434044838,0.09697486646473408 l0.25003504008054733,-0.2332417108118534 -0.032367450185120106,0.05209594964981079 l0.15440215356647968,-0.23542188107967377 -0.018876888789236546,0.10425633750855923 l0.06207349710166454,-0.09619364514946938 0.06134349387139082,-0.0652081985026598 l0.15576643869280815,-0.12469048611819744 0.1205211691558361,-0.06939682178199291 l0.014747523237019777,0.04371373914182186 -0.11917782016098499,0.06944100838154554 l-0.04338774364441633,0.19145848229527473 0.10796844959259033,-0.005136168911121786 l-0.034899613820016384,0.05067525431513786 -0.12384586967527866,0.0191895745228976 l-0.009354263893328607,0.10176329873502254 -0.014803559752181172,0.08592696860432625 l-0.02545603783801198,0.11406047269701958 -0.024937179405242205,0.16306011006236076 l-0.032415438909083605,-0.0015876740508247167 -0.003679698857013136,-0.14237776398658752 l-0.03594690468162298,-0.060944221913814545 m4.095131754875183,-3.1866970658302307 l-0.046260766685009,-0.35414475947618484 0.7629097253084183,-0.4471607878804207 l0.16014404594898224,-0.046043237671256065 -0.025711110793054104,-0.15594054944813251 l0.0668344646692276,-0.0865044817328453 -0.011439784429967403,-0.17936669290065765 l-0.15669377520680428,-0.0401001051068306 0.059920866042375565,-0.09424863383173943 l-0.07903363555669785,0.15197192318737507 -0.0015115384303499013,-0.07898064330220222 l-0.12967240996658802,-0.05142595153301954 -0.09326077997684479,0.2382160723209381 l-0.032640108838677406,0.11647908017039299 0.055678924545645714,0.0054791453294456005 l0.04136827774345875,0.027102474123239517 0.0313955033197999,-0.09785977192223072 l0.046136705204844475,-0.10310249403119087 0.04735738504678011,-0.08043201640248299 l-0.021149790845811367,0.09140342473983765 -0.08283160626888275,0.11254165321588516 l-0.014071519253775477,-0.03380635753273964 -0.02009804593399167,0.005141666624695063 l-0.03466562135145068,0.08983072824776173 -0.05529443267732859,0.15127496793866158 l-0.04924988839775324,-0.11584390886127949 -0.035920003429055214,-0.01419599517248571 l0.029439094942063093,-0.06849650759249926 -0.06465097889304161,0.039242408238351345 l0.0019954657182097435,-0.042853220365941525 -0.02980404533445835,0.07684601005166769 l-0.03488592803478241,-0.02539206761866808 0.07376734167337418,-0.1555379293859005 l-0.020906846038997173,-0.0047405241639353335 -0.024039351847022772,0.03920907620340586 l-0.08526003919541836,0.10715867392718792 -0.010763891041278839,-0.06507426500320435 l0.02920270198956132,-0.012474007671698928 -0.0336069124750793,-0.19148841500282288 l-0.012784524587914348,0.11198158375918865 -0.08205345831811428,0.13192026875913143 l-0.04146126098930836,0.2418818511068821 -0.03438223619014025,0.13525119051337242 l-0.07079848553985357,0.05433135200291872 -0.06438428536057472,0.3381370007991791 l-0.041565150022506714,0.24538395926356316 m1.9167330861091614,-1.3596168160438538 l0.0012456666445359588,-0.395544208586216 0.11470472440123558,-0.15665503218770027 l0.16541261225938797,-0.004045786627102643 0.025659583043307066,-0.07748774718493223 l-0.026580628473311663,-0.1488891988992691 0.03161999862641096,0.0015878652629908174 l0.04008068237453699,-0.07480389904230833 0.03615271998569369,-0.04138093441724777 l0.04015576094388962,-0.07493974640965462 -0.04062659107148647,-0.03524057799950242 l-0.12398538179695606,0.05279991775751114 -0.05633498076349497,0.02448359504342079 l-0.03331705695018172,0.024872482754290104 -0.023527732118964195,-0.0660007307305932 l0.046485597267746925,-0.003142376081086695 -0.1587279699742794,-0.061535765416920185 l-0.16906443983316422,-0.0831625796854496 0.0485409377142787,0.04967300686985254 l-0.05335573572665453,-0.08422303013503551 0.05195515230298042,-0.0077581091318279505 l-0.045624286867678165,-0.08526166900992393 -0.03447899129241705,0.12740202248096466 l-0.041848490945994854,0.17500875517725945 -0.3867512196302414,-0.10455355979502201 l0.004430730186868459,0.03560729790478945 0.009391952771693468,0.08621601387858391 l-0.050413585267961025,0.2157801017165184 0.38550641387701035,0.022300919517874718 l0.025514995213598013,0.02668844535946846 -0.05918676499277353,-0.025574613828212023 l-0.05573729518800974,0.23946665227413177 -0.05278357770293951,-0.05978910718113184 l-0.0313245365396142,0.11604913510382175 -0.006324282148852944,0.16782056540250778 l0.03953535109758377,0.03204166190698743 0.012566508958116174,-0.04179640207439661 l0.06919015664607286,-0.05482011940330267 -0.05292485933750868,0.0020276584837120026 l-0.06250615231692791,-0.0994736049324274 -0.03994879312813282,0.25916222482919693 l0.04489174112677574,0.04735375288873911 -0.04514222964644432,0.31134527176618576 l-0.06590154953300953,-0.11500554159283638 -0.06460325326770544,0.05399618297815323 l-0.0562432873994112,0.2837660536170006 -0.12955820187926292,-0.14742154628038406 l0.06236487068235874,-0.08454658091068268 0.1485130749642849,0.043347226455807686 l-0.07420805282890797,0.12560353614389896 -0.07044297643005848,-0.03508290508762002 l0.10313578881323338,-0.04276561550796032 -0.06994013208895922,0.26463646441698074 l0.06039021071046591,0.09158414788544178 0.020798305049538612,-0.01812274567782879 l-0.0501185143366456,0.0418983306735754 0.09172940626740456,0.03823399776592851 l-0.032982074189931154,0.1653927005827427 -0.07482877466827631,0.12473119422793388 l0.4532221332192421,-0.030162357725203037 0.07095870561897755,0.09327634237706661 l0.20264262333512306,-0.06428883410990238 0.03655879758298397,0.09500494226813316 l0.10055365040898323,0.06510713137686253 -0.038640680722892284,-0.22949084639549255 l-0.018686704570427537,-0.15195483341813087 0.07494128309190273,0.0001884938683360815 l0.1080526877194643,-0.07364598102867603 0.1873309537768364,-0.08436450734734535 l0.19929401576519012,0.02813673811033368 -0.01863513491116464,-0.23331861943006516 l0.19453445449471474,-0.14075820334255695 0.15974080190062523,-0.08376426994800568 l-0.0351882167160511,-0.25503553450107574 0.02575537422671914,-0.20197516307234764 l0.0572680588811636,-0.03365565091371536 -0.04406971391290426,0.05035714711993933 l-0.02944294363260269,-0.030008184257894754 0.21609432995319366,-0.5112271755933762 l0.16726262867450714,-0.3986462578177452 0.06395567208528519,0.05181853659451008 l-0.03223782638087869,-0.1699041947722435 -0.029046100098639727,0.061889393255114555 l-0.017751231789588928,-0.13009104877710342 -0.03755167592316866,-0.025179623626172543 l0.05220914725214243,-0.19450465217232704 0.01032309141010046,-0.09766626171767712 l0.02533450024202466,-0.05723388399928808 0.04919981583952904,-0.22869383916258812 l0.019378203433007002,-0.07908209227025509 -0.039768870919942856,-0.10745103470981121 l-0.03818816505372524,0.24401189759373665 -0.0509908189997077,0.07375483401119709 l-0.04122384823858738,0.11468087323009968 0.007654221262782812,-0.1128748431801796 l-0.2237473614513874,-0.05359075963497162 -0.11199341155588627,-0.026685078628361225 l0.003950215468648821,-0.0510454922914505 -0.06802742835134268,0.5416980758309364 l0.05137957166880369,0.04095296375453472 -0.06482948083430529,0.004444936930667609 l-0.11294525116682053,-0.1200680062174797 0.029782983474433422,0.05545003339648247 l-0.05677230656147003,-0.07568109780550003 -0.07228848990052938,0.18787555396556854 l0.04849528428167105,0.059702140279114246 -0.10425328277051449,-0.0895510520786047 l-0.06409482099115849,0.3129659593105316 -0.0666251452639699,0.21623164415359497 l-0.058451020158827305,0.12297241948544979 -0.07718582171946764,0.25542469695210457 l0.05453166551887989,0.061299968510866165 0.05512288771569729,-0.019113702001050115 l-0.07675366476178169,0.22514348849654198 -0.09350144304335117,0.2569740451872349 l0.0013527138798963279,0.007714824751019478 0.012009692145511508,0.006078943843021989 l-0.09046558290719986,0.22992687299847603 -0.13085896149277687,-0.018119490705430508 \" fill=\"none\" stroke=\"black\" stroke-width=\"1\"/></svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"91.31976598640904\" version=\"1.1\" width=\"62.987083423358854\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:ev=\"http://www.w3.org/2001/xml-events\" xmlns:xlink=\"http://www.w3.org/1999/xlink\"><defs/><rect fill=\"white\" height=\"91.31976598640904\" width=\"62.987083423358854\" x=\"0\" y=\"0\"/><path d=\"M37.987083423358854,64.04439855134115 m-0.7465030997991562,-1.0100116580724716 l-1.8942147493362427,-0.0484910374507308 -0.8898426592350006,0.34528080374002457 l-0.6441342830657959,-0.41781697422266006 -1.5177339315414429,0.13390236534178257 l-0.4566306620836258,-0.16113532707095146 -0.5657954886555672,0.1897476240992546 l-0.33188987523317337,-0.08390136994421482 -0.4017491266131401,-0.10645745322108269 l-0.9829078614711761,0.3395377844572067 -0.8919317275285721,0.9041646867990494 l-0.5043425038456917,0.07490452844649553 -1.01898193359375,0.3875049203634262 l-0.2159036323428154,0.28038445860147476 -0.19147967919707298,0.09840289130806923 l0.04586535505950451,0.1424936205148697 -0.03363473806530237,0.10146625339984894 l-0.5084598809480667,0.3724803403019905 0.12430795468389988,0.5120698735117912 l-0.11370455846190453,-0.12209583073854446 0.13463781215250492,0.20632296800613403 l0.14054798521101475,0.04553209990262985 0.010725301690399647,0.09108186699450016 l0.14730196446180344,-0.06913964170962572 0.07762262132018805,-0.09050802327692509 l0.08087885566055775,-0.12517930008471012 0.21392019465565681,-0.2179630659520626 l0.22188419476151466,-0.1931961625814438 0.21580711007118225,-0.31595442444086075 l0.08332302793860435,-0.3807511180639267 0.33107057213783264,-0.3279673308134079 l0.21230682730674744,-0.32876957207918167 0.09139574132859707,-0.45884620398283005 l0.11173746548593044,-0.46026531606912613 0.10908234864473343,-0.5174716934561729 l0.20298168063163757,-0.4486894980072975 0.12956534512341022,-0.5195466428995132 l0.19233623519539833,-0.6596265733242035 0.19273197278380394,-0.5207328125834465 l0.5070038884878159,-0.7884225994348526 0.29695751145482063,-0.6344558298587799 l0.3599758446216583,-1.061657890677452 -0.09249222464859486,-1.8175853788852692 l0.5221330001950264,-0.16187790781259537 -0.08642030879855156,-2.288096249103546 l0.3871632367372513,-0.9138276427984238 0.23886336013674736,-0.5688543617725372 l-0.047886380925774574,-3.3337733149528503 0.3661014512181282,-0.8985532820224762 l0.0956130400300026,-0.5265287682414055 -0.0365579011850059,-1.2829777598381042 l0.46369515359401703,-1.4502303302288055 -0.0028725640731863678,-2.303674817085266 l0.15098147094249725,-0.923384353518486 -0.029322290793061256,-1.594124436378479 l0.27239128947257996,-1.6334988176822662 0.22919857874512672,-1.2003134191036224 l-0.055811344645917416,-2.660754919052124 1.123063862323761,-4.317793548107147 l-0.02877064747735858,-0.8091606944799423 -0.11575021781027317,-0.9003565460443497 l0.00973953166976571,-0.55531807243824 0.17555665224790573,-0.6429527699947357 l-0.12866640463471413,-1.2571652233600616 0.33016495406627655,-0.7405636459589005 l-0.14109909534454346,-0.06289589684456587 0.2725628763437271,0.0359090999700129 l-0.16799690201878548,-0.39226923137903214 -0.08318642154335976,0.34470085054636 l-0.053220055997371674,0.0049899815348908305 -0.08149789646267891,0.7888386398553848 l-0.2954794280230999,0.8677409589290619 -0.10326401330530643,0.9270971268415451 l-0.10050894692540169,0.6651195883750916 -0.6499834358692169,1.4950501918792725 l-0.08729410357773304,0.6139283254742622 -0.25005362927913666,1.147114783525467 l-0.4823154956102371,1.146344244480133 -0.3156938776373863,0.7485385239124298 l-0.24251211434602737,1.193612739443779 -0.5143693834543228,1.0171131044626236 l-0.5260133743286133,1.4179286360740662 -0.49054503440856934,1.564706563949585 l-0.22834738716483116,0.66937655210495 -0.5503017455339432,1.4591176807880402 l-0.05224458407610655,0.7360512763261795 -0.5612099543213844,1.1570162326097488 l-0.5301114171743393,1.4170855283737183 -0.12061898596584797,1.104895994067192 l-0.3213008865714073,0.5954530462622643 0.03663619514554739,0.5883551388978958 l-0.07988337427377701,0.7581431418657303 -0.5859294533729553,1.0031510889530182 l0.10103574953973293,0.6162302196025848 -0.13222377747297287,0.8218586444854736 l0.07493201177567244,0.7789231091737747 -0.2877253107726574,0.48897817730903625 l-0.19985754042863846,0.10265897028148174 0.0006388605106621981,0.4564196988940239 l-0.1924431137740612,0.22336499765515327 0.08868131786584854,0.7934356480836868 l-0.3769691661000252,0.15577123500406742 0.15860367566347122,1.214984580874443 l-0.3043103404343128,0.5318998917937279 -0.12342844158411026,0.7105109095573425 l-0.1343186665326357,0.34145355224609375 -0.3352028504014015,0.30714575201272964 l0.06248829420655966,0.6663185358047485 -0.14544491656124592,0.5610919743776321 l0.10565949603915215,1.0705547034740448 0.2220848947763443,-0.09457917883992195 l0.03691886318847537,0.4554225504398346 0.008367100381292403,0.018577028531581163 l0.14360151253640652,0.3240679204463959 -0.3206457570195198,0.06675795651972294 m8.80847156047821,-10.91557502746582 l-1.0679057240486145,1.2701590359210968 -0.08650438860058784,0.24340545758605003 l-0.12504356913268566,0.2029438130557537 -0.20808173343539238,0.012543423799797893 l0.007862168713472784,0.24096673354506493 0.05409529898315668,0.3102223761379719 l0.007291439105756581,0.10005610063672066 -0.10837108828127384,0.030133379623293877 l0.019144697580486536,0.1681721955537796 0.04860988352447748,0.28641190379858017 l-0.009905664483085275,0.08940883912146091 0.09123704396188259,0.1846635527908802 l0.1781671680510044,-0.010660385014489293 0.13386080972850323,0.14254518784582615 l0.061890361830592155,-0.049076350405812263 0.11197502724826336,0.09951123967766762 l0.265932809561491,0.04479249473661184 0.14076336286962032,-0.05834456067532301 l0.10773980058729649,-0.032493043690919876 0.0786086916923523,-0.13091660104691982 l0.10562771931290627,-0.2454015053808689 0.19783752039074898,-0.05519673228263855 l0.4973635822534561,-0.970766618847847 0.4418652877211571,-1.0147194564342499 l0.17384009435772896,-0.04833910148590803 0.2132733352482319,-0.06381317973136902 l0.2184474654495716,-0.12132318690419197 0.05461456719785929,-0.16043771058321 l0.23089824244379997,-0.38298435509204865 0.05670307204127312,-0.2566624991595745 l0.060272859409451485,-0.2516656555235386 -0.03143061650916934,-0.6663349270820618 l0.03924267366528511,-0.06857341155409813 -0.0063708750531077385,0.025239898823201656 l0.0483802892267704,-0.02049962291494012 -0.05790091585367918,-0.005404458497650921 l-0.029301573522388935,-0.5687116459012032 0.051161046139895916,-0.2589268796145916 l-0.041705225594341755,-0.04569255746901035 -0.07752926554530859,-0.20951798185706139 l-0.16784897074103355,-0.25780949741601944 -0.13260271400213242,-0.06153093185275793 l0.044859969057142735,-0.05464283283799887 -0.8222931623458862,-0.013022224884480238 l0.0729649793356657,0.1018744520843029 -0.016416088910773396,0.12980900704860687 l-0.2577621676027775,-0.09585299529135227 -0.08891455829143524,-0.14176342636346817 l0.05510255228728056,0.04537977743893862 0.034118902403861284,0.17114998772740364 l-0.08911187760531902,-0.13440131209790707 0.0919448770582676,-0.00016707843315089121 l-0.12067681178450584,0.1810859702527523 -0.2555296942591667,0.024655296001583338 l-0.45862503349781036,-0.24386905133724213 -0.033754140604287386,0.033962668385356665 l0.05065298639237881,0.21506045013666153 -0.07835649885237217,0.03716516774147749 l0.010733468225225806,0.15276597812771797 -0.026355779264122248,0.04382022190839052 l0.012478310381993651,-0.12312225997447968 0.06370315328240395,0.19506195560097694 l-0.011311406269669533,0.04119370598345995 0.05428427830338478,-0.00010140571248484775 l0.25929443538188934,0.17034728080034256 0.030127742793411016,-0.021937403362244368 l0.08128918707370758,-0.03305110847577453 0.08898959495127201,0.004703217127826065 l0.15083110891282558,-0.08282837457954884 0.11992445215582848,0.021898222621530294 l0.12046463787555695,0.013689111219719052 0.13181996531784534,-0.07617493160068989 l0.10708172805607319,-0.17938174307346344 0.0046700588427484035,0.026997546665370464 l-0.07157379295676947,-0.24838771671056747 -0.01729194656945765,0.025150938890874386 l0.07192919496446848,-0.09603491052985191 -0.16422521322965622,0.06607034709304571 l0.5784792453050613,-0.282543059438467 0.08819620124995708,-0.1404033787548542 l0.13333301059901714,-0.1255988422781229 0.03390367841348052,-0.2482333779335022 l-0.039918036200106144,-0.30635567381978035 0.019670638721436262,-0.3735966235399246 l0.0365768070332706,-0.10810710489749908 0.07932312786579132,-0.11075152084231377 l-0.05219620652496815,-0.2371719479560852 -0.2614559978246689,0.016395339043810964 l-0.026428711134940386,-0.02045947825536132 -0.1849651336669922,0.0010063037916552275 l-0.10457148775458336,0.10837419889867306 -0.07156278006732464,0.03872453700751066 l-0.06914127618074417,-0.05808598827570677 0.00040353817894356325,-0.0434611551463604 l0.08624703623354435,0.1226519513875246 -0.010440181940793991,-0.04599588457494974 l0.018882378935813904,0.0716650066897273 0.10661190375685692,0.0880720466375351 l-0.018656201427802444,-0.057679503224790096 -0.07461755536496639,0.14279581606388092 l-0.04185075405985117,-0.050999391824007034 0.06100375670939684,-0.010026728268712759 l0.02816795138642192,0.18885718658566475 0.11651190929114819,0.06068330258131027 l-0.0018561103206593543,-0.06124577485024929 0.16308609396219254,0.05075788125395775 l0.0017347811080981046,-0.06295027676969767 0.10054938495159149,-0.004378535668365657 l0.062451791018247604,-0.04596817307174206 0.09094228036701679,0.0021574935817625374 l0.036372528411448,-0.06944728549569845 0.09124195203185081,-0.05176353268325329 l-0.10656999424099922,0.02825749572366476 0.11929039843380451,-0.18798645585775375 l-0.14226620085537434,-0.014571048086509109 -0.03375445958226919,-0.0516032800078392 l-0.00205230520805344,-0.04548508673906326 -0.08141893893480301,-0.08276415057480335 l-0.0668928911909461,-0.8740697056055069 0.9114180505275726,-0.4569249227643013 l-0.016972731100395322,0.044561075046658516 -0.09054129011929035,-0.02121284371241927 l-0.08986002765595913,-0.1756562851369381 0.08884022943675518,-0.0841737911105156 l-0.055055986158549786,-0.034807357005774975 0.0904904305934906,-0.004356501740403473 l-0.11687896214425564,0.1374466624110937 0.005892283516004682,-0.11780991218984127 l-0.11300495825707912,0.2135602943599224 0.07258023135364056,0.08101958781480789 l-0.08860606700181961,-0.07330921478569508 -0.13300037942826748,-0.006462797173298895 l0.0771886482834816,0.08004247210919857 0.002258085587527603,0.032843032386153936 l-0.003120158798992634,-0.021632048301398754 -0.010723535669967532,-0.009428292396478355 l0.0665254658088088,0.03756625344976783 -0.28753502294421196,0.05000640172511339 l0.09877895936369896,0.16800077632069588 -0.011538353282958269,-0.04677616059780121 l-0.09192213416099548,-0.06587248761206865 -0.003047898644581437,0.05916305352002382 l0.085649648681283,-0.02309684408828616 0.07648374419659376,0.08394982665777206 l-0.058169467374682426,-0.07747444324195385 0.10444660671055317,0.009668244165368378 l-0.006097800796851516,-0.05807278212159872 -0.02095486270263791,0.0008965173037722707 l0.0942676980048418,0.02661518519744277 0.20410047844052315,0.027562284376472235 l-0.045305173844099045,0.07284263614565134 0.11340262368321419,0.10972077026963234 l0.023701260797679424,0.04422393627464771 -0.06606876384466887,-0.09533453732728958 l-0.1792152225971222,0.07781386841088533 -0.05892266985028982,0.0876289140433073 l0.002478407695889473,-0.03008633852005005 -0.06373874377459288,0.014959818217903376 l0.07275039330124855,0.08226487785577774 0.10103085078299046,0.06641184911131859 l0.05796389654278755,-0.016049424884840846 0.09079151786863804,0.020466926507651806 l0.08585137315094471,0.010747653432190418 -0.06700366269797087,0.05871604196727276 l0.01753219054080546,-0.07359586656093597 0.016796288546174765,-0.05419861990958452 l-0.0654764985665679,0.03273166250437498 -0.06649205926805735,0.06933562457561493 l0.06773639936000109,0.04352785646915436 0.08333728648722172,0.09145424701273441 l-0.42507126927375793,0.06345616653561592 0.020400171633809805,0.12109288945794106 l0.01295846770517528,-0.07065617013722658 0.004215322260279208,-0.08846395649015903 l-0.12345188297331333,0.011739720357581973 -0.0058049720246344805,0.09980498813092709 l0.027287390548735857,-0.04290136508643627 0.003795983793679625,-0.38254715502262115 l0.0038135831709951162,-0.011059490498155355 -0.05958829075098038,0.14682327397167683 l0.053768507204949856,0.012995825381949544 -0.1692148856818676,0.03326843027025461 l-0.15401248820126057,0.042825727723538876 0.016569733852520585,-0.039021167904138565 l-0.06086616776883602,0.03284565871581435 -0.5804517492651939,0.09072304703295231 l-0.06143112201243639,0.1445257943123579 -0.0033918776898644865,0.001759245351422578 l-0.033710834104567766,-0.02556786872446537 0.04570194985717535,0.2494058944284916 l0.05265101324766874,0.13185457326471806 -0.03885028650984168,-0.01526481588371098 l-0.09062673896551132,0.013669338077306747 -0.22904939949512482,-0.2006736397743225 l0.01751610659994185,0.0022955675376579165 0.04439837299287319,0.0971362553536892 l-0.049087731167674065,-0.05974012892693281 -0.08868199773132801,0.04146348685026169 l-0.15723543241620064,0.013353244867175817 -0.05591459572315216,-0.018390947952866554 l0.05190862808376551,0.13758557848632336 -0.09678942151367664,-0.006010453216731548 l-0.003223280655220151,0.0024227243557106704 0.06842287722975016,-0.07681320887058973 l-0.029289950616657734,-0.07100319489836693 0.006680028163827956,0.005895282374694943 l0.02222438110038638,-0.01243787701241672 0.018541290191933513,0.08783755823969841 l-0.05578058771789074,0.03508428577333689 -0.046412511728703976,-0.015271337470039725 l-0.11364125646650791,-0.6027525663375854 0.11237242259085178,0.05776568781584501 l-0.15436452813446522,0.09544825181365013 -0.11722082272171974,-0.033684365916997194 l0.04784503486007452,0.05147515796124935 -0.037995914462953806,-0.013080798089504242 l-0.006696532946079969,-0.012933819089084864 0.007960547809489071,0.003082534240093082 l-0.06589407101273537,-0.35468485206365585 -0.1487377379089594,0.03742136061191559 l-0.015048399800434709,0.07515336852520704 0.04923291504383087,-0.10363491252064705 l-0.03329680301249027,-0.18396619707345963 -0.007879789336584508,0.042167892679572105 l-0.08476953022181988,0.02228100784122944 0.06726868450641632,0.0918033067137003 l-0.04087630659341812,0.056631467305123806 -0.06300984881818295,-0.06608705502003431 l0.08905243128538132,0.12501458637416363 0.07183013018220663,0.10986207984387875 l-0.03772396361455321,-0.08193708956241608 -0.010040766792371869,-0.03360356204211712 l0.022716005332767963,-0.021440712735056877 -0.01373048173263669,-0.06419088691473007 l-0.038467864505946636,-0.018114270642399788 -0.15415695495903492,0.03261807840317488 l0.07739677559584379,0.16270091757178307 -0.11545931920409203,0.1414037961512804 l-0.05395389162003994,0.030337057542055845 -0.10759294964373112,0.13415487483143806 l-0.092593589797616,0.27686798945069313 0.058275600895285606,0.13947244733572006 l0.08104881271719933,0.11865941807627678 0.022801642771810293,0.0855573732405901 l0.08427781984210014,0.18739929422736168 -0.011861182283610106,-0.03291159635409713 l0.015439268900081515,0.05989150144159794 -0.097807627171278,0.053814458660781384 l0.07541405968368053,0.09681037627160549 0.06872883066534996,0.0997756514698267 l0.08963336236774921,0.04526684992015362 -0.005195649573579431,-0.08580900728702545 l-0.08145107887685299,-0.1146676205098629 -0.026231494266539812,-0.08090991526842117 l-0.00046560311602661386,0.08719985373318195 -0.07627989165484905,-0.08864017203450203 l-0.1756870560348034,-0.2700415626168251 -0.07284169550985098,-0.10216431692242622 l-0.0646087434142828,0.10490871034562588 -0.08278808556497097,-0.029356987215578556 l0.060809822753071785,0.03249740228056908 -0.09872338734567165,0.18238680437207222 l0.06250481586903334,0.1314371731132269 -0.03453628392890096,-0.03328029531985521 l0.07782449014484882,0.07049326319247484 -0.06993463262915611,0.17093351110816002 l-0.007888128748163581,-0.012426248285919428 -0.06605384405702353,0.0035426660906523466 l0.08036504499614239,0.16618464142084122 0.08735449053347111,0.10504166595637798 l0.020318813621997833,-0.09086355566978455 -0.005555637762881815,-0.06048442330211401 l-0.0018233471200801432,-0.5600499734282494 -0.20904963836073875,0.054094200022518635 l-0.05850097630172968,0.06614312529563904 0.026541571132838726,-0.050121741369366646 l0.014409556752070785,-0.010040532797574997 -0.03202423686161637,0.01227049040608108 l0.025859547313302755,-0.0688944524154067 -0.004387366061564535,-0.05047786049544811 l-0.08245143108069897,-0.09379529394209385 -0.08416553027927876,-0.036805064883083105 l-0.07982120849192142,0.032636974938213825 -0.01592935877852142,0.06461060605943203 l0.08033563382923603,0.08654752746224403 -0.0005975663589197211,-0.018441758584231138 l-0.05907643586397171,-0.05165221635252237 -0.05517031066119671,0.005329381092451513 l-0.08197898045182228,-0.07374021224677563 -0.07368049118667841,-0.03890535794198513 l-0.1165520679205656,-0.25841841474175453 0.06998524535447359,0.13767361640930176 l0.06955075077712536,0.06263017188757658 -0.013490754645317793,-0.04658893682062626 l-0.5648628994822502,0.07864180020987988 -0.021632211282849312,-0.1365875732153654 l-0.03051339415833354,-0.26352452114224434 -0.019905536901205778,-0.04731109831482172 l0.05154991988092661,0.13441020622849464 -0.06682911887764931,-0.004690654168371111 l0.0018169810937251896,-0.00616887176875025 0.0024242418294306844,0.019820346496999264 l-0.3961866721510887,0.07153819780796766 0.052812425419688225,0.013232482597231865 l-0.1177308801561594,0.014002146199345589 -0.07252466399222612,0.10360987856984138 l0.028131846338510513,0.12751322239637375 0.08508095517754555,0.12042957358062267 l-0.004705922037828714,-0.020734849385917187 -0.06641929037868977,-0.03844205057248473 l0.06813282147049904,0.17245298251509666 0.0649705808609724,0.12473505921661854 l-0.023048545699566603,-0.015514924889430404 -0.23672597482800484,-0.35835452377796173 l-0.09959683753550053,0.0635851314291358 -0.06866579875349998,-0.11424058116972446 l0.026748639065772295,-0.032675424590706825 0.0765700452029705,0.09667716920375824 l-0.34226633608341217,0.0767118064686656 0.07069528568536043,0.13699871487915516 l-0.017557087121531367,-0.014025435084477067 0.09795720688998699,0.0523633835837245 l-0.1904214546084404,0.26838915422558784 -0.005615779082290828,0.04989093169569969 l-0.01827564905397594,-0.008192500099539757 -0.04624967463314533,0.12154567055404186 l0.04487614147365093,0.15896247699856758 0.07121604401618242,0.04549536854028702 l-0.09131822735071182,-0.023074406199157238 0.07243851665407419,0.13241633772850037 l0.08177858777344227,0.07181613240391016 0.03488738788291812,0.05338388495147228 l0.6440654397010803,-0.16855472698807716 0.01404441543854773,-0.04918570164591074 l0.07632286753505468,-0.0952609721571207 -0.02055814489722252,-0.0626441603526473 l0.047689164057374,0.015982744516804814 -0.048137614503502846,0.0015337104559876025 l-0.015163180651143193,0.05635663866996765 -0.10947088710963726,0.02978518372401595 l-0.03403221955522895,-0.09456556290388107 0.005138253327459097,-0.04594740457832813 l-0.015615298179909587,0.02315410878509283 -0.09011367335915565,-0.002815302286762744 l0.05375702399760485,0.0019577423518057913 0.022340468131005764,-0.04732765257358551 l-0.03847033251076937,-0.025694584473967552 -0.08783962577581406,-0.22157825529575348 l-0.02038113074377179,-0.03748181043192744 -0.043265712447464466,-0.006582491914741695 l0.05416903179138899,0.0522996811196208 0.07749170530587435,0.0316737056709826 l0.07048728410154581,0.01805327134206891 0.08080048486590385,0.059609352611005306 l-0.008411973249167204,-0.13327266089618206 -0.2908874489367008,0.09616944938898087 l0.06879386492073536,0.14740829356014729 0.03183902474120259,-0.10178693570196629 l-0.015871969517320395,-0.028023056220263243 0.06419384386390448,0.10368570685386658 l0.09404327720403671,0.040632630698382854 0.08954470977187157,0.007595467031933367 l0.08533145301043987,0.09962215088307858 0.11771791614592075,0.15016118995845318 l0.1201848965138197,0.03976353909820318 0.014383557718247175,-0.08741071447730064 l0.10243813507258892,-0.04838281776756048 -0.020959675312042236,-0.031114118173718452 l-0.017113160574808717,-2.2518217974720756e-05 -0.014506947482004762,0.013847863301634789 l-0.01737183192744851,0.17594940960407257 0.06523365620523691,0.04129592329263687 l0.083625428378582,0.011516731465235353 0.4149213060736656,-0.4352518916130066 l-0.060765608213841915,0.09237915277481079 -0.011061390396207571,-0.03364927601069212 l0.01092553953640163,-0.8354081213474274 0.0402270769700408,-0.009312544134445488 l0.05494667682796717,-0.003869773936457932 -0.13276413083076477,0.06835795938968658 l-0.08607491850852966,-0.2912909723818302 -0.1753787137567997,0.016748665366321802 l0.04847962874919176,0.04547636955976486 -0.1374865509569645,-0.315939337015152 l0.07141603622585535,0.038772537373006344 -0.15229196287691593,0.011744877556338906 l0.08494379930198193,0.11757373809814453 -0.08247619494795799,-0.06099277641624212 l-0.5845186859369278,0.06803032476454973 -0.044293454848229885,-0.051125758327543736 l0.05510947201400995,0.036244047805666924 -0.14301692135632038,0.23935357108712196 l0.0808595772832632,0.15207468532025814 0.05348722916096449,0.11457215063273907 l0.008976839599199593,0.11834237724542618 0.056317346170544624,0.11299502104520798 l0.05798295605927706,0.1552372146397829 -0.00023037951905280352,0.10446809232234955 l-0.09982401505112648,0.007926185498945415 0.04476629663258791,-0.020539823453873396 l-0.08182969875633717,-0.0005980865171295591 -0.10552927851676941,0.07618905045092106 l-0.006341732223518193,0.011104170698672533 -0.012375892838463187,0.03186032176017761 l-0.13763579539954662,-0.19296199083328247 -0.08979840204119682,0.13803771696984768 l0.021329200826585293,0.10876777581870556 0.02174277324229479,-0.03528887638822198 l0.05392598919570446,-0.028303246945142746 0.0006795387889724225,-0.061322092078626156 l0.0073012791108340025,-0.04178063943982124 0.037121877539902925,-0.005449820309877396 l-0.012444749008864164,-0.056556533090770245 -0.07980994880199432,-0.2751554921269417 l-0.08021388202905655,0.12427492998540401 0.06709362845867872,0.13172545470297337 l0.044100815430283546,0.09378273971378803 -0.036032486241310835,-0.03524574916809797 l0.05399343091994524,-0.0162859121337533 -0.2706519328057766,-0.4709797725081444 l0.18380237743258476,0.21253034472465515 -0.06563651841133833,-0.0028292048955336213 l-0.043105604127049446,-0.4269716143608093 0.03740854561328888,0.03038904396817088 l-0.08465996012091637,-0.2516449801623821 0.10795376263558865,0.03216435667127371 l-0.004832080448977649,-0.143006918951869 0.0808290671557188,0.036946136970072985 l-0.06431674584746361,-0.15506966970860958 0.0885626208037138,0.09894589893519878 l-0.09512411430478096,-0.25334322825074196 -0.07606407627463341,0.03159521846100688 l-0.10991336777806282,0.15491273254156113 -0.0011542085121618584,-0.05128033459186554 l-0.0199108081869781,0.08234375156462193 -0.08644603192806244,-0.14322779141366482 l-0.01822226564399898,0.09044313803315163 -0.005853810580447316,-0.04563016351312399 l-0.006513607804663479,-0.0002307902104803361 0.05539281293749809,0.08345825597643852 l-0.0054069614270702004,-0.02259525703266263 -0.03885738318786025,-0.01940413611009717 l-0.09382830001413822,-0.027236889582127333 -0.005466135335154831,-0.03825824707746506 l0.042958203703165054,-0.027409011963754892 0.08236647583544254,0.014937566593289375 l-0.0022485941008199006,0.021642427891492844 -0.05333707667887211,-0.06208064965903759 l0.057873171754181385,0.012149334652349353 0.08450704626739025,0.02516115317121148 l-0.032545800786465406,0.03132825484499335 0.09332522749900818,0.15113465487957 l-0.07589991204440594,-0.48505961894989014 0.04453890956938267,-0.03043841803446412 l0.046051377430558205,0.0827283039689064 0.02597491256892681,0.09338795207440853 l0.09372839704155922,0.0376500585116446 0.09151460602879524,0.06827236618846655 l-0.0011377770715625957,0.02646094188094139 0.05978306755423546,-0.013401636388152838 l-0.031322333961725235,0.11931518092751503 -0.03572257701307535,-0.04567759111523628 l-0.006300705135799944,0.01760718645527959 0.009394436492584646,-0.04272437188774347 l-0.051081408746540546,-0.0325726717710495 0.0646488694474101,0.014726490480825305 l-0.10040475055575371,0.021162352059036493 -0.042316727340221405,0.0767071358859539 l0.05874649155884981,0.10023584589362144 0.07711250800639391,0.11918332427740097 l-0.09061005897819996,-0.02857552608475089 0.16379807144403458,0.00140432792250067 l-0.07365531288087368,0.03223467618227005 -0.026069991290569305,-0.041137621738016605 l-0.0005042742850491777,0.02592235803604126 0.06242941599339247,0.1317835319787264 l0.0731526454910636,0.09102358482778072 0.04822002723813057,-0.08313563652336597 l-0.06321883760392666,0.14205305837094784 -0.05998388398438692,0.1028269249945879 l-0.02023858018219471,0.038141992408782244 0.06615875288844109,0.05118634086102247 l0.08764496073126793,-0.09933745488524437 0.028972914442420006,-0.14764755964279175 l0.003657731576822698,0.0007855142030166462 -0.010783345205709338,0.0014763401122763753 l-0.05307038780301809,0.04503998439759016 -0.045061917044222355,-0.03593922592699528 l0.0712384982034564,0.062176124192774296 -0.017204347532242537,0.07745489478111267 l0.07541152182966471,0.05662783980369568 -0.051438999362289906,0.08779344148933887 l-0.10759326629340649,0.026128506287932396 -0.07155355531722307,0.07614195346832275 l-0.25386497378349304,-1.011253222823143 0.11283772066235542,0.0364692066796124 l0.02893350785598159,0.0023153069196268916 -0.10927899740636349,-0.05269747693091631 \" fill=\"none\" stroke=\"black\" stroke-width=\"1\"/></svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"0.8\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"88.10171334072948\" version=\"1.1\" width=\"401.48159712553024\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:ev=\"http://www.w3.org/2001/xml-events\" xmlns:xlink=\"http://www.w3.org/1999/xlink\"><defs/><rect fill=\"white\" height=\"88.10171334072948\" width=\"401.48159712553024\" x=\"0\" y=\"0\"/><path d=\"M25,39.55299498513341 m10.56978464126587,-4.875988662242889 l7.3467981815338135,-2.8132960200309753 6.938138008117676,-2.52034455537796 l11.483466625213623,-1.3705821335315704 16.417930126190186,-0.523974671959877 l13.362563848495483,-2.364228069782257 19.940985441207886,-0.08458087220788002 l24.437899589538574,1.2061234563589096 8.92401397228241,1.6979144513607025 l7.580591440200806,1.951620876789093 3.706578016281128,2.027040421962738 l4.304046332836151,1.6641075909137726 5.226010084152222,2.2429700195789337 l5.071479678153992,1.8799188733100891 5.9201765060424805,2.0458340644836426 l4.4361186027526855,1.7541299760341644 4.005144238471985,1.8026965856552124 l3.5545727610588074,2.600093185901642 3.7856081128120422,3.1125101447105408 l4.330431818962097,0.7709170132875443 3.8154205679893494,1.454092413187027 l1.7446792125701904,0.9941843152046204 3.283732831478119,2.2735495865345 l3.6100047826766968,1.9921070337295532 2.6875141263008118,1.6890645027160645 l8.111763000488281,0.2624832093715668 12.354774475097656,0.7322856038808823 l29.661011695861816,2.192687839269638 27.70064353942871,1.1701206862926483 l17.789400815963745,0.2917703054845333 2.5330570340156555,0.2934911847114563 l6.662463545799255,-0.1958661898970604 9.408345818519592,-0.06990587804466486 l18.402036428451538,-1.083487942814827 7.265947461128235,-1.6939587891101837 l14.132879972457886,-1.3521692156791687 10.975583791732788,-0.0345026096329093 \" fill=\"none\" stroke=\"black\" stroke-width=\"1\"/></svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"97.40275851352635\" version=\"1.1\" width=\"159.52382118615787\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:ev=\"http://www.w3.org/2001/xml-events\" xmlns:xlink=\"http://www.w3.org/1999/xlink\"><defs/><rect fill=\"white\" height=\"97.40275851352635\" width=\"159.52382118615787\" x=\"0\" y=\"0\"/><path d=\"M41.482140783482464,63.61073024938378 m-0.8585372567176819,-2.3311717808246613 l-0.21102085709571838,-1.4692789316177368 -0.5456522852182388,0.29859937727451324 l-0.4302753508090973,-0.9333585202693939 -0.5036771297454834,0.79178586602211 l-0.7995739579200745,-0.5057813227176666 -0.2104351483285427,0.15687013044953346 l-4.5721980929374695,-0.3082258254289627 -2.005729526281357,0.4908587783575058 l-4.279260635375977,2.388213127851486 -0.2995636686682701,0.7618069648742676 l-0.9454348683357239,0.5758042633533478 -0.26194456964731216,0.7606875896453857 l-0.5575815215706825,0.5669429525732994 -0.0012559148308355361,1.0229341685771942 l0.031017079018056393,0.5136332288384438 0.33010464161634445,3.1542062759399414 l3.2162973284721375,2.5832274556159973 0.19840653985738754,0.04468979313969612 l0.8451889455318451,0.1536528393626213 1.0643376410007477,0.07593183312565088 l3.0509650707244873,-0.015682668890804052 1.2982313334941864,-0.25216788053512573 l1.6366338729858398,-0.003608318220358342 0.554514192044735,-0.2318371646106243 l2.5471973419189453,-1.1899785697460175 0.5889557674527168,-0.6367859244346619 l2.067626714706421,-1.5169958770275116 0.5782230943441391,-1.202632412314415 l1.0275845229625702,-1.0896097123622894 0.4237591475248337,-0.8033979684114456 l2.050545960664749,-3.360624313354492 0.29245298355817795,-0.5427562445402145 l0.09216880425810814,-0.997299924492836 0.5918955430388451,-0.32582439482212067 l0.8192772418260574,-1.9576409459114075 1.722508817911148,-3.5685938596725464 l0.370781272649765,-1.3033048808574677 0.9590099006891251,-1.9044779241085052 l0.6310936808586121,-1.4417928457260132 0.7925327122211456,-1.313839703798294 l1.225389763712883,-2.109835147857666 0.7651112973690033,-1.4726059138774872 l0.39676662534475327,-0.41244156658649445 0.29933987185359,-0.7861620187759399 l0.747830867767334,-0.4995673894882202 0.3312626853585243,-0.46606242656707764 l0.5333693325519562,-0.34102384001016617 0.3066915087401867,-0.2888913080096245 l0.4744007810950279,0.11165119707584381 -0.0007300660945475101,-0.403781533241272 l0.5035686865448952,-0.1505258958786726 0.0653760228306055,-0.38114462047815323 l-0.36695703864097595,-0.15261197462677956 0.14864347875118256,0.3571692481637001 l-0.09499482810497284,-0.1764216460287571 0.018028508638963103,0.3472614660859108 l-0.23703297600150108,-0.15076312236487865 -2.5184810161590576,1.6263379156589508 l-1.5836581587791443,1.672694832086563 -5.1050865650177,5.840923190116882 l-0.7163809239864349,0.5203888937830925 -3.7188586592674255,4.58479642868042 l-0.9372342377901077,1.9748663902282715 -0.04367636516690254,0.8170371502637863 l-0.12002769857645035,0.88758684694767 -0.8556056767702103,1.8531137704849243 l-0.42732730507850647,0.26871442794799805 -0.01376862172037363,1.0320505499839783 l-0.02349848160520196,1.225167140364647 0.4429493099451065,0.1333792880177498 l0.3082708269357681,0.29491428285837173 0.334695465862751,0.2850719168782234 l2.612355053424835,-0.0115803605876863 3.3644187450408936,-0.016811403911560774 l1.8918092548847198,-0.8490052819252014 1.3183258473873138,-0.9013156592845917 l1.1554260551929474,-0.8970095962285995 1.8007710576057434,-0.5491520464420319 l0.6592317670583725,-0.7350049167871475 0.3782682493329048,0.10999306105077267 l0.23214193060994148,-0.5811202526092529 1.2720666825771332,-0.7959408313035965 l-0.03728708019480109,-0.4992353171110153 2.0485320687294006,-1.4327691495418549 l0.02667016116902232,-0.1037201751023531 0.3722388669848442,-0.10188953951001167 l0.008954777149483562,-0.2744544856250286 -0.0874811690300703,-0.25500189512968063 l0.7329085469245911,-0.46647731214761734 0.32396312803030014,-0.9447690844535828 l-0.08178713731467724,-0.560423731803894 -0.10174881666898727,-0.31448714435100555 l0.005011170287616551,-0.2770443446934223 -0.12356184422969818,-0.03452325239777565 l0.038112613838166,-0.11021170765161514 -0.08124565705657005,-0.3598679229617119 l-0.5625223740935326,0.8430767804384232 -0.21606240421533585,-0.00869929848704487 l0.0288442918099463,0.3420555964112282 -0.26126259937882423,0.16894377768039703 l-0.25913143530488014,0.9969915449619293 -0.2447851002216339,0.19393842667341232 l-0.06200246047228575,1.3870900869369507 0.3457588702440262,1.2886963784694672 l-0.18352635204792023,0.28795141726732254 2.135622352361679,-0.0035778063465841115 l0.06231272127479315,0.11098471470177174 1.6688573360443115,-0.3951135650277138 l0.37827931344509125,-0.3357655555009842 0.7322672009468079,-0.18911192193627357 l0.45221809297800064,-0.3697279095649719 0.5632328987121582,-0.07356256246566772 l1.1211782693862915,-0.7325437664985657 0.40351979434490204,-0.08904719725251198 l0.5161301791667938,-0.37704948335886 0.6264082342386246,-0.15844561159610748 l2.4103549122810364,-1.3640911877155304 0.30649034306406975,-0.6542692333459854 l0.6960606575012207,-0.3038344718515873 3.4862756729125977,-2.762511372566223 l0.5881523713469505,-0.8286336809396744 0.7180476188659668,-0.5082553997635841 l0.39324089884757996,-0.7827455550432205 0.4643935337662697,-0.3762187063694 l0.2578900381922722,-0.7018309831619263 0.321563221514225,-0.5090599879622459 l-0.9400530904531479,-1.3960863649845123 -0.13480930589139462,-0.6702323257923126 l-0.7083918899297714,0.17882904037833214 -0.5560324713587761,0.00048220546887023374 l-0.3674067556858063,0.2831729128956795 -0.6050287187099457,-0.18140263855457306 l-0.3814433515071869,0.31807247549295425 -2.5725874304771423,0.6886014342308044 l-1.5773400664329529,1.4743079245090485 -0.7982973009347916,0.846310630440712 l-0.8681945502758026,0.9690480679273605 -1.0611755400896072,2.06208735704422 l0.22650845348834991,1.8211719393730164 -0.05710414610803127,0.5314553156495094 l1.188570261001587,1.4520090818405151 1.1366935819387436,-0.010052324505522847 l2.6580893993377686,-0.04544301424175501 1.9193750619888306,-0.07294341921806335 l0.8925096690654755,-0.4047004505991936 6.769656538963318,-4.366388022899628 l0.6276062875986099,-0.38654740899801254 0.8786933124065399,-0.329555906355381 l1.9462238252162933,-0.8190067857503891 0.9342123568058014,-0.14170791022479534 l0.7097133249044418,-0.2742192894220352 1.0067221522331238,-0.14750677160918713 l0.3448880463838577,-0.27692073956131935 0.9167034924030304,-0.09514492936432362 l0.4561302065849304,-0.2630961313843727 0.7919370383024216,-0.15882456675171852 l0.48694800585508347,-0.275091789662838 1.6312021017074585,-0.45043934136629105 l1.1095236986875534,-0.6963399052619934 0.83182193338871,-0.1027269009500742 l0.35327333956956863,-0.4030565917491913 0.6315266340970993,-0.12803316116333008 l0.2823883853852749,-0.2501407638192177 0.3868414834141731,-0.20576385781168938 l0.1963990367949009,-0.2546127326786518 0.3209445998072624,-0.14647516421973705 l-0.6363523006439209,0.03018265124410391 -0.054254643619060516,-0.13269842602312565 l-1.2281281501054764,0.06614661309868097 -0.4736001417040825,0.12672487646341324 l-1.0220815986394882,0.2182895503938198 -2.1198678016662598,0.4290197789669037 l-1.6362623870372772,0.5952700227499008 -1.4057520031929016,0.5574562028050423 l-0.7513516396284103,0.28259648010134697 -1.258634775876999,0.5434704944491386 l-1.768864393234253,1.1903917789459229 -1.0450635105371475,0.5960012227296829 l-0.7497765123844147,0.9305997937917709 -1.6369742155075073,1.5478390455245972 l0.011720748152583838,3.401995897293091 0.33855266869068146,0.38959287106990814 l-0.03783982014283538,0.27059227228164673 0.7460904121398926,-0.002199605805799365 l0.8388535678386688,0.4776822403073311 1.8828502297401428,-0.04789876285940409 l0.7083231210708618,-0.28945526108145714 1.5688620507717133,-0.03404529532417655 l0.7906155288219452,-0.6313513964414597 1.996532827615738,-0.665346160531044 l0.772220715880394,-0.3381744399666786 0.921168252825737,-0.3389696031808853 l1.3990451395511627,-0.9624577313661575 2.135496884584427,-1.1929601430892944 l0.9211765974760056,-0.7960892468690872 1.000073179602623,-0.5853034183382988 l1.1984257400035858,-0.8454516530036926 0.8002065867185593,-0.5887295305728912 l0.8222538232803345,-0.69722019135952 0.742582380771637,-0.7005714625120163 l0.5198735371232033,-0.6399448215961456 0.7004337012767792,-0.7916130125522614 l0.37461474537849426,-0.9014942497014999 1.8303850293159485,-1.6723819077014923 l1.6374045610427856,-2.8694045543670654 0.8270853012800217,-0.965067595243454 l0.3338921070098877,-0.9536734223365784 1.1083588749170303,-1.6941136121749878 l1.5337881445884705,-2.602677047252655 1.4151795208454132,-1.807362288236618 l0.32641757279634476,-0.891096219420433 -0.021398691460490227,-1.5491896867752075 l1.4886657893657684,-1.5932200849056244 1.3916604220867157,-2.4095913767814636 l0.487779825925827,-0.6967273354530334 -0.052712722681462765,-1.0129117965698242 l0.617641806602478,-0.3465542569756508 -0.6455767899751663,0.5920105427503586 l-0.011503652203828096,0.8250138163566589 -0.6165694445371628,0.5597628653049469 l-0.6323333829641342,1.5966647863388062 -1.0176228731870651,1.990801841020584 l-1.5203846991062164,2.607298493385315 -1.072210967540741,0.802033320069313 l-1.980987787246704,3.5438111424446106 -3.4384942054748535,4.832645654678345 l-1.7792075872421265,2.829081118106842 -0.8479344099760056,1.4116252958774567 l-3.50599467754364,5.942755341529846 -0.16598384827375412,1.32208451628685 l-0.04274280276149511,1.592862755060196 1.1410251259803772,1.3929124176502228 l0.21011685952544212,0.5570228397846222 0.765557587146759,-0.06860829424113035 l1.4798340201377869,-0.06638143211603165 1.6809123754501343,-0.04057908896356821 l1.7895421385765076,-0.4433084651827812 2.7856412529945374,-0.9899893403053284 l2.856098711490631,-1.262277513742447 2.5341683626174927,-1.0800858587026596 l1.2207776308059692,-0.8182693272829056 2.213284522294998,-0.9451888501644135 l1.211104616522789,-0.8579716831445694 1.125810593366623,-0.2754421904683113 l0.8522423356771469,-0.9213286638259888 1.288875937461853,-0.34629277884960175 l0.7052624970674515,-0.7888894528150558 0.994359478354454,-0.3746384009718895 l0.6454892456531525,-0.975678563117981 1.3047973811626434,-1.265728920698166 l0.6465500593185425,-0.938187763094902 0.6673846393823624,-0.5948955565690994 l0.24544831365346909,-0.7978184521198273 0.26557717472314835,-0.44399380683898926 l0.308421365916729,-0.8146585524082184 -0.04793081432580948,-1.0766122490167618 l-0.07464905735105276,-1.8457213044166565 -0.04797577392309904,-0.6620173156261444 l-0.38405071943998337,-0.30212752521038055 -0.6871204078197479,-0.3370071202516556 l-1.0093311220407486,-0.14238289557397366 -1.4791272580623627,0.16084367409348488 l-1.4044146239757538,0.4706525057554245 -0.8468586951494217,0.40164314210414886 l-1.2903386354446411,0.9151687473058701 -3.985680043697357,3.3317169547080994 l-0.015851882053539157,0.6984680145978928 -2.833184003829956,2.851828932762146 l-0.8914517611265182,1.811433881521225 -0.03474822035059333,1.32820263504982 l-0.6532461196184158,2.122091054916382 1.0303103923797607,2.781580090522766 l0.7587946206331253,1.47090345621109 4.326544106006622,1.364547610282898 l4.926761090755463,0.3699960559606552 3.179582953453064,-0.3544716164469719 l5.329539775848389,-1.260954588651657 2.374013066291809,-0.8352115005254745 l1.7913585901260376,-1.1857083439826965 m-73.0882453918457,-14.993149042129517 l3.6602458357810974,-1.1806168407201767 0.6785695999860764,-0.09444226510822773 l0.6562263518571854,-0.32278358936309814 0.2342609316110611,-0.04469606094062328 l0.663226991891861,-0.4121115058660507 0.3046334721148014,-0.03270506393164396 \" fill=\"none\" stroke=\"black\" stroke-width=\"1\"/></svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"98.54549576062709\" version=\"1.1\" width=\"144.08647812902927\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:ev=\"http://www.w3.org/2001/xml-events\" xmlns:xlink=\"http://www.w3.org/1999/xlink\"><defs/><rect fill=\"white\" height=\"98.54549576062709\" width=\"144.08647812902927\" x=\"0\" y=\"0\"/><path d=\"M25,25 m2.257152497768402,0.21860482171177864 l1.9295893609523773,1.2552040815353394 3.041374981403351,0.7035345584154129 l2.323019802570343,1.1021320521831512 2.232183814048767,2.461603432893753 l1.7528969049453735,2.2982820868492126 1.893874853849411,3.315812349319458 l1.806456595659256,3.1111860275268555 1.100776344537735,2.7663609385490417 l2.4722905457019806,2.3329120874404907 1.563166230916977,2.5099414587020874 l1.7641738057136536,1.4268386363983154 2.248315066099167,1.7946745455265045 l1.2068365514278412,0.6063922867178917 0.9307778626680374,2.216433584690094 l1.6169379651546478,2.3384079337120056 5.024378299713135,2.4647440016269684 l1.7712505161762238,1.361384093761444 2.0714588463306427,1.2413597106933594 l3.0512839555740356,2.0888173580169678 6.475253105163574,2.822456657886505 l4.549857676029205,1.2449976056814194 1.9390425086021423,1.8432947993278503 l6.061463952064514,0.32173532992601395 2.4059854447841644,0.9183651953935623 l2.3458532989025116,0.2973172813653946 6.641557216644287,1.968875378370285 l2.0737750828266144,0.60396708548069 2.987239956855774,0.05675161723047495 l8.657007217407227,0.7005467265844345 7.891247868537903,0.15256203711032867 \" fill=\"none\" stroke=\"black\" stroke-width=\"1\"/></svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"90.05845487525221\" version=\"1.1\" width=\"157.2287252084243\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:ev=\"http://www.w3.org/2001/xml-events\" xmlns:xlink=\"http://www.w3.org/1999/xlink\"><defs/><rect fill=\"white\" height=\"90.05845487525221\" width=\"157.2287252084243\" x=\"0\" y=\"0\"/><path d=\"M39.22462806222029,49.70275582221802 m-1.235313042998314,-0.4922045022249222 l0.22615816444158554,0.42382214218378067 -1.565975844860077,0.13404604978859425 l-0.49296997487545013,-0.26739541441202164 -0.04500014241784811,0.5252763256430626 l-1.4468199014663696,-0.4033726453781128 0.18334617838263512,0.21889576688408852 l-0.5412865430116653,-0.27627773582935333 -4.916654527187347,3.4152692556381226 l-0.3411077708005905,0.4184386879205704 -1.4590778946876526,1.256454885005951 l0.013867871602997184,0.7438322156667709 -2.6037946343421936,6.026313304901123 l0.4637090489268303,0.5901549383997917 -0.18328683450818062,0.8169449865818024 l0.1305564772337675,0.5110906809568405 0.08157907985150814,0.45930057764053345 l0.4434690997004509,0.7386927306652069 0.9006978571414948,0.5164168030023575 l2.6225969195365906,-0.022645455319434404 0.834234431385994,-0.6722302734851837 l1.8736518919467926,-0.009648726554587483 1.547396332025528,-0.007585725397802889 l3.1844204664230347,-1.0759194195270538 1.751246452331543,-1.2824682891368866 l2.2700342535972595,-1.1171622574329376 1.1082641780376434,-0.5720816552639008 l0.6798261404037476,-0.9992264956235886 2.8212779760360718,-2.328515499830246 l0.3002067096531391,-1.263916939496994 1.823943555355072,-3.12007337808609 l0.14382065273821354,-1.162901595234871 0.9061257541179657,-1.1614762246608734 l0.04328437615185976,-1.0881441831588745 0.9327837824821472,-0.9500975161790848 l0.1865430362522602,-1.6521185636520386 1.0444322228431702,-1.1923137307167053 l0.9731405228376389,-2.458195984363556 1.2383175641298294,-2.250399738550186 l0.7385925948619843,-1.2127375602722168 1.1782430112361908,-2.2638939321041107 l1.4895348250865936,-2.35462948679924 1.333083063364029,-2.628012001514435 l0.90279720723629,-1.4344985783100128 0.4814266785979271,-1.1682921648025513 l0.45303039252758026,-0.6412987411022186 0.4197412356734276,-0.5508878082036972 l0.3533131629228592,-0.454205684363842 0.22915812209248543,-0.6525830924510956 l0.37783633917570114,-0.45194409787654877 0.19207173958420753,-0.5202087759971619 l0.18291642889380455,-0.48840969800949097 0.07172800600528717,-0.5390696227550507 l-0.1564626209437847,-0.24037698283791542 -0.10605195537209511,-0.07028499618172646 l-0.05829913541674614,0.8305985480546951 -0.740588828921318,1.0357458144426346 l-0.7109910249710083,1.2607119977474213 -0.8314360678195953,0.9714192897081375 l-1.119653806090355,1.6351021826267242 -1.5685370564460754,1.1788126081228256 l-0.835767388343811,1.193234622478485 -1.0536868125200272,2.0943935215473175 l-0.29721807688474655,1.1150121688842773 -1.176162213087082,1.7619439959526062 l-0.7278627157211304,1.3063085079193115 -0.8967184275388718,1.8005439639091492 l-0.27688372880220413,1.3109990954399109 -0.35039443522691727,0.6877659261226654 l-0.782034769654274,3.3609744906425476 -0.3185412660241127,0.7265672832727432 l-0.2275785245001316,2.1201542019844055 -0.16425995156168938,0.6220385059714317 l-0.22396286949515343,1.8921002745628357 -0.279423575848341,0.7917191088199615 l0.04597566556185484,1.859673261642456 -0.09264285676181316,0.5911614745855331 l0.6392203271389008,0.4637409374117851 0.3940539062023163,0.32055139541625977 l0.7917159795761108,-0.18663305789232254 0.8066726475954056,-0.4722725600004196 l0.42531855404376984,-0.5369005724787712 -0.23047542199492455,-0.1429167203605175 l0.2161356620490551,-0.32437238842248917 m23.672819137573242,-11.0469388961792 l-1.2391257286071777,0.416710302233696 -1.9673746824264526,1.3641346991062164 l-0.21584533154964447,0.41061561554670334 -0.6120283156633377,0.6122784316539764 l-0.0454777991399169,0.2416459284722805 -0.43428733944892883,0.2806045673787594 l0.024975603446364403,0.23693913593888283 -0.16501909121870995,0.3468022122979164 l-0.555524192750454,0.3541089594364166 0.03733664285391569,0.3465214744210243 l0.046978057362139225,0.39659425616264343 0.053515760228037834,0.6199795007705688 l-0.0316788163036108,0.08584734983742237 0.42021259665489197,0.7202157378196716 l-0.031236805953085423,0.16516027972102165 -0.2446298487484455,-0.4977502301335335 l0.06003696005791426,0.19256865605711937 -0.008012905600480735,0.21868757903575897 l0.27593789622187614,0.24014446884393692 0.07142157293856144,-0.078826192766428 l0.28315579518675804,0.0834333710372448 0.0369000737555325,0.051756687462329865 l0.43726805597543716,0.14309308491647243 0.44902123510837555,-0.031618664506822824 l0.5674651265144348,-0.004706298059318215 0.6362336128950119,-0.06294699851423502 l0.8867241442203522,0.07332455832511187 1.6173090040683746,-0.02577048959210515 l0.4086153581738472,-0.04311508499085903 0.398232564330101,-0.02267057541757822 l-0.06129615008831024,-0.6229750439524651 0.16518978402018547,-0.15819286927580833 l-0.004782361211255193,0.01766029978170991 -0.09013194590806961,-0.09287549182772636 l0.18528807908296585,-0.455988310277462 0.3134530037641525,-0.14677676372230053 m3.046537935733795,-15.411655902862549 l-1.7478474974632263,0.2140244096517563 -0.3305073082447052,0.06855860818177462 l0.026842164807021618,0.1506307628005743 -0.00433977460488677,0.19531454890966415 l-0.21048814058303833,0.1599072851240635 -0.011657900176942348,0.09883314371109009 l-0.06865838076919317,0.005376797053031623 -0.012425717432051897,0.2689654566347599 l-0.08783191442489624,0.11750704608857632 -0.5104360729455948,0.4530274122953415 l-0.07578404620289803,0.1852925308048725 -0.05004295613616705,0.1592622883617878 l0.13411642983555794,-0.010159258963540196 -0.14797070994973183,0.14735803939402103 l-0.07696015760302544,0.1323372032493353 -0.19450057297945023,0.1870901696383953 l-0.02407761523500085,0.45904848724603653 -0.06224254611879587,0.2736297994852066 l0.011363765224814415,-0.04753303714096546 -0.1388293132185936,0.017352821305394173 l0.08784002624452114,0.1756531186401844 0.05840539466589689,0.218388382345438 l-0.05658464506268501,0.32056380063295364 0.1368925254791975,0.10214004665613174 l-0.012678609928116202,0.09382876567542553 0.3429548069834709,0.2923739515244961 l0.1434917002916336,0.034012135583907366 0.21361635997891426,0.028189427684992552 l0.29575059190392494,0.023095181677490473 0.2689988352358341,-0.11734244413673878 l0.20574554800987244,-0.18306663259863853 0.08444143459200859,0.0541916536167264 l0.30578432604670525,-0.0823803711682558 0.09700284339487553,-0.05542872007936239 l0.2341730333864689,-0.04001619294285774 0.20826414227485657,-0.009504808112978935 l1.2561705708503723,-0.7025336474180222 1.1762700229883194,-0.7465600222349167 l0.459885410964489,-0.4619995877146721 0.13800638727843761,-0.04049978218972683 l0.09247018024325371,-0.24179954081773758 0.8261392265558243,-0.8827114850282669 l0.015145972138270736,-0.20264722406864166 0.054361927323043346,-0.07903913967311382 l0.35071253776550293,-0.3363347053527832 0.022702272981405258,-0.16202885657548904 l-0.4324115812778473,-0.2369503490626812 -0.27238162234425545,-0.02858711639419198 l-0.16806727275252342,-0.08876041509211063 -0.19297955557703972,0.04534068051725626 l-0.714203268289566,-0.01224351697601378 m12.98802137374878,7.9586052894592285 l0.0177491526119411,-0.8504188805818558 1.0154325515031815,-0.19301516935229301 l0.6443584710359573,-0.027361148968338966 0.46828653663396835,-0.08386361412703991 l0.4724421724677086,-0.08320946246385574 0.4152664542198181,-0.11310976929962635 l0.6811477243900299,-0.03561458783224225 0.494392067193985,-0.3421296179294586 l0.3547116369009018,-0.40334563702344894 -0.0003075322456425056,-0.37512946873903275 l0.022314521484076977,-0.6423893570899963 0.05504559259861708,-0.23650942370295525 l0.04907486028969288,-0.032555749639868736 -0.4966443032026291,-0.07309622131288052 l-0.2148410677909851,-0.008655983838252723 -0.30113376677036285,-0.12566907331347466 l-0.5079133808612823,-0.41996095329523087 -0.35398267209529877,-0.09966137818992138 l-1.6925378143787384,-0.03755575744435191 -0.48914093524217606,-0.003910104569513351 l-0.40968868881464005,-0.012213151203468442 -0.7025573402643204,0.014515876537188888 l-0.2729449048638344,0.0472624646499753 -0.441870354115963,-0.02674450632184744 l-0.35146404057741165,0.2961430884897709 -0.3170173615217209,-0.008829966536723077 l0.26265185326337814,-0.06469746585935354 -0.264037661254406,-0.04597301594913006 l-0.23776253685355186,0.032861276995390654 0.3201543167233467,-0.27072397992014885 l-0.06069609895348549,-0.056875115260481834 -0.3166390582919121,-0.03553280606865883 l-0.22930901497602463,0.08500250056385994 0.07167993579059839,0.1889173872768879 l0.07781685329973698,0.11361303739249706 0.39664115756750107,-0.017657862044870853 l0.10033431462943554,0.003693812759593129 0.2509760484099388,0.17346840351819992 l0.10649406351149082,0.16839370131492615 -0.17648253589868546,0.030810972675681114 l-0.19150150939822197,-0.06088783498853445 -0.5864907056093216,-0.20678455010056496 l0.10001992806792259,-0.014785032253712416 0.09427623823285103,-0.0005217963189352304 l0.09972876869142056,0.08916398510336876 0.10063447058200836,0.09916956536471844 l0.15745168551802635,0.09620705619454384 0.14049137011170387,-0.04130627028644085 l0.15334544703364372,0.1429269090294838 0.141187384724617,-0.03307582810521126 l0.20540433004498482,-0.048174806870520115 0.0131174735724926,0.05884546786546707 l0.20214907824993134,0.02195998327806592 0.3953288123011589,-0.09199751541018486 l0.009855342796072364,-0.12024181894958019 0.05199010483920574,-0.15464888885617256 l0.369824655354023,-0.42530976235866547 0.1627267338335514,-0.2686714939773083 l-0.1660463772714138,0.06013859063386917 -0.11507565155625343,-0.11236446909606457 l-0.13737615197896957,-0.07477459497749805 -0.08723955601453781,0.11584010906517506 l0.1752018742263317,0.033926323521882296 -0.27731532230973244,-0.0410796795040369 l-0.13533632270991802,-0.2480466291308403 -0.28199683874845505,0.054902457632124424 l-0.09030021727085114,-0.3106497600674629 -0.5816444754600525,-0.17519459128379822 l0.08925504051148891,-0.6387083232402802 -0.22780301049351692,-0.01756344106979668 l-0.47486215829849243,-0.23072300478816032 -1.3946962356567383,0.11492145247757435 l-0.622229129076004,-0.1266924012452364 0.25986403226852417,-0.09179465472698212 l0.01841788413003087,-0.2861218899488449 -0.36114901304244995,-0.29563259333372116 l-0.466599278151989,-0.11713782325387001 -0.3733200579881668,-0.10486338287591934 l-0.3257102519273758,-0.12453836388885975 0.1420815009623766,0.022343238815665245 l-0.24338291957974434,-0.11936536058783531 -0.5199526995420456,0.12775377370417118 l0.11668135412037373,-0.1731850951910019 -0.44059887528419495,0.2338876947760582 l-0.4020534083247185,0.0873683299869299 m14.69931960105896,8.270765542984009 l-0.1720971055328846,-0.5737758427858353 0.23554706946015358,-0.044232327491045 l0.795285627245903,-0.01985698938369751 -0.013018990866839886,-0.20958101376891136 l0.5320523679256439,-0.2804754674434662 0.5785758420825005,-0.3682610020041466 l0.0879199244081974,-0.5881114676594734 0.05748830735683441,-0.5122523009777069 l0.08253354579210281,-0.07275199051946402 0.04956847056746483,-0.5328451842069626 l-0.3494694083929062,-0.15687128528952599 -0.5350452661514282,-0.1337246596813202 l-0.10104603134095669,-0.2871318347752094 -0.5207446962594986,-0.20456379279494286 l0.047353990375995636,-0.023696422576904297 0.0007085216930136085,-0.10451525449752808 l0.028803867753595114,-0.5663393065333366 -0.3891095519065857,-0.04675336182117462 l-1.915641576051712,0.049624694511294365 -0.4867379367351532,-0.15170054510235786 l-0.44668957591056824,0.06968262139707804 -0.031980432104319334,0.25405898690223694 l-1.2774176895618439,0.47289595007896423 -0.4107340797781944,0.38338731974363327 l0.09656655602157116,0.2835384011268616 -0.5935487151145935,0.7510052621364594 l-0.4952215775847435,0.24329623207449913 -0.09660469368100166,0.26251332834362984 l-0.2437998168170452,0.6554409116506577 -0.1122621912509203,0.07394234649837017 l-0.21866237744688988,0.2105867676436901 0.08926995098590851,0.2859184518456459 l0.1400728989392519,0.40801916271448135 -0.10984607972204685,-0.29442958533763885 l-0.34184977412223816,0.29325809329748154 0.5187418684363365,0.0864542368799448 l-0.053429920226335526,-0.02591968746855855 -0.11701444163918495,0.116572305560112 l0.080007528886199,0.2694540284574032 0.14950369484722614,0.10945565067231655 l-0.08325032889842987,0.122482068836689 0.11266005225479603,0.19618844613432884 l0.33660318702459335,0.03114317310974002 0.07803411222994328,0.09521643631160259 l0.2873872220516205,-0.10395280085504055 0.3295423835515976,-0.049094920977950096 l0.2106085978448391,-0.3205573931336403 1.089668944478035,-0.6699236482381821 l0.19334880635142326,-0.2587413601577282 0.024298981297761202,-0.5027197673916817 l-0.19377078860998154,-0.46944864094257355 0.10622676461935043,0.2153942547738552 l0.1646406576037407,-0.3087273985147476 -0.35255689173936844,-0.18442438915371895 l0.05588495172560215,-0.6191343814134598 0.0789220817387104,-0.18791679292917252 l-0.15021264553070068,-0.10146747343242168 -0.0026996442466042936,-0.18852490931749344 m15.390876531600952,3.1411224603652954 l0.30332332476973534,-0.35257715731859207 0.8276443183422089,-0.15482446178793907 l0.6563503295183182,-0.014053760096430779 0.30426057055592537,-0.12655564583837986 l-0.07771739736199379,-0.06543368101119995 -0.13417577371001244,-0.2652403153479099 l0.1337044406682253,0.030579082667827606 0.3328421711921692,-0.4770565405488014 l-0.2425740286707878,-0.2357959747314453 0.1234323251992464,-0.07780020125210285 l0.017287981463596225,-0.22046556696295738 0.040019648149609566,-0.05987206008285284 l0.02442771103233099,-0.23803258314728737 -0.15066610649228096,-0.2994244545698166 l-0.5895203724503517,0.06953523028641939 -0.6974183768033981,0.07731832563877106 l-0.5449014157056808,-0.15203881077468395 -0.218250323086977,-0.0477798655629158 l-0.47029636800289154,-0.04533753264695406 -0.2356620877981186,-0.10533091612160206 l-0.2270514890551567,0.020626403857022524 -0.5588827282190323,0.05301105324178934 l-0.31944435089826584,0.07661871146410704 -1.0307186841964722,0.22522110491991043 l-0.10949922725558281,0.28559722006320953 -0.04856890067458153,0.2466302551329136 l-0.26327401399612427,0.07190370000898838 -0.7438786327838898,0.4614238813519478 l-0.26149656623601913,0.11100968345999718 -0.14416239224374294,0.3031136281788349 l-0.2225354127585888,0.07435879670083523 -0.14515681192278862,0.25657838210463524 l-0.5812394618988037,0.31391691416502 0.11364731937646866,0.17068026587367058 l-0.1016874797642231,-0.009515860001556575 -0.11573049239814281,0.21093972027301788 l0.09202716872096062,0.33916614949703217 0.07208713795989752,0.1843263953924179 l-0.09705252945423126,-0.1912972517311573 0.12160565704107285,0.06514259148389101 l0.10197209194302559,0.1509890053421259 0.14702186919748783,0.08247712627053261 l-0.19884806126356125,0.05213927011936903 0.1766514778137207,0.16448335722088814 l0.027272002771496773,0.1476204488426447 0.23507528007030487,-0.0005224435517448001 l0.23529766127467155,-0.04096717108041048 0.2586277760565281,0.12111213058233261 l0.2846536785364151,-0.1381966657936573 0.22410094738006592,-0.019360005389899015 l0.5885961279273033,-0.18044687807559967 -0.10208331979811192,0.044158557429909706 l-0.03888407722115517,-0.16386523842811584 0.29947293922305107,-0.4228370264172554 l0.1361500285565853,-0.04321987275034189 0.25039972737431526,-0.03459364641457796 l0.22515762597322464,0.08143177255988121 0.20150123164057732,-0.026132806669920683 l-0.36732017993927,-0.07171050645411015 0.3796975314617157,-0.14460569247603416 l0.044099497608840466,-0.041804974898695946 0.30925510451197624,-0.029066181741654873 l-0.007130534504540265,-0.0944740790873766 0.46364907175302505,-0.28236888349056244 l-0.1808243803679943,-0.1520862802863121 -0.11632978916168213,-0.2551749534904957 l-0.5748028680682182,-0.16824234277009964 -0.17704496160149574,-0.09334181435406208 l-0.5838008597493172,-0.11365998536348343 -0.37915628403425217,-0.12799317948520184 l-0.46722304075956345,-0.15951309353113174 -0.1504024863243103,-0.3872261941432953 l-0.4451369121670723,-0.06969594396650791 -0.41440222412347794,-0.12405749410390854 l-0.3662916272878647,-0.07168712560087442 0.15599431470036507,-0.02055937424302101 l0.13724611140787601,-0.3041316941380501 -0.1671762578189373,-0.028342350851744413 l-0.6092262640595436,0.00719542964361608 -0.3641543537378311,0.028113429434597492 l-0.014986154856160283,-0.42493391782045364 -0.37760280072689056,0.0356079638004303 l-0.3370373696088791,0.06023622117936611 0.012073060497641563,-0.4835087060928345 l-0.20897207781672478,-0.03964449744671583 -0.8694004267454147,-0.023583213333040476 l-0.3879895433783531,-0.055400081910192966 -0.2788729965686798,0.02435741713270545 l0.16747571527957916,0.07765372283756733 0.1386376190930605,0.01797531731426716 l-0.2065843716263771,0.013545883120968938 -0.3921697661280632,0.1190538052469492 l-0.08919092826545238,0.04521090071648359 0.14814089983701706,0.3379896655678749 l-0.00047893823648337275,0.018857017857953906 -0.01039678929373622,-0.22956730797886848 l-0.27540650218725204,-0.04181518219411373 0.00664800638332963,-0.3761020302772522 l0.15928616747260094,-0.03670340171083808 0.15348541550338268,0.2183171547949314 l-0.21707840263843536,-0.12878022156655788 -0.0036809855373576283,-0.08831183426082134 l0.007375788991339505,-0.2809716761112213 0.013378307921811938,-0.3085414692759514 l-0.20175470039248466,0.0008744341175770387 -0.1890334114432335,0.05447766277939081 l-0.0615447573363781,-0.005355453467927873 -0.10408456437289715,-1.2187077105045319 l0.014801571378484368,-0.04838195629417896 0.02108690096065402,-0.11246800422668457 l0.17209263518452644,0.0017720174218993634 0.17236795276403427,-0.09775558486580849 l0.1366739720106125,0.026038670912384987 -0.273300651460886,0.02451421692967415 l-0.21694090217351913,-0.0758314086124301 -0.11463974602520466,-0.07057707291096449 l-0.13513773679733276,0.029690589290112257 -0.008414589683525264,0.1499261986464262 l-0.12148150242865086,-0.044072335585951805 m9.002696871757507,9.151968359947205 l0.3524046391248703,-0.5273343250155449 0.3137318044900894,-0.03287971252575517 l0.7938358932733536,-0.04873514175415039 0.2201409637928009,-0.08659329265356064 l0.02801981521770358,-0.15073079615831375 0.0026329708634875715,-0.3980225697159767 l-0.16905682161450386,-0.26964232325553894 -0.1550871506333351,-0.1376018300652504 l0.024250014685094357,-0.3801807016134262 -0.00018283853933098726,-0.19992416724562645 l0.03313896246254444,-0.4925457760691643 -0.21323496475815773,0.000400039461965207 l-0.6988275051116943,-1.4460869133472443 -0.6167207285761833,-0.236067995429039 l-0.47705579549074173,-0.08180120028555393 -0.1788230985403061,0.020207639317959547 l-0.2363663911819458,-0.12853817082941532 -0.3562241792678833,-0.11245176196098328 l-0.2632659859955311,-0.000937896766117774 0.05936112254858017,0.05354355089366436 l-0.26061972603201866,-0.03272024681791663 -0.15401344746351242,0.02522704191505909 l-0.1815209910273552,-0.03559790551662445 -0.7059641927480698,0.03424939699470997 l0.0876921322196722,0.2735865116119385 0.06905888207256794,0.2006516233086586 l0.059313541278243065,0.1495774369686842 -0.06745709106326103,-0.010127945570275187 l-0.07237133104354143,0.21607011556625366 -0.2033909410238266,0.1008998230099678 l-0.0884584803134203,-0.03254897892475128 -0.04430835135281086,-0.12453632429242134 l-0.1343532558530569,0.049233767203986645 -0.2181914821267128,-0.09201041422784328 l-0.21249298006296158,-0.011056112125515938 -0.2388552576303482,-0.13754853047430515 l-0.27728650718927383,-0.30774950981140137 -0.08693198673427105,-0.010848366655409336 l0.1360362209379673,0.17445117235183716 m7.169094681739807,6.366701722145081 l0.1573450118303299,-0.22041969001293182 0.24775497615337372,0.1929023489356041 l0.4281463474035263,-0.06592856254428625 0.05378080066293478,-0.2227434515953064 l0.026924933772534132,-0.3245575726032257 0.0789511576294899,-0.045099686831235886 l0.11446657590568066,-0.08117555640637875 0.11698790825903416,-0.10631554760038853 l0.04503872711211443,-0.4091186821460724 0.14084490947425365,-0.07826404646039009 l0.19742069765925407,-0.06765852682292461 0.0360635994002223,-0.09786797687411308 l0.06760853808373213,-0.07925393059849739 0.03559112315997481,-0.060068247839808464 l0.49501340836286545,-0.4952145740389824 0.245607178658247,-0.4013798385858536 l0.08034820668399334,-0.13407898135483265 -0.6804178655147552,-1.3445855677127838 l-0.14972150325775146,-0.13544508256018162 -0.45641444623470306,-0.04207847639918327 l-0.3530847653746605,-0.07678910624235868 -0.029106398578733206,-0.031693028286099434 l-0.8596563339233398,0.0328854750841856 -0.8762402832508087,-0.024477930273860693 l-0.3936612978577614,-0.05977654363960028 -0.4434071481227875,-0.06923176348209381 l-0.4592174291610718,0.12018566951155663 -0.32986391335725784,-0.03042710479348898 l-0.06529639940708876,0.05668285768479109 0.061994404532015324,0.09478858672082424 l-0.10441161692142487,0.10439848527312279 0.12510685250163078,0.15353557653725147 l-0.07689315360039473,0.040028938092291355 0.13847791589796543,0.15138909220695496 l-0.3224579617381096,0.02066709566861391 0.1096195075660944,0.14897962100803852 l0.09456263855099678,0.23014118894934654 0.11748073622584343,0.11489161290228367 l-0.08887149393558502,0.06933356169611216 -0.015162924537435174,-0.10069003328680992 l0.08951903320848942,0.5785244703292847 0.18150310963392258,0.17485558986663818 l-0.007953003514558077,-0.2721615880727768 0.01343214651569724,-0.897984579205513 l0.1144302636384964,-0.09561504237353802 0.15943998470902443,0.0681480672210455 l0.044511700980365276,-0.18370287492871284 m6.2457674741744995,7.3118168115615845 l0.38216959685087204,-0.42856357991695404 0.42536117136478424,0.03743164008483291 l0.6605128943920135,-0.07754303514957428 0.8772213011980057,0.38379743695259094 l0.09339062497019768,-0.3300337865948677 0.848810151219368,-0.8118163049221039 l0.2742285281419754,0.07073333021253347 0.28086597099900246,-0.536511205136776 l0.0875944085419178,-0.36533594131469727 0.002657252480275929,-0.3030928410589695 l0.05316415335983038,-0.2908746898174286 0.003956679138354957,-0.5010762438178062 l0.00938882993068546,-0.3558269515633583 0.012299485970288515,-0.2022389881312847 l-0.4450361803174019,-0.13684464618563652 -0.5871298164129257,-0.27062395587563515 l-0.12413669377565384,-0.047019701451063156 -0.5357399210333824,-0.3227631747722626 l-0.7626676559448242,-0.6065142154693604 -0.2628682553768158,0.053851050324738026 l-0.1942864991724491,0.048558260314166546 -0.5125204473733902,-0.017960419645532966 l-0.6800142675638199,-0.029963115230202675 -0.7335358113050461,0.2212083898484707 l-0.4844660684466362,0.0941584724932909 -0.09210627526044846,-0.11683574877679348 l-0.18342098221182823,-0.02849625889211893 0.020950797479599714,0.24677971377968788 l-0.1598229631781578,0.011522513814270496 -0.26227468624711037,0.16348626464605331 l0.04628554452210665,0.2202163264155388 -0.6598526239395142,0.9188331663608551 l-0.49499720335006714,0.5974693223834038 -0.20306579768657684,0.5012666061520576 l-0.2738388814032078,0.3133431077003479 -0.16851479187607765,0.33680304884910583 l-0.3706400841474533,0.2600165642797947 -0.16234861686825752,0.44324684888124466 l0.060593937523663044,0.6791608035564423 0.06752537097781897,0.6724128872156143 l0.06747275125235319,0.24895686656236649 0.14880348928272724,0.10593132115900517 l0.05753537639975548,0.23582397028803825 0.10116272605955601,-0.08047366514801979 l0.03433341393247247,0.19686022773385048 -0.12244146317243576,-0.06941793020814657 l0.08566197007894516,0.19466131925582886 0.23860983550548553,0.014559207484126091 l0.13103555887937546,0.3276589885354042 0.7055310904979706,-0.030795757193118334 l0.4838220402598381,0.13164324685931206 0.3105508163571358,-0.027233681175857782 l0.3855445981025696,-0.039820075035095215 0.24331793189048767,0.11573238298296928 l0.0473930686712265,-0.1432319637387991 -0.07803687360137701,-0.24073803797364235 l0.2578599750995636,-0.09922933764755726 0.04341479390859604,-0.21827448159456253 l0.15655715018510818,-0.0709843123331666 0.13644644059240818,0.01884548575617373 l0.0976447481662035,-0.25632893666625023 0.18810715526342392,-0.3212083876132965 l-0.19408976659178734,-0.35111937671899796 0.3067786432802677,-0.7478044927120209 l0.06446158513426781,-0.5792355537414551 -0.12588483281433582,-0.13144941069185734 l-0.5089935287833214,-0.3370445966720581 m11.801133155822754,-0.40575724095106125 l-0.20335225388407707,0.03732259385287762 -0.48716023564338684,-0.20522356033325195 l0.23462504148483276,-0.1369922235608101 -0.25366270914673805,0.02012093784287572 l0.03918721806257963,-0.2667762339115143 -0.11227772571146488,-0.007972137536853552 l-0.3425072878599167,0.009896096307784319 -0.14686988666653633,-0.0352717749774456 l0.007060618372634053,-0.21356867626309395 0.002071583439828828,-0.2998742088675499 l-0.5977613478899002,-0.7429523766040802 -0.5048647522926331,-0.024034117814153433 l-0.5596890673041344,0.06865209899842739 -0.4651804268360138,-0.07022455334663391 l-0.2767474763095379,0.05980905145406723 -0.18935324624180794,0.023327895905822515 l-0.35609476268291473,-0.011449449229985476 -0.15294693410396576,-0.03484163200482726 l-0.0031399057479575276,0.10478651151061058 \" fill=\"none\" stroke=\"black\" stroke-width=\"1\"/></svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"89.88926832797006\" version=\"1.1\" width=\"124.59009806767426\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:ev=\"http://www.w3.org/2001/xml-events\" xmlns:xlink=\"http://www.w3.org/1999/xlink\"><defs/><rect fill=\"white\" height=\"89.88926832797006\" width=\"124.59009806767426\" x=\"0\" y=\"0\"/><path d=\"M37.904633497819304,45.69365426548757 m-1.9311879575252533,0.1460853684693575 l-2.686799168586731,-0.052677858620882034 0.012492646928876638,0.8128855377435684 l-2.0330624282360077,-0.009108551312237978 -0.4377371445298195,0.580039918422699 l-0.9741322696208954,-0.06213078275322914 -1.0589028894901276,1.152668222784996 l-0.7456871122121811,0.06230776198208332 0.03392291022464633,0.3288091719150543 l-0.46297889202833176,0.2690315805375576 -0.05639626178890467,0.4884536936879158 l-0.8677811920642853,0.0488624582067132 -0.21259991452097893,0.5068200081586838 l-0.12455549091100693,0.22572802379727364 -0.14869453385472298,0.3208673745393753 l-0.17409952357411385,-0.13629775494337082 -0.07867327891290188,0.27705347165465355 l-0.03526130458340049,0.16915148124098778 -0.27242936193943024,0.3489449620246887 l0.07005699910223484,0.06881619803607464 -0.06526506505906582,0.5572577193379402 l-0.6067897751927376,0.3473012149333954 -0.027609302196651697,0.6395171582698822 l0.18117638304829597,4.653601348400116 -0.2016395702958107,0.5273889377713203 l0.5226734280586243,0.5333960428833961 -0.024131610989570618,0.5279254168272018 l0.2093294821679592,-0.02596126403659582 -0.055521996691823006,0.6240631639957428 l0.14419401995837688,0.30935367569327354 0.042099147103726864,0.34866247326135635 l0.11342830955982208,0.393732488155365 0.025951897259801626,0.2650023438036442 l0.040951683185994625,0.4958217591047287 0.6194401532411575,-0.2087094634771347 l0.5070462450385094,-0.1814390905201435 0.1684475690126419,0.11553407646715641 l0.16568901017308235,-0.04186127334833145 1.0923942178487778,-0.004545716510619968 l0.3950868919491768,0.08396751247346401 0.41425205767154694,-0.32620780169963837 l0.43837178498506546,-0.5451912060379982 0.7638370990753174,0.0035382455098442733 l0.43134812265634537,-0.46672601252794266 0.5241583287715912,-0.25928888469934464 l1.1783231794834137,-0.6214272975921631 0.4848233237862587,-0.7372055947780609 l0.7631849497556686,-1.0084323585033417 0.354093536734581,-0.8000307530164719 l0.5925630778074265,-0.2696660906076431 0.32058756798505783,-0.868518054485321 l0.23581145331263542,-0.7676798850297928 1.0064548254013062,-2.2695520520210266 l0.2675129473209381,-0.4130164906382561 0.22433064877986908,-0.8026059716939926 l0.39288099855184555,-0.8798409998416901 0.257879551500082,-0.4949256032705307 l0.17195958644151688,-0.4920397698879242 0.2494346909224987,-0.7643546164035797 l0.19734827801585197,-0.3440668433904648 0.22727956995368004,-0.7060593366622925 l0.6844510138034821,-1.382555067539215 1.1065161228179932,-2.4974851310253143 l0.22523103281855583,-0.5408625677227974 0.749877393245697,-1.5076661109924316 l1.934104710817337,-4.022687673568726 0.5088081210851669,-0.9928568452596664 l0.17892539501190186,-0.6295611709356308 0.23461231961846352,-0.46771854162216187 l0.1391295436769724,-0.5406518280506134 0.8419796824455261,-2.5380751490592957 l0.35453353077173233,-0.711214691400528 0.3844401240348816,-2.1171770989894867 l0.4155280441045761,-0.6693179160356522 0.22968849167227745,-0.6822790950536728 l0.2827993594110012,-0.6309002637863159 0.17665056511759758,-0.8843190968036652 l0.3336866572499275,-0.5452782660722733 0.13547874055802822,-0.5837196484208107 l0.2839159779250622,-0.4223495349287987 -0.28315672650933266,0.2115660347044468 l0.32858066260814667,0.06434734910726547 -0.25750353932380676,-0.23948736488819122 l-0.06090831942856312,0.3119148313999176 0.01987482188269496,0.25106556713581085 l-0.24526357650756836,0.11102945543825626 0.12447693385183811,0.27088524773716927 l-0.4728575795888901,-0.019024136709049344 -0.5186274647712708,0.8586560934782028 l0.14164450578391552,0.46523019671440125 -0.7905421406030655,0.6205087900161743 l-0.24802017956972122,-0.15204288065433502 -0.5303402245044708,1.2875325977802277 l-0.903303325176239,0.9666573256254196 -2.0343124866485596,2.974443733692169 l-0.9220563620328903,1.6042149066925049 -2.149917334318161,4.092968702316284 l-0.3020913898944855,1.150880753993988 -0.772649422287941,0.8849655091762543 l-0.050345356576144695,0.7805713266134262 -0.006428536726161838,0.6555513292551041 l-0.027668343391269445,0.5559735745191574 -0.03185083391144872,0.4613141342997551 l-0.16078362241387367,2.136518806219101 0.011232714168727398,0.843455046415329 l0.1135346107184887,0.7935323566198349 -0.006005475879646838,0.8489346504211426 l-0.21468307822942734,2.361132651567459 0.056665875017642975,1.0490021109580994 l0.010736797703430057,0.6757442653179169 -0.28571145609021187,0.47631092369556427 l0.05261678248643875,1.5996289253234863 -0.18537739291787148,0.6901423633098602 l-0.03142477246001363,0.7868990302085876 0.08593730628490448,1.1746475845575333 l-0.1478227786719799,1.5409988164901733 -0.13117551803588867,0.23113280534744263 l0.04313281271606684,0.6427726894617081 -0.9155251085758209,1.169966533780098 l-0.2940669655799866,-0.005279559409245849 0.11354568414390087,1.1046849191188812 l-0.007248764159157872,0.7895469665527344 0.5939030647277832,-0.02958926372230053 l0.025490489788353443,0.8390817791223526 -0.1558894943445921,0.6314192712306976 l0.0972545426338911,0.5767860263586044 0.20891007035970688,0.3590615466237068 l0.23258034139871597,0.34128669649362564 0.28758974745869637,0.08943289518356323 l-0.42225610464811325,-0.2611083909869194 0.3668604791164398,0.23591000586748123 l0.19630933180451393,0.027492798399180174 0.3694301098585129,-0.16867676749825478 l1.050080955028534,-0.1319910679012537 0.4308922216296196,-0.6307284533977509 l0.2966860309243202,-0.07949776947498322 0.38337085396051407,-0.7386114448308945 l1.3197985291481018,-1.1481639742851257 0.1792387291789055,-0.4105840250849724 m14.097630977630615,-19.366648197174072 l-1.3316704332828522,1.49813711643219 -0.3836105391383171,0.495234914124012 l-0.4124511033296585,0.6747488677501678 -0.043441313318908215,0.517161451280117 l0.006116337608546019,0.34257538616657257 -0.32893601804971695,1.4971056580543518 l-0.1002800278365612,0.3351421281695366 0.03855801187455654,0.3122733160853386 l-0.14379391446709633,0.11370417661964893 0.029139705002307892,0.3798510879278183 l-0.25828998535871506,0.597962811589241 -0.2804235741496086,0.7221546024084091 l0.016335136024281383,0.4981685057282448 -0.1569368690252304,0.3487735241651535 l-0.16702378168702126,0.29274310916662216 -0.1644253358244896,0.34669484943151474 l0.011966174934059381,0.4074716567993164 -0.01648802892304957,0.34416694194078445 l0.04698059055954218,0.5933823809027672 0.08740258403122425,0.515025183558464 l0.1286295149475336,1.544218361377716 -0.24285327643156052,0.32211288809776306 l-0.07395696360617876,0.36473773419857025 -0.00904841348528862,0.14175971038639545 l0.11224879883229733,0.42117923498153687 0.2308395877480507,0.3932225704193115 l0.2754993736743927,0.3671007975935936 0.6533452868461609,1.1276336014270782 l0.19118314608931541,0.46582095324993134 0.5093984305858612,0.02311962191015482 l0.6472326815128326,0.10796615853905678 0.48652637749910355,0.34681394696235657 l0.6866491585969925,0.06018849089741707 0.2662794291973114,0.12004358693957329 l0.5994274467229843,-0.10001651011407375 m2.5129881501197815,-28.861024379730225 l-1.2130048125982285,0.7699526846408844 -0.3760511055588722,0.17733974382281303 l-0.12662990018725395,0.237844567745924 0.15831710770726204,0.1564892940223217 l0.5349437892436981,0.08263275027275085 0.6500992178916931,0.0695797149091959 l0.05428658798336983,0.2013627253472805 0.01798065030016005,0.1461668685078621 l0.05992739927023649,0.04524523392319679 0.02475874498486519,0.7443723082542419 l0.056114536710083485,0.22165492177009583 0.011333043221384287,0.08815716952085495 l0.035614201333373785,0.20682105794548988 0.09375586174428463,0.23576568812131882 l-0.053808530792593956,0.5511061474680901 -0.04998716991394758,0.14567497186362743 l-0.07646288257092237,0.36581195890903473 -0.06900656502693892,0.4486031085252762 l-0.2863198332488537,1.4963777363300323 -0.10943056084215641,0.24460144340991974 l0.1386977732181549,0.36755941808223724 -0.10998601093888283,0.29301978647708893 l-0.12582874856889248,0.47074880450963974 -0.034351181238889694,0.3814209997653961 l-0.16448572278022766,0.5788042023777962 0.0757130142301321,0.08940720930695534 l-0.02762714633718133,0.2606961317360401 0.0013664417201653123,0.24118827655911446 l-0.029545987490564585,0.18657486885786057 0.010680778650566936,0.20456857979297638 l-0.14104854315519333,0.508635900914669 -0.023117419332265854,0.04372711759060621 l-0.0015118576993700117,0.17699478194117546 0.032186079770326614,0.22301085293293 l0.006366774323396385,-0.038014473393559456 -0.010983385145664215,0.17227575182914734 l0.03812795737758279,0.09974602609872818 -0.05444528069347143,0.30091680586338043 l0.19842220470309258,0.260880533605814 0.2514197304844856,-0.24119196459650993 l0.21987851709127426,0.13883165083825588 0.2400537021458149,0.11398755945265293 l-0.06680094636976719,0.04286890383809805 -0.2262703701853752,-0.19088009372353554 l-0.007591990870423615,-0.2487456426024437 0.18168622627854347,-0.273718498647213 l0.1114219706505537,-0.22722152993083 0.1337707508355379,-0.3025929071009159 l0.025895261205732822,-0.5996266007423401 0.14830328524112701,-0.445992574095726 l0.05092292558401823,-0.4432380571961403 -0.02632173476740718,-0.4827754944562912 l-0.12337515130639076,-0.2622644789516926 0.054770736023783684,-0.5047573894262314 l-0.17742106691002846,-0.1034253928810358 -0.2826526015996933,-0.025556941982358694 l-0.1936081051826477,0.053513157181441784 -0.12466063722968102,-0.31208179891109467 l-0.28967931866645813,-0.5691331252455711 -0.20182093605399132,-0.05323664750903845 l-0.1294154953211546,0.09373917244374752 -0.17085498198866844,0.1277747005224228 m7.989279627799988,8.344772458076477 l0.12217110022902489,-0.18245618790388107 0.833294615149498,-0.010439049219712615 l0.596475750207901,0.14191176742315292 -0.060599129647016525,-0.12405253015458584 l-0.023148723412305117,-0.1220211386680603 0.07235422264784575,-0.0708339037373662 l0.13201181776821613,-0.09429316967725754 -0.1538005005568266,0.02479850547388196 l0.02844815142452717,-0.02564976690337062 0.07620786316692829,-0.13306471519172192 l0.13714582659304142,0.0733402231708169 0.2802293375134468,0.018934346735477448 l0.060310666449368,-0.1253865472972393 -0.011020649690181017,-0.23784466087818146 l0.5300048366189003,-0.7232155650854111 -0.024087161291390657,-0.0838164146989584 l-0.008936288068071008,0.06136135198175907 -0.028867179062217474,-0.7122155278921127 l-0.020025894045829773,-0.6567279249429703 -0.2721037156879902,-0.29263630509376526 l-0.12147681787610054,-0.0713068014010787 -0.19700199365615845,-0.23624807596206665 l-0.1024781633168459,0.017225855262950063 -0.20161930471658707,0.12400716543197632 l-0.2277965284883976,-0.06016355939209461 0.046626864932477474,-0.10087244212627411 l0.03317313268780708,-0.10375150479376316 0.0995603296905756,-0.15375791117548943 l0.10474825277924538,-0.191385168582201 -0.07044858764857054,0.06143555510789156 l-0.09502154774963856,-0.2672581560909748 0.10314992628991604,-0.7014022022485733 l0.1181961689144373,-0.1519368402659893 -0.09724821895360947,-0.18393425270915031 l0.16033073887228966,-0.14951986260712147 -0.14957797713577747,-0.29787369072437286 l0.1503264531493187,-0.11631823144853115 0.3786858543753624,-0.5813881382346153 l0.1559503749012947,-0.34410513937473297 0.22684074938297272,-0.13267045840620995 l0.07738581392914057,-0.12831254862248898 0.3974360227584839,-0.6726103276014328 l0.19429823383688927,-0.2840852923691273 0.11920537799596786,-0.14485311694443226 l0.269243735820055,-0.7081858813762665 0.3176606073975563,-0.2654048800468445 l0.44991057366132736,-1.5890173614025116 0.2142997644841671,-0.1146431639790535 l0.13603555969893932,-0.3069907985627651 0.29840733855962753,-1.6150374710559845 l0.7116715610027313,-1.8935929238796234 0.4830439016222954,-1.2766121327877045 l0.16893012449145317,-0.2594259940087795 0.20906440913677216,-0.2857547998428345 l0.6039708107709885,-2.311491221189499 0.43544743210077286,-0.22536881268024445 l0.008691272232681513,-0.5517684668302536 -0.03782790154218674,-0.11582035571336746 l-0.23670924827456474,-0.09748888202011585 -0.06644116714596748,0.34603070467710495 l-0.467025451362133,-0.174556914716959 0.14038879424333572,0.6437884271144867 l-0.46900834888219833,0.12839321978390217 -0.12268552556633949,0.9451006352901459 l-0.516292080283165,0.6192824617028236 -0.0709378207102418,0.4558456316590309 l-0.1764838956296444,0.9787417203187943 -0.4000735282897949,1.4934910833835602 l-0.3764030709862709,1.5151652693748474 -0.043095615692436695,0.44313911348581314 l0.007557899807579815,0.3346642851829529 -0.13990995474159718,0.21084830164909363 l0.012727964203804731,0.4100291058421135 -0.13455205596983433,0.894525870680809 l-0.17055023461580276,0.30080268159508705 -0.029328367672860622,0.172591432929039 l0.0714598223567009,0.43944042176008224 -0.16055306419730186,1.0338979959487915 l-0.3178531304001808,0.45321352779865265 -0.21323693916201591,1.1069471389055252 l-0.028539232444018126,0.3635060414671898 -0.15819430351257324,0.26091305539011955 l0.06766091100871563,0.3929140418767929 0.002414477785350755,0.2578236348927021 l0.018864494049921632,0.37209171801805496 -0.18581785261631012,0.8865603059530258 l0.007715343963354826,0.43346885591745377 -0.11682312935590744,0.23071514442563057 l0.031100891064852476,0.5436263978481293 -0.21663350984454155,0.6844943761825562 l0.3169630095362663,-0.007761154556646943 0.028621377423405647,0.5691996589303017 l0.08010988123714924,0.655280351638794 0.0512626301497221,0.9732259809970856 l-0.20946932956576347,-0.12910484336316586 -0.19934175536036491,0.4419765993952751 l-0.003752558259293437,0.47415677458047867 -0.04912312142550945,0.45998793095350266 l0.20586630329489708,0.872059091925621 0.2278953231871128,0.2532351575791836 l-0.1675426959991455,-0.8217733353376389 0.05883859470486641,-0.0718515831977129 m9.474595189094543,-4.541492462158203 l-0.7883116602897644,0.3963794559240341 0.26144731789827347,-0.1977657526731491 l0.42243897914886475,0.2715507335960865 0.061145792715251446,-0.11107810772955418 l0.0459939194843173,-0.21924039348959923 0.2845548279583454,0.09439671412110329 l0.14326240867376328,-0.18775658681988716 0.20105097442865372,0.07074032910168171 l0.22372663021087646,0.046041193418204784 0.09212957695126534,-0.17910514026880264 l0.21253984421491623,0.050184465944767 0.05462988745421171,-0.28765611350536346 l0.30523132532835007,0.0567162549123168 0.24386471137404442,0.057533043436706066 l-0.027412958443164825,-0.05763094872236252 0.28956178575754166,0.04663105122745037 l0.432363785803318,-0.038909236900508404 -0.029827989637851715,-0.13720340095460415 l0.0870743952691555,-0.20048508420586586 0.1871512085199356,-0.18778419122099876 l0.2821538411080837,0.04338211379945278 0.28100425377488136,0.08612635545432568 l0.25444190949201584,0.037028128281235695 -0.021525118499994278,-0.8796627074480057 l0.27340877801179886,0.06449306383728981 0.6972671300172806,-1.7299795150756836 l-0.004423470527399331,-0.5086169391870499 -0.03742965403944254,0.04054724704474211 l0.03365734126418829,0.08155830204486847 -0.01469858456403017,-0.6838081777095795 l-0.21600309759378433,-0.003046791534870863 0.019171535968780518,-0.20285528153181076 l0.014553801156580448,-0.27772171422839165 0.008459130767732859,-0.2513379789888859 l0.007967532728798687,-0.4421260952949524 -0.19242221489548683,0.036330344155430794 l-0.20306574180722237,0.08803805336356163 -0.21587323397397995,0.06491614505648613 l-0.22864118218421936,0.09302514605224133 -0.41068337857723236,0.01065570511855185 l-0.21744994446635246,0.12760421261191368 -0.1765134558081627,-0.09326566010713577 l-0.04154100548475981,0.02253906335681677 -0.257719699293375,0.10643557645380497 l-0.1767522655427456,0.005638714646920562 0.0012688948481809348,0.013113048626109958 l-0.17248444259166718,0.13842644169926643 -0.1497531309723854,0.18926545977592468 l-0.04349272698163986,0.08772255852818489 -0.14876052737236023,0.07070826832205057 l-0.0604135962203145,0.03081691451370716 0.010769828222692013,0.04879955668002367 l-0.18401062116026878,0.007405960350297391 0.025618739891797304,0.11720242910087109 l0.048891850747168064,0.2908638305962086 0.005842359969392419,0.06888659205287695 l0.018658421467989683,0.05982689093798399 0.0460550282150507,0.07975269109010696 l-0.21520311012864113,0.632217675447464 0.040758149698376656,0.1234655361622572 l-0.1740507036447525,0.1990773156285286 0.04105204716324806,0.1451096311211586 l0.09338418021798134,0.374598391354084 -0.19320005550980568,0.23270739242434502 l-0.18724923953413963,0.243330467492342 0.013102504890412092,0.12323715724050999 l0.10586913675069809,0.39547964930534363 0.048829843290150166,0.35870473831892014 l-0.05648181773722172,0.26018552482128143 0.0048553611850366,0.16807831823825836 l-0.14977102167904377,0.26596318930387497 -0.0037727816379629076,0.2572503313422203 l-0.15155198983848095,0.258330088108778 -0.15347234904766083,0.26231689378619194 l-0.04559882916510105,0.31400278210639954 -0.019790318328887224,0.10655198246240616 l0.12025488540530205,0.4055216908454895 -0.1003097090870142,0.4415438696742058 l0.006112750852480531,0.5394221469759941 -0.012151789851486683,0.5479515716433525 l0.13781054876744747,0.31007813289761543 0.01962124602869153,0.5471712350845337 l-0.0002434226917102933,0.44281497597694397 -0.0026670435909181833,0.5305959656834602 l0.022698580287396908,0.30427588149905205 0.1677304320037365,0.18860630691051483 l0.07234095595777035,0.37431057542562485 0.17039965838193893,0.24650640785694122 l0.29369063675403595,0.06208247970789671 0.44385876506567,-0.05602329038083553 l0.28002113103866577,0.170676838606596 0.060740262269973755,-0.15271645039319992 l-0.023682089522480965,-0.27383871376514435 0.45201651751995087,-0.009163162903860211 l0.24415196850895882,0.03127749543637037 0.4269813001155853,-0.04045985173434019 l0.5285952240228653,0.053932471200823784 0.48971638083457947,-0.006723824772052467 l0.5951043963432312,0.08441684767603874 0.5579441040754318,0.01666206051595509 l0.14379835687577724,-0.471172071993351 0.47937173396348953,-0.05498638842254877 l0.3215263783931732,-0.19380668178200722 0.6616029888391495,-1.4193327724933624 l0.13488051481544971,-0.12881754897534847 0.21183554083108902,-0.027237897738814354 l0.12296609580516815,-0.0027009309269487858 0.1634042151272297,-0.0917781051248312 l0.1279281359165907,-0.025985885877162218 0.12251226231455803,-0.06654978729784489 l0.16754554584622383,-0.2651105262339115 0.14213436283171177,-0.2169361338019371 l0.2211475744843483,-0.02806548960506916 0.16124391928315163,-0.021406516898423433 l0.00891881703864783,-0.2854999713599682 0.19700948148965836,0.020882717799395323 l0.3811291977763176,-0.1288081519305706 -0.0002929102265625261,-0.09308052249252796 l0.24677550420165062,0.013438555179163814 0.15431449748575687,0.049673523753881454 l0.16810523346066475,-0.021391361951828003 0.039023770950734615,-0.22199148312211037 l0.20752623677253723,0.05647030659019947 0.0018421541608404368,-0.26621242985129356 l0.16933703795075417,0.049072219990193844 0.23537149652838707,-0.1580936275422573 l0.11616363190114498,-0.3146577626466751 0.05563899874687195,-0.1861167699098587 l-0.16394572332501411,-0.05416521802544594 0.13085932470858097,0.026111372280865908 l0.062072835862636566,0.022516772150993347 -0.039462121203541756,-0.32727673649787903 l0.016191876493394375,-0.14901199378073215 -0.20268157124519348,-0.004866350791417062 l-0.20027730613946915,-0.0888053048402071 -0.22918058559298515,-0.07002788595855236 l-0.05688609555363655,0.05978673230856657 -0.06345804780721664,0.07872413843870163 l0.004115414340049028,-0.21432437002658844 -0.17266428098082542,-0.22111495956778526 l-0.1540993805974722,-0.11881460435688496 -0.22838594391942024,-0.034612356685101986 l-0.3914603218436241,-0.020533911883831024 -0.2326074242591858,-0.2675001882016659 l-0.11672848835587502,-0.05037945229560137 -0.1124032586812973,0.11040410958230495 l-0.17565561458468437,-0.06922274362295866 -0.08095202967524529,0.1116705872118473 l-0.14103795401751995,0.04261472262442112 -0.029045124538242817,-0.0002265757939312607 l-0.10211458429694176,0.27546294033527374 -0.007761227898299694,0.11876001954078674 l0.0046420079888775945,0.016919131157919765 -0.07423350121825933,0.17286138609051704 l-0.08730494417250156,0.12987488880753517 -0.07496144156903028,0.13313543982803822 l-0.019269825424999,0.07908434607088566 0.013645753497257829,0.04847719334065914 l-0.0052947551012039185,0.014878351939842105 0.20702701061964035,0.5895480513572693 l-0.08175455965101719,0.2094610221683979 0.03520663361996412,0.206496249884367 l0.0553035968914628,0.037107334937900305 0.007210023468360305,0.05616397596895695 l-0.10149969719350338,0.1603037491440773 0.16928518190979958,0.2921130880713463 l-0.12286406010389328,0.5769584700465202 0.007286890177056193,0.09246164001524448 l0.16447708010673523,0.3157513961195946 0.09972235187888145,0.30797144398093224 l-0.05025150254368782,0.1622486673295498 -0.1305478997528553,0.4879005253314972 l0.0017750611004885286,0.08714858442544937 0.09833338670432568,0.08155929856002331 l-0.0072209653444588184,0.15983536839485168 0.14028700068593025,0.31034547835588455 l-0.009170339326374233,0.16482602804899216 0.2481670118868351,0.3844861686229706 l0.16369789838790894,0.24128245189785957 0.2709544263780117,0.3062506392598152 l0.3103744797408581,0.22817008197307587 0.31139830127358437,0.19290117546916008 l0.4315507411956787,0.15733642503619194 0.1245929766446352,-0.013952008448541164 l1.459948569536209,-0.2830342948436737 0.3562939539551735,-0.4199870303273201 l0.14063495211303234,-0.32581087201833725 0.7374922931194305,-0.656110867857933 l0.043283235281705856,-0.07656795904040337 0.08950194343924522,-0.04024192690849304 l0.01928897574543953,-0.6753679364919662 0.015379112446680665,-0.007007176172919571 l-0.06998070515692234,-0.06919315084815025 -0.0002445137215545401,-0.4135219380259514 l0.027509157080203295,-0.6946856528520584 -0.03972209524363279,-0.3095821850001812 l0.007920117350295186,-0.6485417485237122 -0.25280794128775597,-0.20910780876874924 l-0.2410675399005413,-0.11130277998745441 -0.20977267995476723,-0.049500977620482445 l0.0033535726834088564,-0.6251474469900131 -0.21676650270819664,0.015468712663277984 m5.332189202308655,6.737589240074158 l0.19171353429555893,0.4813903942704201 0.41875217109918594,-0.5593882501125336 l0.3131590411067009,-0.06046670954674482 0.2971802279353142,0.03473842050880194 l0.30851636081933975,0.05620483309030533 0.18010815605521202,0.07243478670716286 l0.3962710499763489,0.0049904093611985445 0.1689542829990387,0.06662608589977026 l0.7543922960758209,0.008129013003781438 0.24842685088515282,0.053037796169519424 l0.13227986171841621,-0.1941150240600109 0.34706614911556244,0.017373033333569765 l0.1731824316084385,-0.28595978394150734 -0.03735663602128625,-0.09540853090584278 l0.03330181119963527,0.033187761437147856 0.08760573342442513,0.07497594691812992 l0.03506779903545976,-0.19026001915335655 -0.04380885045975447,-0.11439396068453789 l-0.05424524191766977,-0.2364269644021988 -0.2205837331712246,-0.06032903213053942 l-0.08830949664115906,-0.09755357168614864 -0.021429371554404497,-0.444253608584404 l0.022352933883666992,-0.18876880407333374 -0.13218135572969913,0.09343791753053665 l-0.16021912917494774,-0.8104752749204636 -0.2580571733415127,-0.06527421995997429 l-0.3210589289665222,0.10869893245398998 -0.0211257953196764,-0.16829168424010277 l-0.3049614280462265,0.10063833557069302 -0.3028242476284504,0.027391428593546152 l-0.041484665125608444,-0.1779448613524437 -0.25707783177495,0.10987512767314911 l0.011441685492172837,-0.034193501342087984 -0.06868997123092413,-0.07024009712040424 l0.035649510100483894,-0.015058633871376514 -0.14115335419774055,0.06381439045071602 l-0.32492808997631073,-0.1054158341139555 -0.24265924468636513,0.08680853992700577 l0.0256798486225307,0.0060113921063020825 -0.4755393788218498,-0.1971922256052494 l-0.20824100822210312,0.1148385088890791 -0.18346380442380905,0.18150519579648972 l-0.02325484761968255,0.029148913454264402 -0.08499916642904282,0.1327460166066885 l-0.0882874708622694,0.11291609145700932 0.010312076192349195,0.10102536529302597 l-0.13766583055257797,0.18736382946372032 -0.12988622300326824,0.10478721000254154 l-0.11162018403410912,-0.0878941360861063 0.01075755339115858,0.20852241665124893 l-0.020505611319094896,0.15107665210962296 0.01749811344780028,0.14729970134794712 l0.023847308475524187,0.19306490197777748 -0.04091500770300627,-0.01447542104870081 l0.11083708144724369,0.15439474023878574 0.06537027191370726,0.2036500722169876 l-0.11631816625595093,0.4922594875097275 -0.08077258244156837,0.09917489252984524 l-0.09762030094861984,0.05593268200755119 0.10267348028719425,0.280703604221344 l-0.14631453901529312,0.02815674990415573 -0.0689563574269414,0.04127792548388243 l-0.15226866118609905,0.23378945887088776 0.12117167003452778,0.274967048317194 l0.5586107075214386,0.20382991060614586 0.02740536816418171,-0.11678640730679035 l0.1366251055151224,0.06185641046613455 0.029412147123366594,0.17457999289035797 l0.07492078468203545,0.10452965274453163 \" fill=\"none\" stroke=\"black\" stroke-width=\"1\"/></svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"0.9\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"83.27912038192153\" version=\"1.1\" width=\"271.7477486655116\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:ev=\"http://www.w3.org/2001/xml-events\" xmlns:xlink=\"http://www.w3.org/1999/xlink\"><defs/><rect fill=\"white\" height=\"83.27912038192153\" width=\"271.7477486655116\" x=\"0\" y=\"0\"/><path d=\"M25,26.304609780199826 m0.7756209373474121,-0.6497012078762054 l1.844521164894104,-0.42134925723075867 0.6336870044469833,0.051239500753581524 l2.352430671453476,-0.2847988158464432 3.3734095096588135,0.2239249274134636 l3.2004526257514954,0.5753311514854431 5.490854382514954,1.9005630910396576 l7.38573431968689,4.32140052318573 9.184767007827759,2.7621662616729736 l3.9731821417808533,2.1726566553115845 9.158691167831421,1.4478231966495514 l3.883999288082123,2.624238133430481 -0.3212536498904228,0.763494223356247 l2.5561052560806274,0.2511158771812916 2.2901660203933716,2.8125202655792236 l2.235318571329117,2.419171929359436 35.2776575088501,9.37112033367157 l9.427261352539062,0.34848742187023163 25.20803451538086,1.2851063907146454 l5.309416055679321,-1.4895163476467133 21.0465145111084,-1.6719360649585724 l9.702892303466797,-0.48521410673856735 6.787736415863037,-1.5601111948490143 l11.961802244186401,0.5033059790730476 31.33246898651123,-2.544170320034027 l7.676278352737427,-2.3022061586380005 \" fill=\"none\" stroke=\"black\" stroke-width=\"1\"/></svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"107.94232616201043\" version=\"1.1\" width=\"367.002519518137\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:ev=\"http://www.w3.org/2001/xml-events\" xmlns:xlink=\"http://www.w3.org/1999/xlink\"><defs/><rect fill=\"white\" height=\"107.94232616201043\" width=\"367.002519518137\" x=\"0\" y=\"0\"/><path d=\"M25,82.94232616201043 m3.261103630065918,-2.9974213242530823 l2.8747496008872986,-0.5045807734131813 1.4463098347187042,-0.4938780516386032 l6.204308867454529,-1.2957735359668732 0.8678871393203735,-1.779453158378601 l2.9070112109184265,-1.620829552412033 5.42044997215271,-1.7614476382732391 l13.304641246795654,-5.907279849052429 8.394017219543457,-2.8559276461601257 l10.644592046737671,-5.292400121688843 16.18537187576294,-4.511069655418396 l8.872573375701904,-2.3596499860286713 6.528205871582031,-1.7549358308315277 l13.726722002029419,-1.6442310810089111 10.886214971542358,-3.193153142929077 l12.712979316711426,-2.8832444548606873 24.493958950042725,-2.101082354784012 l15.101221799850464,-1.3926875591278076 7.831737995147705,0.36772798746824265 l7.731476426124573,0.24814344942569733 4.528452157974243,-0.6371767073869705 l18.77777934074402,-2.392149567604065 11.25098705291748,-0.5335482209920883 l5.255420804023743,-1.4688177406787872 8.197342157363892,0.32052725553512573 l6.109780669212341,-0.46713337302207947 6.965177655220032,-0.22365087643265724 l14.23130750656128,-1.0650858283042908 16.53477907180786,-0.6309877336025238 l8.363052010536194,-0.3877001255750656 7.82728910446167,-1.9186687469482422 l6.681710481643677,-1.6241128742694855 5.546895265579224,-0.8299524337053299 l11.250486373901367,-1.1393144726753235 6.08652651309967,-1.2113804370164871 l-0.6206445768475533,0.4201842471957207 -3.458285331726074,4.317528307437897 l-1.4062896370887756,2.2390173375606537 1.9149383902549744,0.8413688838481903 \" fill=\"none\" stroke=\"black\" stroke-width=\"1\"/></svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"105.95567251308239\" version=\"1.1\" width=\"96.94455428288848\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:ev=\"http://www.w3.org/2001/xml-events\" xmlns:xlink=\"http://www.w3.org/1999/xlink\"><defs/><rect fill=\"white\" height=\"105.95567251308239\" width=\"96.94455428288848\" x=\"0\" y=\"0\"/><path d=\"M42.583041685284115,69.85677589633269 m-2.5102943181991577,-1.7447090148925781 l-1.1297187954187393,-1.4580591022968292 -0.9042240679264069,-0.12410493567585945 l-0.6800035387277603,-0.09352904744446278 -2.316930592060089,0.08847412653267384 l-0.06236699875444174,0.09335252456367016 -0.5469866469502449,-0.760033130645752 l-1.1786138266324997,0.11599050834774971 -0.4323963448405266,-0.030481331050395966 l-0.5560570582747459,0.18812498077750206 -0.20194029435515404,0.34226953983306885 l-0.48180319368839264,-0.0037619468639604747 -0.6307600438594818,0.44483695179224014 l-1.8059590458869934,2.1970584988594055 -0.5817121639847755,-0.07159064989537 l-0.10881501249969006,0.23786412551999092 -0.4296433925628662,0.8453384786844254 l0.008171069785021245,0.04265093244612217 -0.4108552634716034,0.4238133504986763 l-0.17888016998767853,0.297225508838892 -1.0079829394817352,1.9073989987373352 l-0.315183587372303,0.3599945828318596 -0.3956324979662895,0.5900368839502335 l-0.06280706729739904,0.5176913738250732 0.13949827291071415,0.17835648730397224 l0.0988741684705019,0.21913090720772743 -0.2653237618505955,0.6163790449500084 l0.0437513692304492,0.43256040662527084 -0.23360729217529297,0.5847972258925438 l-0.05811366718262434,0.4305597022175789 0.18990198150277138,0.3927851468324661 l-0.49226775765419006,0.2190248854458332 -0.08435920812189579,0.39648905396461487 l0.15359511598944664,0.02725044498220086 -0.09576727636158466,0.2287021093070507 l0.40801405906677246,1.7421838641166687 0.1388324610888958,0.0994978379458189 l-0.1501604076474905,0.326036736369133 -0.1864478923380375,0.14211679808795452 l0.11914676055312157,0.12277107685804367 0.08818955160677433,0.0907332543283701 l0.0007090276631060988,-0.08196241222321987 0.5722220987081528,0.32621003687381744 l-0.0543862534686923,0.19732968881726265 0.3223497048020363,0.0020921135728713125 l0.31546927988529205,-0.15099194832146168 0.45579690486192703,-0.16840273514389992 l0.5191873013973236,0.017490028403699398 0.49011245369911194,-0.2871030941605568 l0.20961442962288857,-0.061528380028903484 0.29574792832136154,-0.36939047276973724 l0.5095145478844643,-0.02242913469672203 0.40284954011440277,-0.1123613677918911 l0.49683235585689545,-0.12119150720536709 0.21041303873062134,-0.3380829468369484 l0.5633757635951042,-0.10952864773571491 0.49162596464157104,-0.1491218339651823 l0.02598850056529045,-0.3668096661567688 0.533837080001831,-0.5308882519602776 l0.568389929831028,-0.11545180343091488 0.09755777195096016,-0.4889632388949394 l0.31494226306676865,-0.22915994748473167 0.3774244338274002,-0.40451567620038986 l0.5658063292503357,-0.4966895654797554 0.35593364387750626,-0.45023050159215927 l0.5316951498389244,-0.36357004195451736 0.5123091489076614,-0.4008106142282486 l0.6923019886016846,-1.6370916366577148 0.6278204172849655,-0.5195942148566246 l0.8120881766080856,-0.3219102695584297 -0.04933928605169058,-0.685700848698616 l0.7535573840141296,-0.49763496965169907 0.4566969722509384,-0.4336263984441757 l0.26865754276514053,-0.559023842215538 0.6065680831670761,-0.470242016017437 l0.4254094511270523,-0.42453140020370483 0.2851781062781811,-0.9513714164495468 l0.6723471730947495,-0.45309294015169144 0.007908638217486441,-0.9867820888757706 l0.7741524279117584,-2.23003551363945 0.3264887258410454,-0.43768931180238724 l0.45623909682035446,-0.3679900988936424 -0.0037753136712126434,-0.9806922078132629 l0.4700103774666786,-0.8760849386453629 0.11589104309678078,-0.9360175579786301 l0.6168686226010323,-0.40421731770038605 0.08552451618015766,-1.0753227770328522 l-0.3449447825551033,-4.484671056270599 0.27515342459082603,-0.5921956524252892 l0.5744647979736328,-0.2393241599202156 0.2815333753824234,-0.2660028636455536 l0.10477212257683277,-1.2300623208284378 0.4580143094062805,-0.608094297349453 l-0.4174742102622986,0.04027990158647299 0.42850881814956665,-0.6449857354164124 l-0.0772734871134162,-0.686008557677269 0.583759993314743,-0.27627069503068924 l-0.04354127682745457,-0.7777786999940872 0.4257005453109741,-0.7629889249801636 l-0.4090645909309387,-0.040014730766415596 0.33354219049215317,-0.4178708791732788 l0.11486797593533993,-0.4301280528306961 0.40018290281295776,-0.2520689554512501 l-0.20182421430945396,-1.1899951845407486 0.1497845444828272,-0.1179023552685976 l0.20422162488102913,-0.5001552030444145 -0.16815530136227608,0.4210447892546654 l0.25448715314269066,0.001926201075548306 0.29545919969677925,-0.4195898771286011 l0.08638220839202404,-0.3589830547571182 0.3325924649834633,-0.1877162605524063 l0.29163673520088196,-0.5674370750784874 0.25026891380548477,-0.6946665793657303 l0.2688969299197197,-0.3045998886227608 0.04620322026312351,-0.8124513924121857 l0.5570678040385246,-0.3646664693951607 0.2889842540025711,-0.422992967069149 l0.3974759951233864,-0.2561982348561287 0.3877980634570122,-0.44319480657577515 l0.37993088364601135,-0.3309262916445732 0.4535713419318199,-0.6561385095119476 l0.4362093657255173,-0.4269324243068695 0.42122576385736465,-0.3486838936805725 l0.18350593745708466,-0.5971880629658699 0.004351609095465392,-0.3828319162130356 l0.17890309914946556,-0.4986932873725891 0.4991389438509941,-0.3855414316058159 l-0.1584155112504959,-0.5021226406097412 0.38266565650701523,-0.5820617452263832 l0.4104776680469513,-1.2415072321891785 0.5686116591095924,-0.38624923676252365 l0.28319792822003365,-0.4692855477333069 0.4078211262822151,-0.542474053800106 l0.2136041224002838,-0.9234389662742615 0.5931189656257629,-0.34639183431863785 l-0.01654438441619277,-0.9676729887723923 0.6930690258741379,-0.3051876276731491 l0.17516693100333214,-0.504203699529171 0.46953458338975906,-0.468638576567173 l0.31170420348644257,-0.4054557904601097 0.4222429543733597,-0.6052867695689201 l0.3876657038927078,-0.28320327401161194 0.2779798209667206,-0.44829681515693665 l0.4373767226934433,-0.32079171389341354 0.2620379813015461,-0.3844669833779335 l0.40571514517068863,-0.22325776517391205 0.5541421100497246,-0.4927687346935272 l0.3175216168165207,-0.3233806788921356 0.36942802369594574,-0.37921804934740067 l0.37562746554613113,-0.3790755942463875 0.3865554928779602,-0.36704257130622864 l-0.2075730264186859,-0.3371593728661537 0.7388799637556076,-0.022752839140594006 l-0.10760374367237091,-0.7532545179128647 0.720401257276535,-0.09405681863427162 l0.1151543390005827,-0.31778987497091293 -0.11616836301982403,0.06905420683324337 l0.46201717108488083,0.0532697094604373 0.0471968250349164,-0.18353166058659554 l-0.01564940670505166,-0.03688948694616556 -0.1487961132079363,0.25924937799572945 l0.2856973931193352,0.09397950023412704 0.0011309240653645247,-0.0043251822353340685 l-0.3861207887530327,0.3751569613814354 0.25602398440241814,0.2876381203532219 l-0.1642174832522869,-0.11788501404225826 -0.2546806260943413,0.6104592606425285 l-0.48872828483581543,0.6614929437637329 -1.3779263198375702,2.0187465846538544 l-0.5472879111766815,1.1903639882802963 -0.17206231132149696,0.5349773913621902 l-0.5491530895233154,0.6869088113307953 -0.24597959592938423,0.6465248763561249 l-0.581335611641407,0.6620354205369949 -0.42336005717515945,1.1193408817052841 l-0.505913756787777,0.9221085906028748 -1.3230808079242706,1.5409785509109497 l0.14050809666514397,0.48009980469942093 -0.672687292098999,1.2951596081256866 l-0.3415694460272789,0.6062142550945282 0.2859828807413578,1.1239570379257202 l-0.3996659070253372,1.796230971813202 -0.025738358963280916,0.33661797642707825 l-0.01108516356907785,0.6638514995574951 -0.2763586491346359,0.7439789175987244 l3.617853280957206e-05,0.5967754498124123 -0.15975872054696083,0.5446334183216095 l-0.00047825575165916234,0.6741707026958466 0.024310245644301176,0.6694471836090088 l-0.1394913997501135,0.5490152537822723 -0.29769161716103554,0.582897961139679 l-0.007907250546850264,0.5190442129969597 0.03679913468658924,0.7138590514659882 l-0.26790520176291466,0.5334471166133881 0.10216157883405685,0.5031044036149979 l-0.21656228229403496,0.4867275804281235 0.054762959480285645,0.6853257119655609 l0.04406325053423643,0.6740914285182953 -0.24393342435359955,0.42958907783031464 l-0.08498243056237698,0.48706255853176117 -0.154770128428936,0.4762573912739754 l-0.16065239906311035,0.34373268485069275 0.09863583371043205,0.8526574075222015 l-0.11490515433251858,0.43998800218105316 -0.1762453280389309,0.4214048758149147 l0.0508741894736886,0.5640649050474167 0.06422236561775208,0.9871760010719299 l0.08222591131925583,1.1899200081825256 -0.24869462475180626,0.4884328320622444 l0.04662806633859873,0.5740569159388542 0.042142169550061226,0.6851272284984589 l0.17433008179068565,0.08765371516346931 0.1582353562116623,-0.005779576022177935 l0.03620390547439456,0.21822510287165642 0.040341103449463844,-0.10627946816384792 l0.12709281407296658,-0.1928354986011982 0.3765576705336571,-0.02176920883357525 l0.5825160816311836,-0.02268279204145074 0.650913417339325,-0.04584612790495157 l0.36507006734609604,-0.5667459592223167 0.05403430201113224,-0.2667986787855625 l0.51986463367939,-0.20321084186434746 1.6411575675010681,-1.4180362224578857 l1.3809077441692352,-1.3490746915340424 0.3611571714282036,-0.44181428849697113 l0.5165142565965652,-0.4457273334264755 0.04828088916838169,-0.6169847771525383 l0.34572381526231766,-0.7308918982744217 0.5098890513181686,-0.2902070991694927 l0.192036684602499,-0.44175010174512863 0.5046473443508148,-0.2974371053278446 l0.17760096117854118,-0.4315600171685219 0.5382953956723213,-0.27763664722442627 l0.40598955005407333,-0.5444861203432083 0.456315353512764,-0.3063778579235077 l0.4371974244713783,-0.27013853192329407 0.2844134345650673,-0.08538257330656052 l0.48037268221378326,-0.25599412620067596 0.3280559927225113,-0.6309790909290314 l0.3560011461377144,-0.09114939719438553 0.5255478248000145,-0.2164977602660656 l0.144327525049448,-0.5790776759386063 0.6329941004514694,-0.16455527395009995 l0.5525011196732521,-0.11973314918577671 0.5048564076423645,-0.18565978854894638 l0.5969246476888657,-0.16741419211030006 0.6119812279939651,-0.07137957494705915 l0.3407641127705574,-0.5389001965522766 0.42790520936250687,0.047597428783774376 l0.5220702290534973,-0.01677605789154768 0.3960614278912544,-0.022382056340575218 l0.45151103287935257,-0.017049363814294338 0.41648101061582565,-0.014887357829138637 l0.540909469127655,-0.031232847832143307 0.3689301386475563,0.004035349411424249 l-0.14477583579719067,-0.034491310361772776 0.011252985568717122,-0.31028347089886665 l0.009986921213567257,-0.43620627373456955 -0.12172413989901543,0.23462021723389626 l0.11941574513912201,0.08451403118669987 -0.029368253890424967,-0.4215051978826523 l0.06798128597438335,-0.03535990137606859 0.04366498440504074,0.02044911729171872 l-0.15185795724391937,-0.18645459786057472 0.026833752635866404,-0.5014687031507492 l-0.0703657791018486,0.01220403821207583 0.029205158352851868,-0.4589362069964409 l-0.13844710774719715,-0.3474182263016701 0.07016090676188469,-0.1941109262406826 l-0.23736372590065002,0.05693728104233742 -1.2955211102962494,0.005035053472965956 l-0.36780495196580887,0.08670799434185028 -0.33168889582157135,0.33802445977926254 l-0.724470391869545,-0.023375286255031824 -0.6253634393215179,0.020151720382273197 l-0.08613775484263897,0.1603269949555397 -0.5219246819615364,0.027265273965895176 l-0.4087217152118683,0.3337375447154045 -0.07795182522386312,-0.029819495975971222 l-1.0145772993564606,0.46423178166151047 -0.5082078650593758,0.5976057052612305 l-0.06076808087527752,0.001272462832275778 -0.4488057270646095,0.33376429229974747 l-0.12117874808609486,0.030643201898783445 -0.08470999076962471,0.16850197687745094 l-0.10649414733052254,0.07731969002634287 -0.2491370402276516,0.3814110904932022 l0.05810022819787264,0.23254351690411568 0.012115167919546366,0.06249948404729366 l0.01453359262086451,-0.013633923372253776 0.02826942363753915,0.12440649792551994 l-0.11600034311413765,0.2931706979870796 -0.24999013170599937,0.1389520801603794 l-0.033557049464434385,0.39820481091737747 -0.05849909968674183,0.3380639851093292 l-0.056206085719168186,0.32022029161453247 0.10718516074120998,0.40564414113759995 l-0.23614084348082542,0.01563488389365375 0.08669363334774971,-0.006110112881287932 l0.04857493098825216,0.39505962282419205 -0.18914498388767242,0.04523753188550472 l0.09772189892828465,0.33353187143802643 -0.23515116423368454,0.06815378088504076 l-0.13591810129582882,0.02343477914109826 0.06224498152732849,0.3060877323150635 l-0.1330013293772936,0.36350179463624954 -0.14047945849597454,0.2997446246445179 l-0.07663767319172621,0.3682657331228256 0.10807340033352375,0.30368825420737267 l0.046517420560121536,0.30291618779301643 0.026937583461403847,0.12059277854859829 l0.08681973442435265,0.1143984217196703 0.09811269119381905,0.14662676490843296 l-0.089846421033144,0.050983806140720844 -0.08793199434876442,0.10391535237431526 l0.061293565668165684,-0.04081617575138807 0.15231896191835403,-0.04259680397808552 l0.09166198782622814,-0.10017413645982742 0.11448039673268795,0.1692914217710495 l0.3385089710354805,-0.005839281366206706 0.7666289806365967,-0.30559347942471504 l0.3267500549554825,0.12098979204893112 0.5117049813270569,-0.13258595950901508 l0.2953222766518593,0.3072660230100155 0.38113292306661606,0.03258921438828111 l0.3155072033405304,-0.2047726884484291 0.4545764997601509,0.012164720101282 l0.22759350016713142,-0.375274233520031 0.19967373460531235,0.1268561463803053 l0.6817951798439026,-0.02368209883570671 0.25123316794633865,-0.3066215477883816 l0.15616648830473423,-0.15846462920308113 0.2844507433474064,-0.285203717648983 l0.4896186292171478,-0.06095117423683405 0.4995342344045639,-0.07325222715735435 l0.08667310699820518,-0.2160283550620079 -0.0777446897700429,-1.6364197432994843 l-0.10027307085692883,-0.022075152955949306 -0.6016279384493828,-0.0010790184751385823 l-0.13968104496598244,-1.0375790297985077 \" fill=\"none\" stroke=\"black\" stroke-width=\"1\"/></svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"92.498215380474\" version=\"1.1\" width=\"122.83860726565763\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:ev=\"http://www.w3.org/2001/xml-events\" xmlns:xlink=\"http://www.w3.org/1999/xlink\"><defs/><rect fill=\"white\" height=\"92.498215380474\" width=\"122.83860726565763\" x=\"0\" y=\"0\"/><path d=\"M42.66358903143555,48.018557387113106 m-1.766839325428009,-1.5238291025161743 l-2.4672383069992065,0.11119353584945202 -2.375688999891281,0.15795204788446426 l-0.7487840950489044,0.522778183221817 -1.1917765438556671,-0.01093224622309208 l-0.5108201503753662,0.21673820912837982 -1.372467428445816,0.6614761054515839 l-0.5769515782594681,0.20800698548555374 -0.8808377385139465,0.1889462023973465 l-0.2610458992421627,0.319829098880291 -0.42413000017404556,0.1208236999809742 l-0.7385693490505219,0.8577367663383484 -2.0002876222133636,2.397817224264145 l-0.9337411820888519,1.1513679474592209 -1.2268326431512833,2.3917393386363983 l-0.019684135913848877,1.2389770150184631 -0.13202903792262077,0.3957100585103035 l-0.03586499486118555,1.705830842256546 0.02704421989619732,1.0538959503173828 l0.31829848885536194,0.9478305280208588 0.6748487055301666,0.4514705762267113 l0.13428297825157642,0.3231900557875633 2.4457255005836487,-0.00476052489830181 l2.120058834552765,-0.6656783819198608 1.7887254059314728,-1.2056050449609756 l2.9711338877677917,-1.9103114306926727 1.8336774408817291,-1.624886691570282 l0.8093511313199997,-0.546257421374321 1.0533811151981354,-0.7581274956464767 l0.5928129330277443,-1.120835468173027 0.7679972797632217,-0.762365460395813 l0.4256943613290787,-0.5854839831590652 0.3241763263940811,-1.2680935859680176 l0.02584432950243354,-0.3830500692129135 0.7087529450654984,-1.1983153223991394 l1.5072225034236908,-3.2478076219558716 1.7493276298046112,-2.0283523201942444 l1.3696087896823883,-2.437363862991333 -0.11875913478434086,-0.8296971023082733 l0.570286214351654,-1.003718301653862 0.6431332975625992,-0.9471774846315384 l1.4915831387043,-4.9823883175849915 -0.06465740501880646,-0.865810215473175 l0.1278521679341793,-0.997944250702858 0.09205910377204418,0.37210896611213684 l0.03824560670182109,-0.9788563102483749 0.15373850241303444,-0.8133968710899353 l-0.1069675013422966,-1.413220465183258 0.5689990893006325,-1.2173119187355042 l0.5674739181995392,-1.9605058431625366 0.5697420611977577,-1.521575003862381 l0.023622384760528803,0.09865078143775463 0.16457632184028625,-0.09896938689053059 l-0.15470576472580433,0.11957189068198204 -0.18209047615528107,0.8744915574789047 l-0.09775834158062935,0.9217430651187897 -0.5911930650472641,0.2939709648489952 l-0.15015075914561749,0.5336417630314827 -0.19041066989302635,0.7274673134088516 l-0.2105892449617386,0.7714233547449112 -0.6005242094397545,1.0543877631425858 l-0.6771311908960342,1.3292530179023743 -0.7206543534994125,1.024256870150566 l-0.5991881713271141,1.5267957746982574 -0.48154011368751526,1.2688222527503967 l-0.6472058594226837,0.9745803475379944 -0.4536087438464165,0.8831700682640076 l-2.1396565437316895,4.550029635429382 -0.9204395860433578,2.4744299054145813 l-0.7042001932859421,1.4064474403858185 -0.3793737664818764,1.1324378103017807 l-1.0620421171188354,1.468028575181961 -0.4370906203985214,1.899285912513733 l-0.6577444076538086,1.0541701316833496 -0.5611242353916168,2.0673196017742157 l-0.46660270541906357,0.9288400411605835 -0.41785258799791336,1.941649168729782 l-0.30553076416254044,2.8404217958450317 -0.16448140144348145,1.6264896094799042 l-0.11549774557352066,0.7066696882247925 -0.04936964251101017,-0.5748977139592171 l-0.185361560434103,1.9863930344581604 0.03509808797389269,1.2632234394550323 l4.186058342456818,-0.4186014086008072 0.47492615878582,-0.612746924161911 l1.3775092363357544,-0.8772407472133636 0.5756329745054245,-0.6638865917921066 l0.5197188258171082,-0.6805586069822311 0.43314918875694275,-0.5882676690816879 l0.29797933995723724,-0.5971852317452431 m11.193451881408691,-11.88812255859375 l0.6076544150710106,1.05069600045681 -0.2216896414756775,-0.16907598823308945 l0.48493288457393646,0.444842129945755 0.2848529815673828,-0.2952669747173786 l0.1390439085662365,-0.3185863047838211 0.12742631137371063,-0.1310946699231863 l0.45819491147994995,-0.4723844677209854 -0.16719849780201912,-0.49083516001701355 l0.3163354843854904,-0.1629520021378994 0.5433432012796402,-0.7447297871112823 l0.0010152585309697315,-0.1956983283162117 -0.17862418666481972,-0.4346543550491333 l0.2588455006480217,0.12624969705939293 0.2607453428208828,0.4181436821818352 l0.0324483634904027,-0.24695327505469322 0.22742783650755882,0.28569819405674934 l-0.19998155534267426,-0.12487896718084812 -0.22036807611584663,-0.17336204648017883 l0.10282847099006176,0.3024790808558464 -0.197626743465662,0.1645943522453308 l-0.2072686143219471,0.009499035077169538 -0.1969800889492035,-0.04940041806548834 l-0.13191431760787964,-0.051133884117007256 0.40189627557992935,0.3288513049483299 l-0.15416964888572693,-0.039297803305089474 m10.373479127883911,8.037877678871155 l-0.2308792807161808,-1.23478963971138 0.5174578353762627,-0.2706197090446949 l2.245865762233734,0.12543761171400547 0.4727642983198166,-0.307807270437479 l0.5194993317127228,-0.5317519977688789 0.658353716135025,-0.04686650354415178 l0.6928126513957977,-0.7099584490060806 0.4467236250638962,-0.10375297628343105 l0.1198459230363369,0.005467273877002299 0.29466118663549423,-0.09935515001416206 l0.3309449553489685,-0.05185539834201336 0.515165887773037,-0.6043589860200882 l0.3590437024831772,-0.08927633985877037 0.9780992567539215,-0.7751230895519257 l-0.06834641098976135,-0.49146153032779694 0.06295520812273026,-0.3130772337317467 l-0.11055193841457367,-0.9068030118942261 -0.07285037077963352,-1.266968995332718 l-0.05828297231346369,-0.9816884249448776 -0.3497692197561264,-0.2527628093957901 l-2.87951797246933,-0.023196565452963114 -0.2534322813153267,0.036532734520733356 l-0.05291291046887636,-0.7312427461147308 -0.4856758937239647,0.14107066206634045 l-0.6051992624998093,-0.08324486203491688 -0.23512780666351318,-0.08568071760237217 l-1.1123456060886383,0.05956202279776335 -1.4523966610431671,0.09904326871037483 l-0.5663589015603065,0.3034638985991478 -0.47577861696481705,0.029232625383883715 l-0.5154753103852272,0.4707363247871399 -0.45360833406448364,0.5098287016153336 l-2.695969045162201,3.295769989490509 -2.0298655331134796,3.5673999786376953 l-0.1432543620467186,0.6664217263460159 -0.17692675814032555,0.9645625948905945 l-0.4198860377073288,0.960785448551178 -0.046477108262479305,0.803438201546669 l-0.11676991358399391,0.8805029839277267 -0.05685693118721247,1.0215940326452255 l-0.06835412699729204,1.0823313146829605 -0.03666284494102001,1.0682275146245956 l-0.04135985393077135,0.5891960859298706 0.290795024484396,0.7717250287532806 l0.41476011276245117,0.9352034330368042 0.5902190506458282,-0.05124172195792198 l0.5699318647384644,-0.07467099465429783 0.6976715475320816,0.44898808002471924 l0.6291475892066956,0.32445352524518967 0.6376999616622925,0.4742027446627617 l0.6571962684392929,-0.23311523720622063 1.0880375653505325,0.24646073579788208 l0.7017599791288376,-0.4257068410515785 0.5603916570544243,-0.5683962255716324 l1.7538943886756897,-0.1852213777601719 1.040281280875206,-0.3743666782975197 l0.9023461490869522,-0.35660721361637115 0.7544732838869095,-0.28659407049417496 l0.6020411103963852,-0.5569881200790405 0.6830079108476639,-0.39809320122003555 m13.38918924331665,-7.162005305290222 l-1.5812471508979797,-0.9887292236089706 -0.7405475527048111,0.10657874867320061 l-0.5542991682887077,0.2909810468554497 -0.621187835931778,-0.014199311845004559 l-0.8933599293231964,-0.025014253333210945 -0.9175866097211838,0.458073727786541 l-0.5278338119387627,0.5177964642643929 -0.30135899782180786,-0.020253267139196396 l-0.26307884603738785,0.08847829885780811 -0.3405167907476425,0.21183837205171585 l-0.16766557469964027,-0.06308564450591803 -0.9270298480987549,0.6886208057403564 l-0.5659815296530724,0.05117532331496477 -0.48291683197021484,0.6488233059644699 l-1.367352455854416,1.2605054676532745 -0.0625374773517251,0.40995147079229355 l0.016402164474129677,0.6511484086513519 -0.27420591562986374,0.3452533856034279 l-0.3601541742682457,0.4381139948964119 0.03282071789726615,0.4414720833301544 l0.02138730837032199,0.7872472703456879 0.06961329374462366,1.4567247033119202 l0.30805207788944244,0.6373767554759979 0.04325655288994312,0.39628975093364716 l0.06687195971608162,0.7751965522766113 0.08341369219124317,0.6401631981134415 l1.1124316602945328,0.8193086087703705 0.4645691439509392,0.6836536526679993 l2.1028999984264374,0.7668852806091309 0.7129417359828949,-0.09027916938066483 l0.46738725155591965,0.019782164599746466 0.48898518085479736,-0.2487870305776596 l0.37927281111478806,-0.5245694518089294 0.32560039311647415,-0.557270348072052 l0.5055386200547218,-1.1988794058561325 0.2773798257112503,-0.9030761569738388 l0.3338942676782608,-1.039053276181221 0.41920971125364304,-1.2687180936336517 l0.4392500966787338,-1.3185139000415802 0.23720428347587585,-0.9570140391588211 l0.9050533920526505,-3.22083979845047 0.41191138327121735,-2.2057922184467316 l0.897318571805954,-4.709746241569519 1.3422197103500366,-4.0913039445877075 l0.03231340320780873,-0.7438287883996964 0.6049219518899918,-0.9693025052547455 l0.7083364576101303,-2.441691905260086 0.41364382952451706,-1.2028469145298004 l0.01130584510974586,-0.7015001773834229 0.08548294194042683,-0.6417224556207657 l0.09437286294996738,-0.5370257422327995 0.05037791561335325,-0.5449685081839561 l0.21151496097445488,-0.8107659965753555 0.26563582941889763,-0.9923830628395081 l-0.027564989868551493,-0.6661475449800491 0.1349756307899952,-0.8579304814338684 l0.11926239356398582,-1.5844352543354034 0.08447504602372646,-1.2952469289302826 l-0.24790795519948006,0.3881314769387245 -0.3250862658023834,-0.16518382355570793 l-0.32501760870218277,0.2608937583863735 -0.45494444668293,0.6029249727725983 l-0.4011005163192749,0.6248949840664864 -0.47937147319316864,0.7749246060848236 l-0.4293826222419739,0.5546717718243599 -0.3012377955019474,1.069578230381012 l-0.7708850502967834,1.0805676877498627 -1.9899116456508636,4.587974846363068 l-1.9042132794857025,5.8533406257629395 -1.031005084514618,2.48492568731308 l-0.09608645923435688,1.1722230911254883 -1.108141615986824,3.7697306275367737 l-0.06217585876584053,1.7380736768245697 -0.22677263244986534,1.1443214863538742 l-0.45778028666973114,2.174076586961746 -0.029493223410099745,2.746458947658539 l-0.09242004714906216,3.0477696657180786 0.4046621546149254,0.7074292749166489 l-0.08844278752803802,1.4901767671108246 0.025518627371639013,1.0850218683481216 l0.028532491996884346,0.08525054901838303 -0.10368551127612591,-0.786365419626236 l-0.0781729444861412,-0.2821037359535694 0.04956169053912163,-0.5531080439686775 l0.055150738917291164,-1.242022067308426 m9.138873815536499,-5.681979060173035 l0.15465098433196545,-0.19210457801818848 1.4707474410533905,-0.13857644982635975 l1.7784662544727325,-0.6846906989812851 0.342777743935585,-0.3212803229689598 l0.3082330524921417,-0.13723863288760185 0.33852893859148026,-0.6028064340353012 l0.3597570210695267,-0.11611430905759335 0.36180175840854645,-0.5680659413337708 l1.1053911596536636,-1.3576126098632812 0.31497612595558167,-0.09621418081223965 l0.9922614693641663,-1.3238143920898438 -0.048453984782099724,-0.7919488102197647 l0.05787265487015247,-0.21710360422730446 0.011047489242628217,-0.3099026530981064 l0.017635533586144447,-0.585186593234539 0.01867809798568487,-0.412108339369297 l-0.22546762600541115,-0.03947952762246132 0.027860638219863176,-0.16698354855179787 l0.027274631429463625,-0.3373922035098076 0.006023637834005058,-0.4112311452627182 l-0.4150594398379326,0.003523702034726739 -0.19417572766542435,-0.4323975741863251 l-0.1276920549571514,-0.3285512328147888 -0.3060882166028023,-0.0059184059500694275 l-0.7147546857595444,0.05023710895329714 -0.19111022353172302,0.015045141335576773 l-0.29363416135311127,-0.017711155815050006 -0.7666019350290298,0.022315913811326027 l-1.2170670926570892,0.01917404937557876 -0.22484416142106056,0.44909264892339706 l-0.4895889014005661,0.46888723969459534 -0.34886863082647324,0.03649457823485136 l-0.20414289087057114,0.048027816228568554 -0.24667015299201012,0.11446269229054451 l-0.03759339917451143,0.27357006445527077 -0.4336060956120491,0.5455467477440834 l-0.7368626445531845,1.1767855286598206 -1.8450428545475006,2.4535365402698517 l-0.40973473340272903,1.145421490073204 -0.05861157551407814,0.6789072602987289 l-0.02975109964609146,0.6646093726158142 -1.2601272761821747,3.0032190680503845 l-0.043232827447354794,0.8504849672317505 0.047999992966651917,0.2744482457637787 l0.016782938037067652,0.7018867135047913 0.012160709593445063,0.7753490656614304 l0.12770592235028744,0.21734464913606644 0.025358193088322878,0.44659219682216644 l0.8818051218986511,1.2569807469844818 0.04181671887636185,0.49777403473854065 l0.20505201071500778,0.009075632551684976 2.0541395246982574,1.1313404887914658 l0.39366230368614197,-0.1021328940987587 0.3597003221511841,-0.24783896282315254 l0.27366049587726593,-0.35421889275312424 0.19449099898338318,-0.4194062203168869 l0.32885290682315826,-0.5103946104645729 0.6322364509105682,-0.5842613056302071 l0.5624176934361458,-1.082325279712677 0.5477330461144447,-0.4218509793281555 \" fill=\"none\" stroke=\"black\" stroke-width=\"1\"/></svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"98.29927162187232\" version=\"1.1\" width=\"218.70327714511404\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:ev=\"http://www.w3.org/2001/xml-events\" xmlns:xlink=\"http://www.w3.org/1999/xlink\"><defs/><rect fill=\"white\" height=\"98.29927162187232\" width=\"218.70327714511404\" x=\"0\" y=\"0\"/><path d=\"M47.06715469910705,57.6094712541817 m3.4606659412384033,-4.091435670852661 l-0.6627142429351807,-0.33980201929807663 0.24675166234374046,0.027529164217412472 l-4.0598225593566895,-0.023884132970124483 -6.3370537757873535,0.13885736465454102 l-0.492144413292408,0.4652182385325432 -1.0015490651130676,0.8492260426282883 l-0.9435279667377472,0.42155832052230835 -0.8898832648992538,0.08435552008450031 l-0.7603873312473297,-0.06172033026814461 -0.3853582590818405,0.3903210535645485 l-1.3784554600715637,0.9394647926092148 -0.7970064133405685,-0.08163406513631344 l-0.39366472512483597,0.24086356163024902 0.17757786437869072,0.23202067241072655 l-0.1360087189823389,0.3061837889254093 -0.5475517362356186,0.12799954041838646 l-0.9626738727092743,0.8982954174280167 -0.7485262304544449,1.2828724086284637 l-0.7470427453517914,-0.10813627392053604 -1.5982387959957123,1.0368471592664719 l-0.06660399958491325,0.337730310857296 -0.3128822147846222,0.3582509234547615 l-0.46891096979379654,0.448598749935627 0.021526275668293238,0.5042490735650063 l-0.669073686003685,0.5633129924535751 -0.5023101344704628,0.0268010632134974 l0.0012026474723825231,0.49129556864500046 -0.3953946381807327,0.5490393564105034 l-0.333125963807106,0.5224782228469849 -0.025269286707043648,0.49513865262269974 l-0.32931677997112274,0.10996970348060131 0.02002783352509141,0.696897879242897 l-0.030701786745339632,0.6798528879880905 -0.019707886967808008,0.69858118891716 l0.027824407443404198,0.7438293099403381 0.2755294553935528,0.37743110209703445 l0.030429752077907324,0.6435665488243103 0.8493829518556595,0.49830537289381027 l0.026446597184985876,0.5955948680639267 -0.06021545268595219,0.4835231229662895 l-0.055500431917607784,0.37651121616363525 0.8538014441728592,0.5887917429208755 l1.0615352541208267,0.07684562355279922 0.9357152879238129,0.7651770859956741 l0.5309176445007324,-0.02999782096594572 0.7116734981536865,0.44619202613830566 l0.9307070076465607,0.5519803985953331 1.088065430521965,-0.13476540334522724 l0.571293793618679,0.02064808737486601 0.7733999192714691,0.06282865069806576 l0.44946271926164627,-0.08582294918596745 0.5252227932214737,0.43777119368314743 l0.9291626513004303,0.03449401818215847 0.7371073216199875,-0.026352782733738422 l1.085204854607582,0.04605182912200689 6.411058306694031,-0.03281017765402794 l0.863032191991806,0.000671693924232386 0.5971009656786919,-0.5643463879823685 l0.5934929847717285,-0.1967974565923214 0.8734434098005295,0.06672239396721125 l1.1302372068166733,-0.04092715214937925 2.5713887810707092,-0.06802127230912447 l1.1897405236959457,-0.20700043067336082 1.1456870287656784,-0.2369285747408867 l0.7627671957015991,-0.028940774500370026 0.7146383076906204,-0.3253956139087677 l0.7804062962532043,-0.18714329227805138 0.7733283936977386,-0.24481087923049927 l0.797203779220581,-0.36919061094522476 0.5407968536019325,-0.19232718273997307 l0.5379417538642883,-0.1990325190126896 0.9313508123159409,-1.1644572764635086 l0.10533046908676624,-0.5435236543416977 0.41914913803339005,-0.19678277894854546 m20.558667182922363,-43.56822967529297 l-0.7079289108514786,1.8521520495414734 -1.7747390270233154,1.2383313477039337 l-0.9854613989591599,0.6388894468545914 -0.02628925023600459,0.5484405159950256 l-0.2636578679084778,0.526028573513031 -0.8536498993635178,0.7186347246170044 l-0.09210210293531418,0.8665311336517334 -0.7314497232437134,0.6069311872124672 l-0.7153976708650589,0.7319445908069611 -0.7229970395565033,0.8737732470035553 l-0.09622974321246147,0.4037993401288986 0.32467134296894073,-0.04977621603757143 l-0.307600274682045,0.22010289132595062 -0.10916030965745449,0.6885547190904617 l-0.3705338388681412,0.3935783728957176 -0.08592077530920506,0.6004565209150314 l-0.39222221821546555,0.4355515167117119 -1.2696141004562378,2.4778489768505096 l-0.15637749806046486,0.6464681029319763 -0.6683649867773056,0.36430947482585907 l0.3937232866883278,-0.2119974046945572 -0.32109223306179047,0.31481407582759857 l-0.4970107972621918,0.801117941737175 -0.04673893563449383,0.4786180332303047 l-0.2634614519774914,0.41891057044267654 -0.14962048269808292,0.4090838134288788 l-0.15415053814649582,0.37708982825279236 -0.12192180380225182,0.40073320269584656 l-0.10115133598446846,0.3606385737657547 -0.16200019046664238,0.387168824672699 l-0.09218746796250343,0.37867799401283264 -0.17241928726434708,0.37956204265356064 l-0.09088167920708656,0.38732707500457764 -0.1206425204873085,0.3988955169916153 l-0.04847869277000427,0.4376688227057457 -0.16219917684793472,0.4007274657487869 l-0.5378665775060654,0.3309876099228859 0.015067850472405553,0.9803631901741028 l-0.5678742751479149,0.31133659183979034 -0.014140267157927155,1.1434565484523773 l0.09181873872876167,1.0290706157684326 -0.4649646207690239,0.5457355827093124 l0.013181731337681413,0.2575184218585491 0.14003515243530273,0.8589889109134674 l0.03015590598806739,1.0185106098651886 -0.39300259202718735,0.4725934565067291 l0.011471054749563336,0.00059695121308323 0.24533212184906006,0.15827463939785957 l-0.036164631601423025,-0.1927192322909832 -1.2123662233352661,-0.09528734721243382 m27.226731777191162,-7.350529432296753 l-0.014320241753011942,0.3092379495501518 0.719965323805809,0.0017617447883822024 l1.0719487071037292,-0.450156033039093 0.20637555047869682,0.022589813452214003 l0.5632000416517258,-0.14102189801633358 0.8856695890426636,-0.17645258456468582 l0.9594433009624481,-0.12535092420876026 0.5590001121163368,-0.35328883677721024 l0.24515025317668915,-0.15431535430252552 1.194828599691391,-0.34726474434137344 l0.5123735591769218,-0.04262960981577635 0.7465861737728119,-0.1513935625553131 l0.4205552116036415,-0.011619738070294261 0.7479255646467209,-0.17211249098181725 l0.4043326899409294,-0.014604527968913317 0.5930614843964577,-0.47768231481313705 l0.45404862612485886,0.01740696607157588 0.6962403655052185,-0.3977443277835846 l0.4264974221587181,0.03351785708218813 0.4128630459308624,0.013370796805247664 l0.6491866707801819,-0.4659206047654152 0.44746801257133484,0.03917164634913206 l0.3618151694536209,0.05738507956266403 0.5790138989686966,-0.40139708667993546 l0.4804646223783493,-0.31136132776737213 0.38090474903583527,0.03927017096430063 l-0.001016437090584077,-0.6217524409294128 -0.12979049235582352,-0.11354724876582623 l-0.2276906557381153,-0.07902654819190502 -0.1336207240819931,-0.20523298531770706 l-0.16280217096209526,0.039609530940651894 -0.23154288530349731,-0.13865227811038494 l-0.10639629326760769,-0.28682002797722816 -4.26440566778183,-0.11362257413566113 l-0.40408462285995483,0.10348399169743061 0.07068219128996134,-0.20581545308232307 l-0.3461160510778427,0.29855387285351753 -0.4419548809528351,0.18182486295700073 l-0.9794757515192032,0.9290197491645813 -0.6686871498823166,0.03281125100329518 l-0.15988711267709732,0.09961404837667942 -0.3899632394313812,-0.06689314264804125 l-0.29918376356363297,0.14976197853684425 -0.03292512381449342,0.19489333033561707 l-0.26866480708122253,0.14290053397417068 -0.48643436282873154,-0.06470140069723129 l-0.1521492749452591,0.23538658395409584 0.024872764479368925,0.30989503487944603 l0.0012210544082336128,0.307243000715971 -0.001455197052564472,0.35858161747455597 l-0.10934839025139809,0.3245599940419197 -0.4898381978273392,0.39611726999282837 l-0.025504676159471273,0.4423319175839424 -0.5213521793484688,0.4280078411102295 l-0.49307510256767273,0.4155411943793297 -0.003697269130498171,0.7296005636453629 l0.012419838458299637,0.5904348939657211 0.33221326768398285,0.9270429611206055 l0.00631695322226733,0.9969448298215866 0.26225898414850235,0.2102569304406643 l0.026539259124547243,0.6934987753629684 -0.04966985434293747,0.970441922545433 l0.09192224591970444,0.36543942987918854 0.30225250869989395,0.223789494484663 l-0.11431794613599777,0.38581524044275284 0.40573228150606155,0.7318789511919022 l0.33418815582990646,0.08842688053846359 0.5032027140259743,0.2524126134812832 l0.4730919376015663,0.07147540338337421 -0.00021309744624886662,0.35922426730394363 l-0.0734620587900281,0.43969660997390747 0.2570616826415062,0.05320815835148096 l0.30784977599978447,0.16604401171207428 -7.955586625030264e-05,0.2110070176422596 l0.5671859160065651,-0.21132579073309898 0.02735052490606904,0.31319543719291687 l0.6991542130708694,1.4017078280448914 0.7083606719970703,0.6095098331570625 l0.020356301683932543,0.41276875883340836 0.571947805583477,0.42932260781526566 l0.7556599378585815,0.7114294171333313 1.3099825382232666,-0.046164095401763916 l0.608392059803009,0.4971880838274956 0.6079543754458427,-0.031552757136523724 l2.6031920313835144,0.618276558816433 0.4372745007276535,0.22252438589930534 l1.4324350655078888,-0.053050220012664795 1.5131089091300964,0.2786578983068466 l1.903749257326126,0.05402276758104563 0.49310464411973953,-0.0028399506118148565 l1.446053832769394,-0.0066514970967546105 1.0338527709245682,-0.029527470469474792 l0.4574123024940491,-0.26123983785510063 0.6257756799459457,-0.0439660856500268 l0.6624649465084076,-0.05733489524573088 1.083165556192398,0.09494275785982609 l0.4460832104086876,-0.2602291479706764 0.5894871801137924,-0.03591384273022413 l0.5907956883311272,-0.061063519679009914 0.38943514227867126,-0.3212183713912964 l0.050686998292803764,-0.28662219643592834 0.5706696957349777,-0.05032316781580448 l1.0270384699106216,-1.2304379791021347 0.2459518238902092,0.1999608613550663 l0.21235790103673935,-1.0846029222011566 -0.3215222805738449,0.06942695938050747 l-1.6486464440822601,-0.012207415420562029 -0.31068313866853714,-0.19231276586651802 m24.952116012573242,-16.561195850372314 l-2.1365854144096375,0.15922069549560547 -1.269766390323639,-0.007064062519930303 l-1.0633043944835663,0.386255718767643 -2.418518215417862,-0.06212271749973297 l-0.6517568230628967,0.13120918534696102 -0.48127077519893646,0.10539362207055092 l-1.683945655822754,0.23456832394003868 -0.5041279643774033,0.46823523938655853 l-0.5216231197118759,0.07711297366768122 -0.44106800109148026,0.12687022797763348 l-0.6311791390180588,0.5902540683746338 0.19746165722608566,0.05041160620748997 l-0.36292925477027893,0.21407190710306168 -0.7303863018751144,-0.08661397732794285 l-0.6535246223211288,0.7581783831119537 -0.4829227551817894,0.6497827172279358 l-0.13680297881364822,0.24621544405817986 0.08282704278826714,-0.11468471959233284 l-0.21069545298814774,0.35690899938344955 0.0026708721998147666,-0.18785370513796806 l-0.21398186683654785,1.0770978033542633 -0.6281169503927231,-0.09776150807738304 l-0.24254443123936653,0.8913588523864746 -0.013560581719502807,0.36276910454034805 l-0.0351712922565639,0.3048085980117321 -0.03995787352323532,0.40545251220464706 l0.029151556082069874,0.5121258646249771 -0.5906761065125465,0.811079666018486 l0.0638777855783701,1.083173081278801 0.038198307156562805,0.7707399874925613 l0.1993684284389019,1.3472948968410492 0.41749976575374603,0.28941281139850616 l0.4789024591445923,0.6768238544464111 0.005442583351396024,0.6715730577707291 l0.2049843966960907,0.3621608391404152 0.5503323301672935,-0.012503457255661488 l0.062369201332330704,0.5173085257411003 0.20866252481937408,0.2610458806157112 l0.9973186254501343,0.5525847151875496 0.7679251581430435,-0.14895380474627018 l2.3670463263988495,-0.037168862763792276 2.9918479919433594,-0.008748337859287858 l2.3452001810073853,0.01990957884117961 0.7212409377098083,-0.17759013921022415 l0.8786243945360184,-0.6029653921723366 2.094603180885315,0.005823677638545632 l2.4930329620838165,0.03808166831731796 0.2958713285624981,-0.14387122355401516 l0.7945406436920166,0.044323746114969254 0.9685084968805313,-0.48929687589406967 l1.4078982174396515,-0.04474480636417866 0.3756534680724144,-0.03116125939413905 l0.5338790267705917,0.1538267731666565 0.7933606952428818,-0.021035303361713886 l0.21402033045887947,-0.07686404045671225 0.5047173798084259,-0.018630423583090305 l0.47813042998313904,-0.11482696980237961 0.47470927238464355,-0.28013555333018303 l0.5071913823485374,-0.0909577775746584 0.2233772724866867,-0.26908989995718 l0.11757981032133102,-0.25888141244649887 0.621526874601841,-0.0414578290656209 l0.6977038830518723,-0.38152776658535004 1.1467937380075455,-1.4512322843074799 l0.18401721492409706,-0.42913272976875305 0.12001132592558861,-0.38428496569395065 l0.5250532180070877,-0.13334599323570728 0.2845950238406658,-0.3613896667957306 l0.2533501386642456,-0.69356769323349 0.22538619115948677,-0.47342900186777115 l0.4314159229397774,-0.43730568140745163 0.19072523340582848,-0.46597953885793686 l0.6189805641770363,-0.6748444586992264 0.09899836033582687,-0.5903648212552071 l0.27778157964348793,-0.5479143932461739 0.2695445530116558,-0.4263715073466301 l0.1855936273932457,-0.7190146297216415 0.2517177350819111,-0.6353241205215454 l0.37285711616277695,-0.43605178594589233 0.03702329471707344,-0.8752194046974182 l0.2804143726825714,-0.5579814687371254 0.06785739213228226,-0.8247562497854233 l0.3335268050432205,-0.6459258496761322 0.09335284121334553,-0.9653814882040024 l0.4233117029070854,-0.4209868609905243 -0.13581559993326664,-0.8985958248376846 l0.059764739125967026,-0.4560764878988266 0.34242264926433563,-0.4572288691997528 l0.1477043703198433,-0.48505328595638275 -0.31861018389463425,0.31261738389730453 l0.1998898759484291,-1.3172407448291779 0.3135370463132858,-0.7033789902925491 l0.23578230291604996,-0.4290035739541054 0.06282147951424122,-0.8909465372562408 l0.25448013097047806,-0.35166073590517044 0.19610391929745674,-0.48084769397974014 l0.1771986111998558,-0.41984762996435165 -0.14903340488672256,-0.5862296372652054 l-0.02219178481027484,-0.26681724935770035 -0.16259821131825447,-0.37856895476579666 l-0.17752265557646751,0.3872312232851982 -0.33481694757938385,-0.25192607194185257 l-0.22203896194696426,0.3374002128839493 -0.3387703374028206,0.14302303083240986 l-0.21712709218263626,0.31033560633659363 -1.1177468299865723,0.2072436735033989 l-0.4648468643426895,0.9157346934080124 -0.2335199899971485,0.5087445303797722 l0.31484030187129974,0.20252056419849396 -0.7358472049236298,0.8816847205162048 l-0.3962166979908943,0.45876510441303253 -0.5775218456983566,0.237521193921566 l-0.5095669627189636,0.4709469899535179 -0.6844805926084518,0.8866305649280548 l-0.8709501475095749,0.733560174703598 -0.08005165494978428,0.5942390114068985 l-0.7550416141748428,0.8140400052070618 -0.2129252813756466,0.46505309641361237 l-0.5976705253124237,0.4360921308398247 -0.21948957815766335,0.42529772967100143 l-0.5162814259529114,0.40079548954963684 -0.30133333057165146,0.37391185760498047 l0.059128301218152046,0.8064796030521393 -0.6671401858329773,0.3604331985116005 l-0.1277538761496544,0.3990676999092102 -0.6087477505207062,0.44213514775037766 l0.0034208703436888754,0.489971823990345 -0.6483565270900726,0.8471190929412842 l-0.6480186432600021,0.042232596315443516 -0.2772447280585766,0.44808104634284973 l-0.6191041320562363,0.8351719379425049 -0.5550320446491241,0.35899732261896133 l-0.4848772659897804,0.378434918820858 -0.3559483215212822,0.4108700156211853 l-0.4285852238535881,0.33481091260910034 -0.6379061937332153,-0.02196621848270297 l-0.27278637513518333,0.3943536803126335 -0.627574697136879,0.3746647387742996 l-0.36545373499393463,0.34999553114175797 0.33872444182634354,1.509731262922287 l-0.8512475341558456,0.45080821961164474 -0.10187625885009766,0.46071093529462814 l-0.39242491126060486,0.36465510725975037 -0.11147870682179928,0.4436156898736954 l-0.3481883928179741,0.44879645109176636 0.03701966721564531,0.9561081230640411 l-0.5205883085727692,-0.036020532716065645 -0.0068354117684066296,0.569591224193573 l-0.4216805100440979,-0.025039908941835165 0.0898947473615408,0.8445939421653748 l0.0382707454264164,0.5706605687737465 0.035923279356211424,0.815030038356781 l0.04968170076608658,0.6523335725069046 0.5006279051303864,0.2505580522119999 l0.6274309009313583,0.19908804446458817 0.06463475991040468,0.21039582788944244 l0.08404793217778206,0.07649015169590712 0.08663835935294628,-0.12136810459196568 l0.7333765923976898,0.051837083883583546 0.7191242277622223,0.07730318699032068 l0.9930893778800964,0.05115126259624958 2.7270790934562683,-0.8478944003582001 l1.066361516714096,-0.02866573864594102 1.26165971159935,-0.03945650067180395 l0.23032668977975845,-0.3253616392612457 0.41569098830223083,-0.12295020744204521 l0.8899968862533569,-0.02992222784087062 0.8958524465560913,-0.013316205004230142 l0.853065699338913,-0.029424799140542746 1.9907382130622864,-0.039319428615272045 l0.8868995308876038,-0.09733565151691437 0.9573012590408325,-0.04790352191776037 l2.005462944507599,-1.053682267665863 m15.51284670829773,-2.8301528096199036 l2.420945316553116,-0.20798731595277786 0.9460435807704926,-0.003560310578905046 l0.8473968505859375,0.04766302648931742 0.20543381571769714,-0.19391505047678947 l0.3812389075756073,-0.22998560220003128 0.9852142632007599,-0.10186191648244858 l0.8283183723688126,0.051295869052410126 0.33579207956790924,-0.05056815221905708 l0.6039667129516602,-0.41952889412641525 0.7753879576921463,-0.35875599831342697 l0.7128053903579712,0.018992701079696417 1.0300493240356445,-0.25756392627954483 l0.6228048726916313,-0.3024301119148731 -0.02180051989853382,-0.20743254572153091 l-0.1644580438733101,-0.11060154996812344 -0.18695278093218803,-0.13624763116240501 l0.22140081971883774,0.03854406997561455 -0.0009608364052837715,-0.09499923326075077 l0.17083674669265747,-0.5714069306850433 -0.6655788421630859,-0.3440508246421814 l-0.6503935158252716,-0.136692076921463 -0.5318387225270271,-0.32396338880062103 l-0.3060399368405342,0.04830939695239067 -1.0695050656795502,-0.13709370978176594 l-4.194473922252655,-0.724928081035614 -0.0325243454426527,-0.18200291320681572 l-0.6963755935430527,-0.1265881024301052 -1.0378941893577576,-0.08156771771609783 l-1.0983682423830032,-0.14030450023710728 -0.5302968993782997,0.43222688138484955 l0.04980584140866995,0.43069183826446533 -0.7517367601394653,-0.11884895153343678 l-0.9882338345050812,-0.07819331251084805 -0.5951404571533203,-0.0700058788061142 l-1.3600784540176392,0.3765278309583664 -0.7463137060403824,-0.09268714115023613 l-0.47124743461608887,0.5271873623132706 -0.913899689912796,0.5983809381723404 l-0.42104441672563553,0.11345055885612965 -0.4816240444779396,0.4424998164176941 l-0.510852187871933,-0.19009331241250038 0.00011043576705560554,0.3346221521496773 l-0.8744063973426819,0.8416028320789337 -0.24241263046860695,0.2820962481200695 l-0.11963817290961742,0.32686028629541397 -0.6514930725097656,0.6717150658369064 l-0.5749121308326721,1.786772608757019 -0.0006316242070170119,0.8277816325426102 l0.008990733185783029,1.1744273453950882 0.07325506303459406,0.42060665786266327 l0.5017680674791336,0.18611185252666473 0.5832648649811745,0.13811768032610416 l2.1678954362869263,0.9612143784761429 2.665361166000366,1.059039905667305 l2.8075847029685974,0.8063119649887085 2.2527118027210236,0.6455618143081665 l1.6254830360412598,0.3108718805015087 0.6533244997262955,-0.0032069068402051926 l1.4224877953529358,0.04285921808332205 2.9508766531944275,0.004404597566463053 l0.7013856619596481,0.2407606691122055 1.40014186501503,-0.05901855416595936 l2.1049870550632477,0.007122423266991973 0.6502437591552734,-0.0010528801067266613 l0.47885362058877945,-0.07247596513479948 0.7386451214551926,-0.08600323460996151 l0.389413982629776,-0.3706789016723633 0.5825164541602135,-0.6785230338573456 l0.21910849958658218,-0.0801661517471075 \" fill=\"none\" stroke=\"black\" stroke-width=\"1\"/></svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"1.0\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"93.19261672964785\" version=\"1.1\" width=\"129.6663585551869\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:ev=\"http://www.w3.org/2001/xml-events\" xmlns:xlink=\"http://www.w3.org/1999/xlink\"><defs/><rect fill=\"white\" height=\"93.19261672964785\" width=\"129.6663585551869\" x=\"0\" y=\"0\"/><path d=\"M37.11660251792637,58.13667508366052 m-0.6438057124614716,0.6843626499176025 l-1.5718725323677063,-0.2928926981985569 -0.4472522810101509,0.2942829020321369 l-0.49067478626966476,-0.2374860644340515 -0.6326962262392044,0.1467287354171276 l-1.2039871513843536,0.07552587892860174 -1.088268980383873,0.20855054259300232 l-0.4147562012076378,0.32173387706279755 -1.031884253025055,-0.20304417237639427 l-0.9330713748931885,0.24317339062690735 -0.4344651475548744,0.3513968735933304 l-0.6256245076656342,0.4788190498948097 -0.5250690132379532,0.4173266142606735 l-0.5481924489140511,0.21342284977436066 -0.08145300671458244,0.1310361921787262 l-0.04132549278438091,0.26086999103426933 0.0020233883697073907,0.46560611575841904 l-0.5021670460700989,0.44493168592453003 0.12362620793282986,1.0071337223052979 l-0.2140577882528305,0.4760066419839859 0.026650098152458668,0.6642381846904755 l-0.36904290318489075,0.4762091115117073 0.05856120027601719,0.22715868428349495 l-0.527796559035778,1.0956143587827682 1.2645341455936432,1.0628857463598251 l0.5571650341153145,0.8966543525457382 1.0986733436584473,0.14569642953574657 l1.459699273109436,-0.4264194145798683 0.8845493197441101,-0.9250424802303314 l0.23254083469510078,-0.19347647204995155 2.07197442650795,-1.5245172381401062 l0.9824741631746292,-1.2652884423732758 1.0206470638513565,-0.8926911652088165 l0.6338382512331009,-0.707850456237793 0.24202216416597366,-0.4922143742442131 l0.47486670315265656,-0.4331079497933388 -0.1085131149739027,-0.43375343084335327 l0.07214921060949564,-0.5379455536603928 -0.20556475967168808,-0.40985647588968277 l1.1718568950891495,-0.9685792773962021 0.01259718555957079,-1.5589497983455658 l2.3161524534225464,-3.1163129210472107 0.0032220795401372015,-4.513506591320038 l0.0023201371368486434,0.22109797224402428 1.1722451448440552,-2.557935416698456 l0.015421814750880003,-4.348761737346649 1.9147077202796936,-2.4115020036697388 l0.008996536489576101,0.9297258406877518 0.9155914187431335,-1.1273299902677536 l0.512816458940506,-1.5815258026123047 0.6902606040239334,-0.5979833751916885 l-0.000658713179291226,-0.8406054973602295 0.48521578311920166,-0.2857626974582672 l0.10124405845999718,-0.5397667363286018 0.012775445356965065,-0.930730551481247 l-0.06309718359261751,0.5029455199837685 1.173708662390709,-0.870625376701355 l-0.3125053271651268,-0.10891176760196686 -0.034126206301152706,0.6182194128632545 l-0.204338189214468,0.7237281650304794 -0.1186826080083847,0.10991905815899372 l-0.43429482728242874,0.524664968252182 -0.06859980523586273,0.36622095853090286 l-0.7405754923820496,0.47437582165002823 0.05415117833763361,0.8175554126501083 l-0.43230582028627396,0.06697395350784063 -0.0021280885266605765,1.6400343179702759 l-0.3369773179292679,0.07097217720001936 0.0569207314401865,0.8014950901269913 l-0.7637082785367966,0.5738084763288498 0.23853793740272522,0.8266346901655197 l-0.4820780083537102,0.33314239233732224 -0.28288519009947777,1.4264164865016937 l-0.7516731321811676,2.383842319250107 -0.21283427253365517,0.6185879558324814 l-0.8826421946287155,7.561297416687012 0.3666319325566292,3.8779154419898987 l0.29955126345157623,0.39959151297807693 0.008921074331738055,1.3466490805149078 l1.5660971403121948,0.008219858864322305 0.25691868737339973,0.020560133270919323 l1.626962125301361,0.03885824466124177 1.7646250128746033,-0.7492797076702118 l0.3634569048881531,-0.5257634073495865 1.7718172073364258,-1.4106237888336182 l0.2804636023938656,-0.7863856852054596 -0.06455750670284033,-0.29619576409459114 l0.4421381652355194,-0.4821658134460449 0.45332591980695724,-0.7534874975681305 l0.39732344448566437,-0.34230444580316544 0.636560395359993,-1.7158648371696472 l0.8969374001026154,-0.8908487111330032 0.016699577681720257,-0.4946018010377884 l1.0271475464105606,-0.7733845710754395 0.22003669291734695,-1.970573365688324 l0.6375157833099365,-0.15136928297579288 0.6220744550228119,-0.4245144873857498 l-0.009220776264555752,-0.020251157693564892 0.30226778239011765,-0.27746163308620453 l0.007460832130163908,-0.02053199103102088 -0.08965880610048771,-0.2965652011334896 l0.36946162581443787,-0.035990639589726925 -0.03478247206658125,-0.728115513920784 l0.026813659351319075,-0.2216222696006298 0.12697050347924232,-0.29166534543037415 l-0.02879224019125104,-0.18684566020965576 -0.38215868175029755,-0.8637084066867828 l0.12145190499722958,0.8341063559055328 -0.33616870641708374,-0.44424913823604584 l0.026639383286237717,1.04873925447464 -0.011802877997979522,0.03670381614938378 l-1.353430598974228,3.957609236240387 0.8681466430425644,4.513489305973053 l0.05801488645374775,0.5569744855165482 -0.006836999673396349,2.2662724554538727 l0.28450699523091316,0.6730450689792633 2.184815853834152,1.4465664327144623 l0.01090285717509687,0.029600898269563913 4.161368906497955,-1.8060652911663055 l0.772152915596962,-0.5461191758513451 0.5152160301804543,-0.026470967568457127 l-0.06497714668512344,-0.7858842611312866 0.7173303514719009,0.22585328668355942 l0.366482250392437,-0.17519108951091766 0.43639250099658966,0.018081142334267497 l0.45166291296482086,-0.2281695045530796 1.3132674992084503,-1.5936490893363953 l1.7086510360240936,-0.8712536841630936 -0.008832228486426175,-0.42429041117429733 l0.7181884348392487,-0.3732374683022499 -0.04429246298968792,-0.8711319416761398 l-0.038140255492180586,-0.13506346382200718 0.5405377224087715,-1.9122318923473358 l-0.09805455803871155,-0.5075182020664215 0.309638325124979,-0.15475522726774216 l-0.3779551014304161,-0.7170389592647552 -0.07825357839465141,-1.3960504531860352 l-0.20068153738975525,-0.512513630092144 -0.023098280653357506,-1.537640243768692 l-0.13572200201451778,-0.5195499956607819 -0.47264155000448227,-0.22732948884367943 l-0.15046708285808563,0.22018719464540482 -0.49824781715869904,0.016738835256546736 l-0.011445555137470365,0.4479413107037544 -0.4524742066860199,-0.059113805182278156 l0.05549024324864149,0.9455531090497971 -0.38912560790777206,-0.08251647464931011 l0.10852976702153683,0.5474129319190979 -0.35610005259513855,0.651627704501152 l-0.5540225654840469,1.2211252003908157 -0.0526126055046916,0.4388495907187462 l-0.024106488563120365,3.0107158422470093 -0.2542402781546116,0.4887673258781433 l-0.024092688690871,2.036914974451065 -0.011293094139546156,2.75208055973053 l0.4838583618402481,0.3014174848794937 -0.03456291509792209,0.025988456327468157 l-0.0024192403361666948,1.13902248442173 0.2296571061015129,0.4932626336812973 l-0.040489425882697105,1.1404163390398026 0.3487154096364975,0.7239686697721481 l-0.027950305957347155,0.264679379761219 0.8252998441457748,0.5326095223426819 l1.223779246211052,0.5440822243690491 0.5983409285545349,-0.3887811675667763 l0.8881668001413345,-0.07590298540890217 0.922258049249649,-1.1014728248119354 l-0.054100449196994305,-0.16101745888590813 0.5540026724338531,0.029747304506599903 l0.1453954353928566,0.023724064230918884 2.6038455963134766,-2.677251696586609 l0.41072312742471695,0.007908529951237142 0.21322013810276985,-0.207583736628294 l0.011335591552779078,-0.5934164300560951 0.5560951679944992,-0.07177452556788921 l1.8783734738826752,-2.4954384565353394 0.5240848287940025,0.07016329560428858 l-0.09770414792001247,-0.38156721740961075 1.0310003906488419,-0.5717998370528221 l0.8216977119445801,-1.2565386295318604 0.3658983111381531,0.04931449890136719 l1.7390982806682587,-3.5963958501815796 0.8378235995769501,-0.9198825061321259 l1.990378201007843,-2.6311951875686646 -0.08310902863740921,-0.6982871145009995 l-0.5157361179590225,0.13494335114955902 -0.17826588824391365,-0.23446409031748772 l-1.7159882187843323,1.2826938927173615 -0.8865492045879364,0.4671749100089073 l-0.9175603091716766,1.262543946504593 -0.6157898530364037,0.5415331572294235 l-1.793796867132187,1.2572959065437317 -0.03891361178830266,0.6762295961380005 l-0.801466777920723,0.6605037301778793 -0.7604753226041794,2.397288531064987 l-1.014530286192894,0.15784349292516708 -0.129282521083951,0.9478039294481277 l-0.6685834378004074,0.5128787457942963 -0.05643296521157026,0.752921923995018 l-0.43430086225271225,0.7906290888786316 -0.2907165512442589,1.2752005457878113 l-0.14539466239511967,0.9412900358438492 0.7980773597955704,2.2507189214229584 l0.43883781880140305,0.1465625874698162 0.40889210999011993,0.2398444525897503 l2.027178555727005,-0.6810425221920013 3.4870365262031555,-3.408721685409546 l2.903720438480377,-4.8856329917907715 2.5041189789772034,-4.9761763215065 l0.8854423463344574,-1.1813008040189743 0.6943558156490326,-1.1848527938127518 l0.8109710365533829,-1.527608335018158 0.39731986820697784,-1.2920555472373962 l-0.028184729162603617,-1.5060022473335266 0.5715397372841835,-1.0141611844301224 l-0.030470911879092455,-1.4851014316082 0.40603429079055786,-1.5360748767852783 l-0.03800747683271766,-3.5473471879959106 0.5671000108122826,-2.0473821461200714 l0.1751258596777916,-1.4905060827732086 0.5091550573706627,-1.7105011641979218 l0.22107696160674095,-1.6552472114562988 0.41069988161325455,-0.7485754787921906 l0.2849281206727028,-1.7440637946128845 -0.03131002886220813,0.8617593348026276 l-0.08666949346661568,0.7279114425182343 0.050331405363976955,1.1681278049945831 l-0.03483086358755827,0.5478592962026596 -0.14628151431679726,0.5900498479604721 l-0.0019688234897330403,0.5484189838171005 -0.1169334165751934,0.35725168883800507 l-0.599951334297657,1.4307400584220886 -0.05493768956512213,0.5824954062700272 l-0.06915354169905186,1.0108863562345505 -1.0812369734048843,4.115375578403473 l-0.678933784365654,0.9627345204353333 -0.12816390953958035,1.049983873963356 l-1.2732358276844025,2.089257091283798 -0.03202567109838128,2.110927700996399 l-0.6588122248649597,1.151147186756134 0.0605033989995718,0.7736019790172577 l-0.4366800934076309,0.9465312212705612 -0.14616778120398521,0.9520567208528519 l-0.2607879787683487,1.2522511184215546 -0.023759808391332626,1.7436473071575165 l0.07293235510587692,0.7181606441736221 -0.04875187762081623,0.6871338933706284 l0.128090288490057,1.4828839898109436 -0.0009049322397913784,2.4816931784152985 l0.36794066429138184,0.6289593875408173 0.10158482939004898,0.37605587393045425 l-0.003658731875475496,1.1487996578216553 3.4599417448043823,2.790655195713043 l0.9216242283582687,0.573650412261486 1.7226257920265198,0.06125627085566521 l0.07143043912947178,-0.2871227264404297 0.7648711651563644,0.4214286431670189 l1.5569384396076202,-0.4263664409518242 2.032555937767029,-1.256570816040039 l2.84911572933197,-2.034020870923996 0.9383473545312881,-1.140165850520134 l0.6555522233247757,-1.1146686226129532 2.272578328847885,-2.918170392513275 l1.498374342918396,-3.083362579345703 0.03680294146761298,-2.0738887786865234 l-0.044962549582123756,-1.1547346413135529 -0.16564009711146355,-0.8115018159151077 l-1.3625258207321167,-1.1882338672876358 -0.3176591172814369,0.45536503195762634 l-4.104452431201935,2.02295258641243 -0.4105684906244278,0.822795107960701 l-0.6375525146722794,0.18243120983242989 -0.3163089230656624,0.7648051530122757 l-0.34566018730401993,0.5131615325808525 -0.22117897868156433,0.923590287566185 l-0.8188364654779434,0.6342947483062744 -1.1519552022218704,2.6033487915992737 l-0.5272738635540009,0.566859245300293 -0.2628128230571747,0.5408252775669098 l-0.3370146080851555,0.8573808521032333 -0.04042288288474083,1.5715788304805756 l-0.03671565093100071,2.0678631961345673 -0.020559774711728096,0.8366332948207855 l0.7781937718391418,1.3434132933616638 1.1896207928657532,2.5437843799591064 l1.0761506110429764,0.6082328036427498 1.569811999797821,0.7276231795549393 l0.8330357819795609,0.48704732209444046 1.9189408421516418,0.514085665345192 l0.8388036489486694,0.17451781779527664 0.761890783905983,0.06668567657470703 l1.0464273393154144,0.20490000024437904 0.42708683758974075,-0.30323460698127747 l0.7517185807228088,0.06598039995878935 0.6509482860565186,0.05903680343180895 m-58.27858924865723,-21.482303142547607 l2.1782322227954865,-1.4306318759918213 1.1231600493192673,0.26447853073477745 l0.43255358934402466,-0.3683098405599594 0.9775646775960922,-0.2998298592865467 l-0.06129850633442402,-0.4236636683344841 -0.05144471302628517,-0.4358445852994919 l0.5283232033252716,-0.3272593021392822 \" fill=\"none\" stroke=\"black\" stroke-width=\"1\"/></svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"92.3190723452717\" version=\"1.1\" width=\"243.34701860323548\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:ev=\"http://www.w3.org/2001/xml-events\" xmlns:xlink=\"http://www.w3.org/1999/xlink\"><defs/><rect fill=\"white\" height=\"92.3190723452717\" width=\"243.34701860323548\" x=\"0\" y=\"0\"/><path d=\"M42.84261703491211,56.91433862783015 m-2.648850679397583,-3.249366581439972 l-15.193766355514526,5.067430734634399 4.499956369400024,6.131685972213745 l7.17684805393219,-0.3834652900695801 7.559256553649902,-1.7446163296699524 l2.3312458395957947,4.583065211772919 4.713137745857239,-2.146063596010208 l16.791704893112183,-1.7517174780368805 -15.144428014755249,1.7328967154026031 l-4.497956037521362,0.135077191516757 0.11641244404017925,-0.2227860502898693 l0.1300282683223486,0.332220159471035 2.5391313433647156,0.32698921859264374 l1.4403137564659119,-0.18279815092682838 3.8501328229904175,-0.8599532395601273 l11.47430419921875,-3.128620684146881 14.05889630317688,-5.0057679414749146 l10.455994606018066,-5.323180556297302 0.804600715637207,-1.0385097563266754 l12.86510705947876,-4.525144398212433 6.872729063034058,-1.7834876477718353 l11.796574592590332,-4.729735851287842 3.9851579070091248,-1.7456355690956116 l11.371152400970459,-2.817613184452057 4.994435012340546,-1.7704837024211884 l8.673868775367737,-1.857272982597351 9.862533807754517,-1.3353422284126282 l13.117504119873047,-1.6418524086475372 16.756904125213623,-1.9359984993934631 l14.994608163833618,-1.0442917048931122 4.0166714787483215,0.2948150224983692 l3.1933987140655518,0.6015589460730553 2.546793520450592,0.597129762172699 \" fill=\"none\" stroke=\"black\" stroke-width=\"1\"/></svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"93.58074561429021\" version=\"1.1\" width=\"194.80938183231046\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:ev=\"http://www.w3.org/2001/xml-events\" xmlns:xlink=\"http://www.w3.org/1999/xlink\"><defs/><rect fill=\"white\" height=\"93.58074561429021\" width=\"194.80938183231046\" x=\"0\" y=\"0\"/><path d=\"M45.472455262206495,51.633987307704956 m-2.1419939398765564,0.11665662750601768 l-0.5591549724340439,0.15581481158733368 -0.29072416946291924,0.32309696078300476 l-1.0781719535589218,-0.47277018427848816 -0.47916077077388763,0.7746118307113647 l-0.8232318609952927,-0.021550152450799942 -0.5693426355719566,0.49891065806150436 l-0.6578988581895828,-0.160035640001297 -0.4864398017525673,0.7362815737724304 l-2.026020735502243,0.09596033953130245 -0.460965558886528,0.2976442500948906 l-1.663353592157364,0.8502743393182755 -1.0627715289592743,0.6096987426280975 l-0.5740906298160553,0.23389095440506935 -1.0824572294950485,0.6025863066315651 l-0.469929538667202,0.3035978600382805 -1.9245034456253052,1.4165288209915161 l-0.6186333298683167,0.6735569983720779 -0.5426755920052528,0.5735665559768677 l-0.5605776980519295,0.409553162753582 -0.11831664480268955,0.6010042503476143 l-0.5713359266519547,0.6990300863981247 -0.5266758054494858,0.6919006258249283 l-0.2909252233803272,0.11568528600037098 -0.03467532340437174,0.9820462763309479 l-0.2292914129793644,0.5705087259411812 -0.18362708389759064,0.29562121257185936 l-0.44550999999046326,0.6236507743597031 0.011663647601380944,0.6481170654296875 l0.7430300861597061,0.7230495661497116 0.09615295566618443,0.479830801486969 l0.04240293987095356,0.4117727652192116 0.059370086528360844,0.31635913997888565 l0.43648555874824524,0.47135740518569946 1.4473801851272583,-0.08264650590717793 l0.9119030833244324,0.9814653545618057 2.558780610561371,0.04051795694977045 l0.4182281345129013,0.35961270332336426 0.9941490739583969,-0.23843295872211456 l1.2607091665267944,-0.060975183732807636 0.9134750813245773,-0.08945873938500881 l1.50974839925766,0.007422642665915191 1.043284460902214,-0.4791208356618881 l1.2404623627662659,-0.2884288877248764 1.9681547582149506,-0.7117434591054916 l5.085400342941284,-2.0322443544864655 0.20968379452824593,-0.2741772495210171 l-0.3799673169851303,-0.10904263705015182 0.37120431661605835,-0.11897307820618153 l0.4711255431175232,-0.23518811911344528 -0.18046822398900986,0.19223179668188095 m18.218815326690674,-32.81127452850342 l-0.9630543738603592,2.103402018547058 -1.1525741964578629,2.0675019919872284 l-0.12124250642955303,0.9952832758426666 -0.8476202189922333,0.6281162053346634 l-2.031790465116501,2.483150362968445 -2.2627949714660645,2.798338532447815 l-1.9260762631893158,2.3614855110645294 -1.8119628727436066,2.686156928539276 l-1.8843486905097961,2.574858069419861 -0.7551044970750809,0.5609209835529327 l-0.02768648788332939,0.6541136652231216 -0.1625150628387928,0.4742761701345444 l-0.6992845237255096,0.9492991864681244 -0.635194256901741,1.0784339904785156 l-0.16150232404470444,0.053677395917475224 -1.3830485939979553,1.7922034859657288 l-0.0025857475702650845,1.2503813207149506 -0.16886891797184944,0.4677748307585716 l-0.5112620070576668,0.17442207783460617 -0.5428101122379303,0.6879447400569916 l-0.58754812926054,0.44565044343471527 -0.08480819873511791,1.1401895433664322 l-0.04358879756182432,1.2996354699134827 -0.31577546149492264,0.42116980999708176 l-0.0376518489792943,0.11719729751348495 -0.3480636700987816,-0.26591069996356964 l-0.05099182948470116,0.15486417338252068 m37.258009910583496,-11.520920991897583 l-0.15364495106041431,0.7931151241064072 -0.13405031524598598,0.43054647743701935 l0.3091057017445564,0.38187261670827866 0.006139494362287223,0.16604024916887283 l-0.7274506986141205,0.469670407474041 0.1661541499197483,0.1362739596515894 l0.0722129549831152,-0.0721879955381155 -0.22416003048419952,-0.043233390897512436 l0.07747206371277571,0.10360577143728733 -0.1662847027182579,0.3171505033969879 l-0.19561337307095528,0.2973092533648014 0.09602010250091553,0.1149558275938034 l-0.48763465136289597,0.49757130444049835 0.1207603607326746,0.2411903440952301 l-0.02773562679067254,0.34409623593091965 0.12517026625573635,0.20607108250260353 l-0.039642113260924816,0.13293135911226273 0.168693158775568,0.13176151551306248 l-0.004985934356227517,0.16766075044870377 0.3506153076887131,0.05118547938764095 l0.1934874802827835,-0.3713475540280342 0.11925543658435345,-0.1788833923637867 l0.2787008136510849,-0.046344525180757046 -0.420280396938324,-0.12113268487155437 l0.23441292345523834,-0.049870251677930355 0.10939403437077999,-0.1452798768877983 m9.965673089027405,-14.308524131774902 l-1.472044587135315,0.6025256589055061 -0.19812259823083878,0.1831088587641716 l-0.06443916819989681,0.20125046372413635 0.053758504800498486,0.18346944823861122 l-0.3859807923436165,-0.04681446123868227 -0.040980344638228416,0.00389187567634508 l0.025898388121277094,-0.012887688353657722 0.12350489385426044,0.30482014641165733 l-0.08294890634715557,0.3594060242176056 0.06792954169213772,0.32619696110486984 l0.19723767414689064,0.9102387726306915 -0.005273139686323702,-0.0022044680372346193 l0.269875880330801,0.030636824667453766 0.12099292129278183,0.2545474097132683 l0.19481811672449112,-0.03355255117639899 0.17079312354326248,0.17514731734991074 l0.09739676490426064,0.2947947569191456 0.5386554449796677,-0.11192583478987217 l0.31972263008356094,-0.08298317901790142 0.16083290800452232,-0.15494933351874352 l0.29799748212099075,-0.0732158636674285 0.29444020241498947,-0.07812290918081999 l0.2853032015264034,-0.09925874881446362 0.5799609422683716,-0.4953218996524811 l0.22666309028863907,-0.04542688839137554 0.034455524291843176,-0.30844777822494507 l0.3375401720404625,-0.5673665553331375 0.015752370236441493,-0.23299837484955788 l-0.11626170016825199,0.08031073957681656 0.023327218368649483,-0.6268272548913956 l-0.32560132443904877,-0.2105756662786007 -1.1637065559625626,-0.5904350057244301 l-0.534590594470501,-0.19934019073843956 -0.8637940883636475,0.005448691081255674 l-1.1752225458621979,-0.08849565871059895 -0.3204910084605217,-0.05463668145239353 l-0.17084581777453423,0.09963326156139374 -0.3663940355181694,0.07136973086744547 m17.990249395370483,17.067625522613525 l0.544067732989788,-0.4482467472553253 1.3776351511478424,-0.07138944696635008 l2.072475403547287,-0.3450110927224159 0.6269600242376328,0.09584380313754082 l1.1883005499839783,-0.4800843074917793 0.5699440836906433,0.14024272561073303 l0.5426036566495895,-0.27433741837739944 1.0395968705415726,-0.11038483120501041 l0.7617820799350739,-0.3201446682214737 0.43965164572000504,-0.016490885755047202 l0.3800646960735321,-0.053509511053562164 0.6406038999557495,-0.5465204641222954 l0.557660348713398,-0.19684510305523872 0.818614736199379,-0.8211033791303635 l-0.574723407626152,-0.9076060354709625 -0.091260876506567,-0.4551120474934578 l-0.05818227306008339,-0.5095153674483299 -0.09051200933754444,-0.5071580782532692 l-0.30083781108260155,-0.5276048555970192 -0.5480444803833961,-0.266804788261652 l-0.5528244003653526,-0.2647220157086849 -0.43539948761463165,0.41194841265678406 l-0.9650281816720963,0.048297932371497154 -1.2077675759792328,0.022320388816297054 l-1.2889572978019714,0.001684323651716113 -0.533355362713337,0.40899403393268585 l-0.878075435757637,0.053413170389831066 -0.8614172786474228,-0.010252171196043491 l-0.5161905288696289,-0.03217568388208747 -0.4370545223355293,0.43233565986156464 l-1.2467771768569946,0.1185920275747776 -0.6109976023435593,-0.009241985972039402 l-1.5247607231140137,0.5761831626296043 -0.03785063046962023,0.19548974931240082 l-0.4447232559323311,0.011671199463307858 -0.026913946494460106,0.42005710303783417 l-0.01993612851947546,0.16962874680757523 0.06469026673585176,0.14251363463699818 l-0.4410186782479286,0.0028594769537448883 -0.04367541987448931,0.08949442766606808 l-0.9380266815423965,0.5562429875135422 -0.023636585101485252,0.22009765729308128 l-0.5561378970742226,0.4748217388987541 -0.8752298355102539,0.3105337917804718 l-0.020087948068976402,0.527108944952488 0.0018359284149482846,0.2739577367901802 l-0.5330664291977882,0.4681062325835228 -0.4613523930311203,0.4121381416916847 l0.04490777850151062,0.2473004348576069 -0.4964959993958473,0.4812522232532501 l-0.07036971859633923,1.0166137665510178 0.26604024693369865,1.094520390033722 l0.021553337574005127,0.4006735607981682 -0.07280801422894001,0.8592400699853897 l0.2403257042169571,0.1052843127399683 0.5752342194318771,0.6532969325780869 l0.42458467185497284,0.0009304379636887461 0.3252759948372841,0.04883567336946726 l0.5037138611078262,0.5375218018889427 0.6327120214700699,-0.008544180891476572 l0.49716535955667496,0.4437674954533577 0.4144221171736717,-0.061831194907426834 l0.44253721833229065,0.37504516541957855 2.742273509502411,-0.030209210235625505 l2.1527516841888428,0.9853469580411911 1.7864379286766052,0.040934616699814796 l0.5555017665028572,-0.16772743314504623 0.8787654340267181,-0.1434092316776514 l2.5229650735855103,0.01016688416711986 1.725526601076126,0.023747077211737633 l0.7190681248903275,-0.5149124935269356 0.4884468764066696,-0.24214284494519234 l0.7344216108322144,-0.06291186902672052 0.057607474736869335,-0.42901426553726196 l-0.0031207234133034945,-0.31644798815250397 0.07569849956780672,-0.18778376281261444 l-0.1665084809064865,-0.2764761447906494 -0.6959373503923416,-0.6634804606437683 m23.77358913421631,-10.337215662002563 l-1.6765256226062775,-0.40104445070028305 -1.839326173067093,-0.07659144699573517 l-0.9748633950948715,0.36498095840215683 -1.453128606081009,0.0030452958890236914 l-0.8169621974229813,0.042171962559223175 -0.7488104701042175,0.03691181540489197 l-1.0661887377500534,0.45977339148521423 -0.7141643017530441,0.4976530745625496 l-1.0283537954092026,0.16107242554426193 -0.5205073580145836,0.02631980460137129 l-0.4163956269621849,0.007550957961939275 -0.5289843678474426,0.4051654785871506 l-0.7790246605873108,0.02757208188995719 -0.828992947936058,-0.0033718859776854515 l-0.8166802674531937,0.056263795122504234 -1.0450342297554016,0.5448935553431511 l-0.06332785356789827,0.49088332802057266 0.25056224316358566,0.06160701625049114 l-0.6190895289182663,0.10724564082920551 0.013201332185417414,-0.287683941423893 l-0.5408768355846405,0.07533086463809013 0.27942944318056107,-0.04838528577238321 l-0.7306193560361862,0.06298037711530924 -0.052642859518527985,0.1284626219421625 l0.03068743972107768,0.3732530027627945 0.1135752722620964,0.2821183018386364 l-0.3483116999268532,0.07453239057213068 -0.4902132600545883,0.40303464978933334 l-0.0630298862233758,0.5703040584921837 -0.5816743895411491,0.43815501034259796 l-0.0204385700635612,0.573468804359436 0.06840027868747711,0.36766622215509415 l0.3202572837471962,2.1073652803897858 0.49407415091991425,0.38569018244743347 l0.7443776726722717,0.43316930532455444 0.6650610268115997,0.4712628945708275 l0.7250435650348663,0.06737136282026768 0.6695476919412613,0.10793082416057587 l0.761987492442131,0.6173243001103401 0.8644260466098785,0.06361762527376413 l1.1687417328357697,0.04170505329966545 2.453152984380722,0.00028021606340189464 l2.522534132003784,0.044522215612232685 1.1142685264348984,-0.5347882956266403 l0.957840085029602,-0.5853831022977829 0.522681251168251,-0.10640246793627739 l0.43074529618024826,-0.2062726765871048 0.5126972869038582,-0.5708962306380272 l1.2330973893404007,-1.1530215293169022 0.671289786696434,-0.28570886701345444 l0.5871026962995529,-1.4007869362831116 0.7153599709272385,-2.2070443630218506 l0.7325723767280579,-0.7345558702945709 0.5800068005919456,-0.33042866736650467 l2.193831652402878,-2.610301971435547 0.8421512693166733,-2.135697901248932 l0.1389991957694292,-0.7169345766305923 0.49254171550273895,-0.4526904597878456 l0.584876649081707,-1.2042608112096786 1.271224319934845,-2.4393364787101746 l0.009915361879393458,-0.7926087081432343 0.061737969517707825,-0.6660549342632294 l0.27771079912781715,-0.7228104025125504 0.3962588310241699,-1.1305396258831024 l0.7522581517696381,-1.929130107164383 0.1695696823298931,-1.0337863862514496 l0.2430516853928566,-1.2406068295240402 0.2901679649949074,-1.0393274575471878 l0.24758338928222656,-1.3227084279060364 0.2802210859954357,-0.7600191235542297 l-0.1272390689700842,-1.5301229059696198 -0.0546954944729805,-1.0666019469499588 l-0.027452991344034672,-1.0756058245897293 0.09457066655158997,-0.8305557817220688 l0.27423195540905,-0.7507938146591187 0.20072484388947487,-0.12668877840042114 l0.06197817623615265,-0.2165350690484047 -0.08861413225531578,-0.769241452217102 l0.1587255485355854,-0.16020243987441063 0.11754821054637432,-0.1957971230149269 l-0.07039181888103485,-0.0738139171153307 -0.026646333280950785,0.5153968557715416 l-0.5564489588141441,1.328233927488327 -0.4579411819577217,0.5018803849816322 l-0.040610041469335556,0.6638865172863007 -0.026689202059060335,0.6317613273859024 l-0.4511372372508049,0.3921906277537346 -0.21910037845373154,0.4434555023908615 l-0.39775241166353226,0.40952984243631363 -0.19445469602942467,0.4309532791376114 l-0.3812292218208313,0.4008771851658821 -1.2800991535186768,2.0174847543239594 l0.08064419962465763,0.5171129107475281 -1.199348121881485,1.8116657435894012 l-1.3234120607376099,2.057672142982483 -0.9457198530435562,1.9423648715019226 l-0.5867300927639008,0.46134594827890396 -0.18070047721266747,0.5412238463759422 l-0.11012815870344639,0.5420653149485588 -0.4575030505657196,0.33546872437000275 l-0.13316852040588856,0.5256282165646553 -0.15268340706825256,0.47349706292152405 l-0.044910674914717674,0.8078604191541672 -0.7565415650606155,1.3917933404445648 l-0.41012197732925415,0.539923720061779 -0.23445060476660728,0.45444682240486145 l-0.062353163957595825,0.9160203486680984 -0.5037578567862511,0.3961004689335823 l0.013604313135147095,0.3974546864628792 -0.48862796276807785,0.4039463400840759 l-0.13181927613914013,0.41440360248088837 -0.3938354179263115,0.540560856461525 l-0.36859191954135895,0.5608285963535309 -0.5787178874015808,0.23359831422567368 l0.2285502292215824,-0.1318687666207552 -0.5635547265410423,0.36243997514247894 l-0.16256315633654594,0.3958490490913391 -0.44737663120031357,0.4470618814229965 l-0.009080992895178497,0.5882305651903152 -0.6096051633358002,0.4222119599580765 l-0.017102446872740984,0.4447333887219429 -0.33489715307950974,0.4799685999751091 l-0.09251782670617104,-0.2455710992217064 -0.10653397999703884,0.37225954234600067 m22.441787719726562,-4.279536008834839 l-0.0443608732894063,-0.6180151551961899 0.9607458859682083,-0.20016267895698547 l0.8571254462003708,-0.045044426806271076 0.4314516857266426,-0.1600860059261322 l0.328235924243927,-0.36684513092041016 0.32709453254938126,-0.1351002138108015 l0.38519322872161865,-0.0597356166690588 0.4251839220523834,-0.265986118465662 l0.49433067440986633,-0.30868515372276306 0.5109338834881783,-0.3541349619626999 l0.6660621613264084,-0.4717304930090904 0.5317523702979088,-0.4533589631319046 l0.46356137841939926,-0.1362608466297388 0.4190244525671005,-0.08198710158467293 l0.5895930156111717,-0.4895402863621712 -0.07250041235238314,-0.4507235437631607 l0.06723632104694843,-0.15866359695792198 0.4871625080704689,-0.09164848364889622 l0.5336550250649452,-0.10205710306763649 1.1711635440587997,-1.4581085741519928 l-0.17819933593273163,-0.6836450099945068 -0.0869827438145876,-0.4171663150191307 l-0.06757501978427172,-0.48408977687358856 -0.09574135765433311,-0.40345750749111176 l-0.4475647583603859,-0.016009554965421557 -0.05703927017748356,-0.405905582010746 l-0.2209051512181759,-0.15305747278034687 -0.5687426030635834,-0.5096978694200516 l-0.9586756676435471,-0.0225868565030396 -0.5080635100603104,-0.212134700268507 l-1.1767388135194778,0.05392429884523153 -1.5110166370868683,0.0660700211301446 l-0.3326430544257164,0.25630081072449684 -0.5822825059294701,-0.07141509093344212 l-0.7079742103815079,0.013836626894772053 -0.28199704363942146,0.14056552201509476 l-0.5592618510127068,0.0737587921321392 -0.53580641746521,0.06842681672424078 l-0.45750368386507034,-0.05463434383273125 -0.5014257505536079,0.05214064382016659 l-0.48913609236478806,0.06624165922403336 -4.202280342578888,4.224773645401001 l-0.10071510449051857,0.5093049257993698 -0.8263775706291199,0.6094172596931458 l-0.5831735581159592,0.5833569169044495 -0.058221896179020405,0.6537733972072601 l-0.06462223827838898,0.65630242228508 -0.2882014214992523,0.038422360084950924 l-1.006697192788124,1.0100564360618591 0.08554555475711823,0.5202512070536613 l-0.3285914659500122,4.096122682094574 0.33860988914966583,0.10565785691142082 l0.5131688341498375,0.3595244139432907 -0.03758780425414443,0.7732854038476944 l1.7195625603199005,1.3570404052734375 0.7106443494558334,0.4769500344991684 l0.15131010673940182,-0.05327974446117878 0.8128402382135391,0.47695692628622055 l0.7857860624790192,-0.10108847171068192 0.9348451346158981,0.48070240765810013 l1.6446208953857422,0.0536264618858695 1.2395111471414566,0.5182585120201111 l1.1353778094053268,0.6935358792543411 1.0533599555492401,0.48849280923604965 l0.5518976226449013,-0.2592910826206207 0.5166829749941826,-0.3470706194639206 l0.4632992297410965,0.3057219460606575 1.6533896327018738,-0.8244112133979797 l0.6293343752622604,0.2402845211327076 0.7253403961658478,-0.5789940059185028 l0.5816840007901192,-0.06515906658023596 0.09520117193460464,0.11750387959182262 l0.07509051356464624,-0.3307313099503517 0.24512248113751411,-1.0854370146989822 l-0.2424803376197815,0.014824812533333898 \" fill=\"none\" stroke=\"black\" stroke-width=\"1\"/></svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"106.94990876181691\" version=\"1.1\" width=\"139.8527813981491\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:ev=\"http://www.w3.org/2001/xml-events\" xmlns:xlink=\"http://www.w3.org/1999/xlink\"><defs/><rect fill=\"white\" height=\"106.94990876181691\" width=\"139.8527813981491\" x=\"0\" y=\"0\"/><path d=\"M35.803755633533,57.34780730090279 m-2.1426546573638916,0.6970886886119843 l-0.22483762353658676,0.6402129679918289 -1.0226291418075562,-0.18327349796891212 l-0.6908468157052994,0.9233516454696655 -0.47651562839746475,-0.07184457033872604 l-0.22765221074223518,0.20723911002278328 -0.304039865732193,0.03518521320074797 l-0.30839456245303154,0.09773017838597298 -0.3149086609482765,0.052524590864777565 l-0.29563114047050476,0.10954099707305431 -0.5769656226038933,-0.017697454895824194 l-0.47021035104990005,0.47119662165641785 -0.35225819796323776,0.5693519487977028 l-0.31454354524612427,0.47615576535463333 0.19001664593815804,-0.04792134277522564 l-0.13191159814596176,0.29693417251110077 -0.20267874002456665,0.31564585864543915 l-0.0945134274661541,0.3257180005311966 -0.44062521308660507,0.8513053506612778 l-0.7963435351848602,1.6020607948303223 -0.28614234179258347,0.4912836104631424 l-0.324660986661911,1.1774225533008575 -0.6028291583061218,2.0785877108573914 l-0.39197925478219986,0.5780050903558731 0.11070559732615948,0.6508366018533707 l-0.06325205788016319,0.6890283524990082 0.1472956594079733,0.6499291211366653 l0.0028722529532387853,0.8789383620023727 0.5756453424692154,0.5375463142991066 l-0.020190132781863213,0.5012590810656548 -0.018697441555559635,0.4434632509946823 l-0.2635788358747959,0.12796535156667233 0.32977569848299026,3.4695041179656982 l1.3027334213256836,3.2440564036369324 0.211738683283329,0.6059474125504494 l0.21928086876869202,0.14442129991948605 0.43339915573596954,0.8814089745283127 l0.25528019294142723,0.0025451689725741744 1.5038737654685974,0.038230535574257374 l0.23216575384140015,0.061217108741402626 0.3251200541853905,-0.4707799479365349 l1.3256187736988068,0.09125531651079655 0.33816833049058914,0.010038933251053095 l0.38027286529541016,0.024636578746140003 1.099189892411232,0.11655411683022976 l0.42657189071178436,-0.08896957151591778 1.1113884299993515,-0.5584928020834923 l0.4214319586753845,-0.006904693436808884 0.1669645868241787,-0.7015346735715866 l0.7625538110733032,-1.3718493282794952 0.763281062245369,-2.2495028376579285 l1.6390512883663177,-2.087615430355072 0.16695305705070496,-0.62254898250103 l0.220695361495018,-0.618177056312561 0.9173852205276489,-1.8092012405395508 m8.483673930168152,-40.04035472869873 l-0.2892051823437214,2.3186272382736206 -0.3365173935890198,0.43604522943496704 l-0.37405990064144135,2.0633482933044434 0.05219683516770601,0.6597422808408737 l-0.5488940328359604,2.19647079706192 -0.5719665437936783,1.9705674052238464 l-0.0791698694229126,0.7321712374687195 -0.43879467993974686,0.9642668813467026 l-1.20853491127491,3.8302960991859436 -0.6505248695611954,1.950213760137558 l-0.03462799824774265,1.2020621448755264 0.12959941290318966,0.8588737994432449 l-0.3916415572166443,1.3631394505500793 0.04433274269104004,1.336972862482071 l-0.45539747923612595,1.643989235162735 -0.373171828687191,1.3839258253574371 l-0.47144144773483276,2.8310757875442505 -0.5998556315898895,3.864971697330475 l0.02626674948260188,0.8612514287233353 0.06584299728274345,1.4953427016735077 l-0.36524228751659393,0.7032926380634308 0.018397807143628597,1.3756687939167023 l-0.04014409612864256,1.0191668570041656 -0.1300426945090294,0.632246658205986 l-0.36322858184576035,0.2264455147087574 0.012398876715451479,2.488596737384796 l-0.33510029315948486,0.6259199976921082 -0.3558952733874321,-0.19900118932127953 l0.05951134022325277,-0.49911603331565857 -0.2357282117009163,0.3623601794242859 l0.024331051390618086,-0.48934441059827805 -0.05389017518609762,-0.517500601708889 l0.14859571121633053,-0.6233411282300949 0.008084549335762858,-0.6241128221154213 m18.43254327774048,-11.51296615600586 l0.09290485642850399,0.3823152557015419 0.20201513543725014,-0.03618755144998431 l0.49692269414663315,0.5852509289979935 0.1515552867203951,0.11194690130650997 l0.09549444541335106,0.003784959844779223 0.12174665927886963,-0.006910754018463194 l0.051869614981114864,0.09877841919660568 0.12903251685202122,0.20997457206249237 l-0.33332638442516327,0.25974612683057785 0.033477223478257656,0.21132396534085274 l0.025784969329833984,0.4359937831759453 -0.27898700907826424,0.4241655021905899 l0.03411398269236088,0.5494838580489159 -0.0016454956494271755,0.3021414764225483 l-0.29362011700868607,0.5899040028452873 0.02878156490623951,0.7295277714729309 l-0.34379586577415466,0.521145723760128 -0.6050143018364906,1.9856831431388855 l0.07827511988580227,1.2497305870056152 0.12871342711150646,0.3855017200112343 l0.08767197839915752,0.3893411159515381 0.6899426877498627,-0.13489588163793087 l0.5755380541086197,0.12934195809066296 0.2445206604897976,-0.17818421125411987 l1.6790543496608734,-0.6702767312526703 0.10429552756249905,-0.4620879516005516 l0.3542224317789078,0.06034572143107653 0.21281884983181953,-0.16137653961777687 l0.3271940350532532,0.04436280578374863 0.02606346271932125,-0.1371308695524931 l0.4747596010565758,-0.4818405210971832 0.013229012256488204,-0.10486616753041744 l-0.9483440965414047,-1.137193739414215 0.2120422199368477,-0.08380891755223274 l-0.12061530724167824,0.09108404628932476 m1.6189424693584442,-20.437488555908203 l-1.0345523804426193,0.38711801171302795 0.04203514661639929,0.8706244826316833 l-0.055014826357364655,0.30955104157328606 0.37972457706928253,0.5269554629921913 l-0.030046459287405014,0.2986459247767925 -0.05374483298510313,-0.03344406373798847 l-0.050364588387310505,-0.1517449226230383 -0.008334590820595622,0.47971490770578384 l0.04806715529412031,0.3893093019723892 -0.07048270665109158,0.19836083054542542 l-0.1675938442349434,0.4618818312883377 -0.06866485811769962,0.4295874759554863 l-0.029354419093579054,0.4178605228662491 0.01894154236651957,0.3904174640774727 l-0.02086579566821456,0.9920495748519897 -0.022191579919308424,1.0194143652915955 l0.14761573635041714,-0.0065615924540907145 0.1194415520876646,0.2456965297460556 l-0.01606993144378066,0.1491541974246502 -0.021935391705483198,0.5189946293830872 l-0.021872525103390217,0.28577789664268494 0.13942424207925797,-0.021493560634553432 l-0.0206181057728827,0.18507400527596474 0.14175179414451122,0.256038848310709 l0.13417362235486507,0.11623485013842583 0.14287610538303852,-0.03695933613926172 l0.0033187883673235774,0.391450896859169 0.12120487168431282,0.03770463867112994 l0.15424633398652077,0.09717673994600773 0.2864313870668411,0.1659492403268814 l0.18636954948306084,0.011744310613721609 0.004915811005048454,-0.004216715751681477 l0.3409825265407562,-0.7088007777929306 0.2796611376106739,-0.0034971116110682487 l0.178496316075325,-0.21944953128695488 0.10670839808881283,-0.25816189125180244 l0.16289053484797478,-0.2162785641849041 -0.26650769636034966,-0.8782480657100677 l-0.009063647594302893,-0.243120938539505 0.0839470699429512,-0.16326159238815308 l-0.33955298364162445,-0.08846890181303024 -0.012099647428840399,-0.06146281957626343 m6.5731024742126465,11.125954389572144 l0.1933738961815834,-0.13626476749777794 0.4875786602497101,-0.0953066535294056 l0.8357908576726913,-0.5325120687484741 0.4990043118596077,-0.04790760111063719 l0.30715741217136383,-0.023184819146990776 0.21310677751898766,-0.3353578597307205 l0.0033015641383826733,-0.4181594029068947 0.20283449441194534,-0.40822163224220276 l0.003636868786998093,-0.00045399800001177937 -0.030640510376542807,-0.15999458730220795 l0.07342958357185125,-0.2401067316532135 0.09351748041808605,-0.08217399008572102 l-0.3047921322286129,-0.16854839399456978 0.024578021839261055,-0.9653167426586151 l-0.025764943566173315,0.0053724151803180575 -0.38204576820135117,-0.10636934079229832 l-0.022918907925486565,-0.11012796312570572 -0.03931309096515179,-0.08722539059817791 l-1.881481558084488,-0.1339989434927702 -0.8106198161840439,-0.055597592145204544 l-0.0986950471997261,0.18484197556972504 -0.25476759299635887,0.3053567185997963 l-0.17198972404003143,0.04555052611976862 -0.02939573721960187,0.25080036371946335 l-0.5319085717201233,0.5063970759510994 0.021015561651438475,0.31584061682224274 l-0.16153762117028236,0.32772600650787354 0.04134615417569876,0.33626314252614975 l-0.016223820857703686,-0.03990029450505972 0.033917175605893135,0.3377264738082886 l-0.1795831136405468,0.06743662990629673 0.020739438477903605,0.34148912876844406 l-0.35143543034791946,0.46498145908117294 -0.04192342050373554,0.2560977265238762 l-0.20865971222519875,0.351390540599823 0.0024751012097112834,0.28372757136821747 l-0.19408773630857468,0.5464240908622742 -0.30482979491353035,0.3358091041445732 l-0.23169321939349174,0.28461406007409096 -0.21616825833916664,0.7984329760074615 l0.04127280320972204,0.4736708477139473 0.015837233513593674,1.009775921702385 l0.08293121121823788,0.4969143867492676 0.4910910874605179,1.2265487015247345 l-0.0029236619593575597,0.39539843797683716 0.6678760796785355,1.078048199415207 l-0.007911938591860235,0.5114426091313362 0.04011180251836777,0.6492335349321365 l0.08495316840708256,0.21483222022652626 0.377512127161026,0.7226871699094772 l0.9306953847408295,0.8774538338184357 0.2821221761405468,0.28413478285074234 l0.26706164702773094,0.3650636598467827 1.2760159373283386,0.3070852719247341 l1.4579153060913086,0.05165903829038143 0.35457395017147064,0.015712311724200845 l0.6986039876937866,0.04059686791151762 0.2784990891814232,-0.032300816383212805 l0.45174241065979004,-0.3461194410920143 0.44136494398117065,-0.4084109514951706 l0.1948145404458046,0.033986628986895084 -0.004607102018781006,-0.08752401918172836 l0.19536379724740982,-0.24528296664357185 0.28437739238142967,-0.1388882752507925 m10.44349193572998,-13.921283483505249 l-0.5599074438214302,0.012104767374694347 -0.25484204292297363,-0.04874860867857933 l-0.10174603201448917,0.09308143518865108 -0.39095837622880936,0.002307722461409867 l-0.3678366541862488,-0.040026139467954636 -0.31879693269729614,-0.0529519934207201 l-0.206004548817873,0.3175424784421921 -0.3828449174761772,-0.029252672102302313 l-0.25338899344205856,-0.018481394508853555 -0.5073363706469536,0.7540074735879898 l-0.161370187997818,0.17169231548905373 -0.23708421736955643,-0.02748471451923251 l-0.44031552970409393,0.6741304695606232 -0.4593500867486,0.837109386920929 l0.0021054215903859586,0.3291661664843559 -0.2272782288491726,0.6009148433804512 l-0.4672781378030777,0.833587646484375 -0.3535037115216255,0.7979508489370346 l-0.22703399881720543,0.6652688980102539 -0.1865609548985958,0.9319768846035004 l-0.29345404356718063,0.5608682706952095 -0.2750123478472233,1.1682520061731339 l-0.17668630927801132,0.41759755462408066 0.04689269233494997,1.2506084144115448 l-0.2235749363899231,0.38131214678287506 0.023412597365677357,1.373351812362671 l0.049330699257552624,1.5188917517662048 1.1562807112932205,1.7165587842464447 l0.20170940086245537,0.24856360629200935 0.22225957363843918,0.27208320796489716 l1.9413115084171295,-0.015738209476694465 0.3402741253376007,0.2418046072125435 l0.5600648745894432,-0.2103082276880741 0.34509140998125076,0.034276354126632214 l0.2893837168812752,-0.11622997932136059 0.3861759603023529,0.0022669292229693383 l0.2773047238588333,-0.20059611648321152 0.2753474563360214,-0.16090014949440956 l0.32836660742759705,-0.09581797756254673 0.6678938865661621,-0.38019437342882156 l0.5189363285899162,-0.5077734217047691 1.0157926380634308,-1.123414933681488 l0.3820398449897766,-0.525735393166542 0.3392130509018898,-0.4240693897008896 l1.3877855241298676,-2.445841133594513 0.4896904528141022,-0.8053451776504517 l0.41467104107141495,-0.5759792029857635 0.15413116663694382,-0.5737972632050514 l0.4328387603163719,-0.8496770262718201 0.492953285574913,-0.615180991590023 l0.5658983439207077,-2.348725348711014 0.5901900678873062,-1.3037289679050446 l0.3357461467385292,-1.8804062902927399 0.7594040781259537,-1.4490869641304016 l0.42220499366521835,-1.246178224682808 0.4232519492506981,-1.2781253457069397 l1.2223084270954132,-4.173880219459534 0.5310138687491417,-2.3764239251613617 l1.2485694885253906,-4.632841944694519 0.6032080575823784,-1.7445260286331177 l0.7555229961872101,-3.2798081636428833 0.922400951385498,-4.155784845352173 l0.548766553401947,-1.4273042976856232 0.5298475176095963,-2.429967373609543 l0.533369705080986,-3.0002236366271973 0.30889272689819336,-1.0413232445716858 l-0.23944823071360588,-0.039259218610823154 0.3165729343891144,-0.33330798149108887 l-0.17297068610787392,-0.3741239756345749 0.28361180797219276,-0.1159767434000969 l-0.04792944062501192,-0.3867433965206146 0.08718645200133324,0.7579898834228516 l-0.3266322612762451,0.5082161352038383 0.11845205910503864,0.3631346672773361 l0.06534645799547434,0.625511109828949 -0.17080403864383698,0.9326265007257462 l-0.03373033134266734,0.655134841799736 -0.4867267981171608,2.2530007362365723 l-0.20761510357260704,0.7296787947416306 -0.26815980672836304,1.03508822619915 l-0.7541497051715851,3.277510702610016 -0.8597871661186218,2.6276010274887085 l0.26732513681054115,-0.5263544991612434 -1.6111741960048676,4.960054457187653 l-0.351724810898304,1.7991366982460022 -0.8572328835725784,2.725185751914978 l-2.3376446962356567,9.72195029258728 -0.1009751670062542,1.142372265458107 l-0.1849617250263691,1.4314062893390656 -0.20427482202649117,0.9799286723136902 l-0.2388681285083294,0.8162112534046173 -0.09345070458948612,0.8163513988256454 l-0.03310305532068014,1.6022780537605286 -0.1021901611238718,0.7214800268411636 l-0.03585419384762645,0.7389780133962631 -0.0032015846227295697,1.511535495519638 l-0.07726364769041538,0.5364546924829483 0.43468669056892395,0.3540708124637604 l-0.03663720330223441,0.8833497762680054 -0.08799831382930279,0.41306495666503906 l-0.06539880763739347,0.4767245799303055 1.1911140382289886,0.7376822829246521 l0.10982024483382702,0.3559650853276253 0.6611677259206772,-0.7443559169769287 l-0.23298121988773346,0.5275684967637062 0.16990859061479568,-0.2967103198170662 m9.599310755729675,-8.636361360549927 l0.9241606295108795,-0.37978459149599075 0.7035381346940994,0.08995700627565384 l0.6450732797384262,-0.2297762595117092 0.16219371929764748,-0.12067368254065514 l0.2090512402355671,-0.22207925096154213 0.6308841705322266,-0.09056159295141697 l0.2717967703938484,-0.09212150238454342 0.22820910438895226,-0.02833453007042408 l-0.02701617544516921,0.22463079541921616 0.166966300457716,-0.04812604747712612 l0.19756708294153214,0.00838697247672826 0.19290819764137268,-0.03500338178128004 l0.0521000986918807,-0.2695138566195965 0.2699544094502926,0.03660570131614804 l0.49896564334630966,-0.24923710152506828 0.30659351497888565,0.026113823987543583 l-0.034796453546732664,0.1457766257226467 0.004525498661678284,-0.24587903171777725 l-0.03918535076081753,-0.3007376752793789 0.7896815240383148,-0.8046197891235352 l0.2926929108798504,-0.298798568546772 0.23045776411890984,-0.4181024432182312 l-0.02765753772109747,-0.3759683296084404 0.22296704351902008,-0.0022322646691463888 l-0.016910305712372065,-0.3144541010260582 -0.0009636714094085619,-0.9743157029151917 l-0.038680899888277054,-0.4691445454955101 -0.03468716982752085,-0.1324316579848528 l-0.20984314382076263,-0.47669798135757446 -0.1808738149702549,-0.022196713835000992 l-0.05356896203011274,-0.17804443836212158 -0.21273475140333176,-0.03128269221633673 l-0.23819290101528168,-0.0032324562198482454 -1.2411656975746155,0.28923746198415756 l-0.4038124531507492,0.037784045562148094 -0.17302000895142555,-0.010126893175765872 l-0.10303574614226818,-0.026616037357598543 -0.028908425010740757,0.27730654925107956 l-0.19541272893548012,-0.07460141088813543 -0.61492919921875,1.1569834500551224 l-0.3320557624101639,-0.0831011962145567 -0.4028414562344551,0.5498024076223373 l-0.015678424388170242,0.3944196179509163 -0.257393978536129,-0.06224313750863075 l-0.9113903343677521,1.8328319489955902 -0.2266525663435459,0.3814888745546341 l-0.3272775188088417,0.7496817409992218 0.017972085624933243,0.7094390690326691 l-0.01822689431719482,0.6605997681617737 -0.33958375453948975,0.6347953528165817 l-0.21872885525226593,0.7846856862306595 0.508917011320591,1.185140237212181 l-0.015573333948850632,1.2461750209331512 0.0114941515494138,0.8853230625391006 l0.0950233917683363,0.4823783412575722 0.0708817457780242,0.484582856297493 l-0.0028035251307301223,0.6771265715360641 -0.04442084580659866,0.6755997985601425 l0.03879596944898367,0.33817313611507416 -0.016626043943688273,0.9064242988824844 l-0.005391461309045553,0.512307919561863 0.837760791182518,2.4867576360702515 l0.12584010139107704,0.29198892414569855 0.37846334278583527,0.9627106785774231 l0.45760903507471085,0.36158524453639984 0.07318536285310984,0.5269189551472664 l0.1024874858558178,0.3046869672834873 0.8218338340520859,0.04706747829914093 l0.1695074699819088,0.3117894008755684 0.16672737896442413,-0.048878113739192486 l0.4271366074681282,0.022677523083984852 0.6676299124956131,-0.07909386418759823 l0.10187135078012943,-0.0004645270382752642 0.23018056526780128,-0.021857870742678642 l0.3233470022678375,-0.016892782878130674 0.4522908106446266,-0.006645384710282087 l0.5939996987581253,0.00851268821861595 1.559738963842392,-1.8139970302581787 \" fill=\"none\" stroke=\"black\" stroke-width=\"1\"/></svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"92.05841310322285\" version=\"1.1\" width=\"199.961886586525\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:ev=\"http://www.w3.org/2001/xml-events\" xmlns:xlink=\"http://www.w3.org/1999/xlink\"><defs/><rect fill=\"white\" height=\"92.05841310322285\" width=\"199.961886586525\" x=\"0\" y=\"0\"/><path d=\"M39.67466086614877,48.47258669906296 m0.6922148913145065,-1.529250591993332 l-0.13540989719331264,-0.3529033064842224 -0.14096461236476898,0.04228540230542421 l-3.124496340751648,-0.013558464124798775 -1.056687831878662,-0.2925410494208336 l-2.5032907724380493,1.1459381878376007 -1.1015474796295166,0.35904664546251297 l-0.5762095004320145,0.2146696113049984 -1.0937696695327759,0.5541973933577538 l-0.39933111518621445,0.5193028226494789 -1.8091189861297607,1.195017322897911 l-0.9090753644704819,0.8775769919157028 -0.37752188742160797,0.6174284592270851 l-0.31006360426545143,1.2065411359071732 -0.36460161209106445,0.8155276626348495 l-0.05469519179314375,1.045370027422905 -1.1498723924160004,2.3208151757717133 l-0.2602194994688034,0.8069784939289093 0.10790647938847542,1.8809521198272705 l0.12665617279708385,0.558909997344017 -0.04074897617101669,0.516626313328743 l0.07368805818259716,1.2128698080778122 0.5367390066385269,0.54781723767519 l0.22044600918889046,0.528360977768898 1.6071011126041412,0.9213151782751083 l0.728258416056633,-0.050385016947984695 0.9808219969272614,-0.21344568580389023 l1.0167296230793,0.05161064211279154 1.1262040585279465,0.018823269056156278 l0.6034158542752266,-0.03351126564666629 2.1070322394371033,-0.44684998691082 l2.0240500569343567,-0.8670329302549362 0.8368354290723801,-0.20530950278043747 l0.8041662722826004,-0.7200261950492859 2.748260498046875,-1.6834688186645508 l0.8957222104072571,-0.36604437977075577 0.5267496407032013,-0.9057343751192093 l0.7414031028747559,-0.4218241944909096 3.255070149898529,-3.58110249042511 l0.6220046430826187,-1.0433329641819 1.5380698442459106,-1.5677028894424438 l1.1562055349349976,-2.0699942111968994 2.322002500295639,-4.202717542648315 l1.647716611623764,-3.062330186367035 4.402266144752502,-8.296088576316833 l0.6854864954948425,-1.8727226555347443 0.848734974861145,-1.140945553779602 l0.012593768769875169,-0.7870368659496307 0.36335013806819916,-0.6691797077655792 l0.2308887057006359,-0.6512533873319626 0.45873168855905533,-0.5461264029145241 l1.0230964422225952,-2.075914740562439 0.02883275505155325,-0.683797225356102 l0.42030755430459976,-0.6123824790120125 0.5261879786849022,-0.46605393290519714 l-0.03351438790559769,0.38150209933519363 0.1015778724104166,0.6226465851068497 l-0.44984862208366394,1.5453523397445679 -1.67883962392807,3.6673200130462646 l-1.6513055562973022,4.421873092651367 -0.04943669307976961,0.9435802698135376 l0.03305062418803573,0.39950285106897354 -0.6647887080907822,1.3616235554218292 l-0.5019110813736916,1.116718277335167 -1.2302462011575699,2.638584077358246 l-1.4558401703834534,3.4776121377944946 -1.288597583770752,2.335805743932724 l-1.3650232553482056,3.332042396068573 -1.184995323419571,3.0218467116355896 l-0.37933964282274246,1.1031772941350937 -0.8512307703495026,2.016296088695526 l-0.22362276911735535,1.199023276567459 -0.5387146770954132,1.4727108180522919 l-0.44166289269924164,1.6028021275997162 -0.4762334004044533,1.0685795545578003 l-0.029386980459094048,2.5365960597991943 0.4063824936747551,0.531976968050003 l0.10969331488013268,-0.2687090262770653 0.06315533071756363,1.1692696809768677 l0.6086614727973938,0.36068011075258255 0.6473306566476822,-0.022529978305101395 l0.2040395513176918,-0.21060749888420105 -0.03264528466388583,-0.47350719571113586 l0.722159743309021,-0.08324328809976578 m22.60272741317749,-13.549344539642334 l-0.7557228207588196,0.508003942668438 0.04968081135302782,0.05654219537973404 l0.11275015771389008,0.15008634887635708 -0.3229914978146553,-0.2793564274907112 l0.0411509582772851,0.1922568492591381 -0.0025760813150554895,0.26531511917710304 l-0.019907131791114807,0.15246358700096607 -0.09424104355275631,0.11921803466975689 l-0.1874726079404354,0.2840668335556984 -0.01426949049346149,0.1698758453130722 l0.003932643739972264,0.12246214784681797 -0.01078695640899241,0.129218939691782 l-0.21137570962309837,0.4374014213681221 -0.34092579036951065,0.24385273456573486 l-0.2161783166229725,0.3461448848247528 -0.07769289426505566,0.20865600556135178 l-0.13450000435113907,0.3973652049899101 -0.24549582973122597,0.5107998475432396 l-0.040555079467594624,0.17133058980107307 0.10694656521081924,0.0825589057058096 l0.09466753341257572,0.4312550649046898 -0.035851290449500084,0.22456467151641846 l0.06235209759324789,0.07562740240246058 -0.1786264032125473,-0.20904416218400002 l0.24199716746807098,0.20072871819138527 0.12232426553964615,0.3411540389060974 l0.11557492427527905,0.23840580135583878 0.1707175187766552,0.37794362753629684 l0.46511150896549225,0.009833256481215358 0.36682721227407455,0.07241758983582258 l0.9257570654153824,0.4908144846558571 0.3579052537679672,-0.017111250199377537 l0.2886373735964298,-0.09696952998638153 m6.026971936225891,-21.31174325942993 l-1.7530757188796997,0.06159105338156223 m15.92229962348938,14.021224975585938 l0.4621676355600357,-0.27601825073361397 0.8508583903312683,-0.004395251453388482 l1.351219266653061,0.09925788268446922 0.5528835952281952,-0.26250213384628296 l0.3818843886256218,-0.20868079736828804 1.0834963619709015,0.1845191791653633 l0.3847544267773628,-0.08583215996623039 0.4287649691104889,-0.351385660469532 l0.4460548982024193,-0.29298245906829834 -0.0781822856515646,-0.05310713313519955 l0.5839336290955544,-0.11200559325516224 1.0320360213518143,-0.36928728222846985 l0.24316176772117615,-0.03208821173757315 0.5117947980761528,-0.3574027493596077 l0.48600900918245316,-0.021641459316015244 -0.0684816250577569,0.14309757389128208 l0.8690930157899857,-0.45139845460653305 0.05238479468971491,-0.10989868082106113 l0.5025883764028549,-0.02605851273983717 1.3948127627372742,-0.019645034335553646 l-0.06576960440725088,-0.44748637825250626 0.6263890117406845,-0.36214008927345276 l-0.04802105017006397,-1.1606033146381378 0.04394547548145056,-0.30694467946887016 l0.05344526842236519,-0.07128470111638308 0.0360492174513638,-0.9756291657686234 l-0.30463622882962227,-0.2707555703818798 -0.7851990312337875,-0.7262993603944778 l-0.554519034922123,-0.3042621538043022 -0.502987802028656,-0.3023889474570751 l-0.011524981819093227,-0.2130543813109398 0.15655232593417168,0.16835158690810204 l-0.5146985873579979,-0.0283366278745234 -0.4862397164106369,0.014142694417387247 l-0.5832372605800629,-0.008520190604031086 -1.770099550485611,0.009159710607491434 l-0.3998490422964096,0.3905361518263817 -0.2508540265262127,0.032869973219931126 l-0.7837986201047897,0.4193209484219551 -0.49373824149370193,-0.05135511979460716 l-0.5757586658000946,0.5706201121211052 -0.3492959588766098,-0.006624413654208183 l-0.06724275648593903,0.29171837493777275 -0.30707940459251404,-0.0327816535718739 l-0.47005198895931244,-0.0043942301999777555 -0.16419628635048866,0.3746761754155159 l-1.1760373413562775,0.9774139523506165 0.002313638833584264,0.2905036695301533 l-0.556943453848362,0.47505442053079605 -0.5303376168012619,0.42817387729883194 l-0.007858386961743236,0.3454885259270668 -0.5717363208532333,0.37841401994228363 l-0.008330064010806382,-0.25048205628991127 0.012977448059245944,-0.2203139290213585 l-0.23130182176828384,0.0712300231680274 -0.10504486970603466,0.4586317390203476 l-0.30560240149497986,0.35390153527259827 0.11021429672837257,1.0330753028392792 l-0.12829790823161602,0.36116164177656174 0.4605524241924286,1.4885985851287842 l-0.006032752571627498,0.8401545882225037 0.3007941320538521,0.18326817080378532 l0.06864981725811958,-0.03673543222248554 0.27311496436595917,0.21893376484513283 l0.07746640127152205,0.3398282080888748 0.03503397339954972,1.0674262791872025 l0.3260747343301773,0.053276834078133106 0.05635571666061878,0.6151222065091133 l0.20805813372135162,0.3949292376637459 0.2134551852941513,0.31795404851436615 l0.1479212660342455,0.030688599217683077 0.43378066271543503,-0.029678354039788246 l0.3662050887942314,0.36717381328344345 0.43914753943681717,0.36160845309495926 l0.6481513381004333,0.01266348292119801 1.4218081533908844,0.0741697195917368 l1.7543962597846985,1.147095113992691 0.712474063038826,-0.10217350907623768 l1.0002744942903519,-0.036582082975655794 2.1627971529960632,0.1754668541252613 l0.7295747101306915,-0.17081711441278458 1.4697206020355225,0.000979650067165494 l0.9626098722219467,-0.04772665910422802 0.9218538552522659,-0.09960162453353405 l1.092536747455597,-0.3373879939317703 2.5799480080604553,-0.8790882676839828 l1.160646453499794,-1.1614268273115158 -0.5006968975067139,-0.5308718606829643 l-0.6813779473304749,-0.41419778019189835 m23.62175703048706,-11.311794519424438 l-2.657753825187683,-1.0965687036514282 -0.8089239150285721,0.008134866948239505 l-1.2298057228326797,0.388704277575016 -0.8066733181476593,0.18509095534682274 l-1.6060158610343933,-0.08110212162137032 -0.6686621904373169,0.6380470842123032 l-1.1613193154335022,-0.08572137914597988 -0.7765616476535797,0.2585393935441971 l-0.7148405909538269,0.426909439265728 -0.4974072426557541,0.2054833061993122 l-1.3805857300758362,0.6822478771209717 -0.6862733513116837,-0.0298523111268878 l-0.5193739384412766,0.5337923765182495 -0.9202408790588379,0.8422023802995682 l-2.5750553607940674,1.7271357774734497 -0.08277783170342445,0.7440876215696335 l-0.17456967383623123,0.4230562224984169 -0.19687609747052193,-0.0896267406642437 l-0.2571581304073334,-0.07276535499840975 -0.5401738733053207,1.5538705885410309 l-0.5214591324329376,0.5364247784018517 0.005575090181082487,0.9371167421340942 l-0.6053004786372185,1.295003741979599 0.017668501241132617,1.2415114045143127 l0.27954768389463425,0.26308922097086906 0.4243268817663193,0.11316969990730286 l0.09047367610037327,0.23574477061629295 0.8733304589986801,1.667584627866745 l0.6646782159805298,0.00557508843485266 2.1049663424491882,-0.06993634160608053 l0.7360240072011948,-0.10247391648590565 0.6800495833158493,-0.0954875536262989 l0.6757180392742157,0.2570629119873047 0.6728439033031464,-0.3028606250882149 l0.5714211612939835,0.0497335335239768 0.5770834907889366,-0.10823849588632584 l0.5124025046825409,-0.08058355189859867 0.6898250430822372,-0.3901674225926399 l0.7719681411981583,-0.01821663463488221 0.2603912353515625,0.12705319561064243 l0.4578067734837532,-0.42935073375701904 0.6485096365213394,-0.05923517048358917 l1.3054817914962769,-0.6818454712629318 0.21560568362474442,-0.5595285817980766 l0.45473072677850723,-0.21526360884308815 0.19297314807772636,-0.5768393352627754 l0.1717204414308071,-0.5348623916506767 0.4277145117521286,-0.4044276475906372 l0.485646091401577,-0.10560148395597935 0.4865695908665657,-0.09605994448065758 l1.4677266776561737,-1.4653411507606506 -0.1250615157186985,-0.6524650752544403 l0.46968184411525726,-0.13138645328581333 0.4873080179095268,-0.34307319670915604 l0.9696391969919205,-1.0050307214260101 0.5284087732434273,-0.5539730191230774 l0.3621610999107361,-0.6503326445817947 0.4571613669395447,-0.587899312376976 l0.01190106850117445,-0.5422541499137878 0.8999063819646835,-0.5127473175525665 l1.0807424038648605,-1.322668045759201 0.830119326710701,-0.7086843252182007 l-0.43807439506053925,-0.057510342448949814 1.4600154757499695,-1.1605233699083328 l0.5533241108059883,-0.6374308466911316 0.69302998483181,-0.4708654060959816 l0.531141422688961,-0.5528268218040466 1.3088685274124146,-1.7915734648704529 l0.6946062296628952,-0.27957018464803696 1.177917942404747,-1.803697794675827 l1.3515056669712067,-2.2885893285274506 0.8349445462226868,-1.0492748022079468 l0.47971952706575394,-0.3773057460784912 0.9387070685625076,-1.2646406888961792 l0.06371976342052221,-0.8082487434148788 -9.95135724224383e-05,-0.3779769316315651 l0.32874468713998795,-0.6672830879688263 0.3945601359009743,-0.5089673772454262 l0.23537281900644302,-0.7076434046030045 0.3863673657178879,-1.5163294970989227 l0.19421685487031937,-0.6771320849657059 0.37145625799894333,-0.1963053084909916 l0.24947520345449448,-0.5773929506540298 0.2953256480395794,-0.42503390461206436 l0.2194521203637123,-0.2750951424241066 -0.18834002315998077,-0.5957868695259094 l0.0246786349453032,0.3463529795408249 -0.5569465085864067,0.7024995237588882 l-0.669405609369278,1.9137953221797943 0.21546712145209312,0.854422077536583 l-0.7159098237752914,0.6663735210895538 -0.06499773822724819,0.6060508266091347 l-1.3972407579421997,2.153133898973465 -1.409125179052353,2.8047937154769897 l-1.984398365020752,3.3636388182640076 -0.055072647519409657,1.1784998327493668 l-0.7601529359817505,1.4984627068042755 -2.3859141767024994,3.840990662574768 l0.08093466982245445,0.7305258512496948 -0.17428245395421982,0.5299502611160278 l-0.554528534412384,0.7858424633741379 -0.21248634904623032,0.7816598564386368 l-0.5846429243683815,0.3578699380159378 0.033726105466485023,0.5380820110440254 l-0.5298702046275139,0.34836340695619583 0.013374757254496217,0.5320111662149429 l-0.5608870461583138,0.8747586607933044 0.23083817213773727,1.3539718091487885 l-0.5707492679357529,0.5705241858959198 0.2008214220404625,-0.18057184293866158 l-0.3028077632188797,1.3187587261199951 -0.7254496216773987,0.8599875122308731 l-0.017988428007811308,1.980980932712555 0.111263832077384,0.8606462180614471 l0.5385624244809151,1.0283860564231873 0.8558189868927002,0.2889859490096569 l1.7956991493701935,0.04448878578841686 1.9797714054584503,0.009420675341971219 m18.425225019454956,-9.371716976165771 l0.4797529801726341,-0.6264746189117432 0.578339546918869,-0.040539512410759926 l0.906607061624527,0.048670340329408646 0.39952781051397324,-0.16521112993359566 l0.4802992194890976,0.09470050223171711 0.43709568679332733,-0.4565601423382759 l0.6055345013737679,0.036466107703745365 0.5562281608581543,-0.45727916061878204 l0.3501514345407486,-0.24790676310658455 0.15143788419663906,-0.02517267595976591 l-0.0017655969713814557,0.07463940419256687 0.3234874829649925,0.00543997623026371 l-0.07644365541636944,-0.07996131666004658 0.8457779884338379,-0.4245111718773842 l0.5239749699831009,0.06115392316132784 0.540996603667736,-0.4745223745703697 l0.09365713223814964,-0.11219182051718235 0.38483876734972,-0.37095364183187485 l0.34801386296749115,-0.39075084030628204 -0.050805360078811646,-0.31351011246442795 l0.20289573818445206,-0.22176742553710938 0.44996477663517,-0.631195530295372 l0.016172524774447083,-0.2895384095609188 -0.060001383535563946,-0.6253288686275482 l0.025037310551851988,-0.35000547766685486 -0.5352715402841568,-1.1145757138729095 l-0.4137956351041794,-0.08085872046649456 -0.3986332193017006,-0.17929648980498314 l-0.03593542147427797,-0.08791850879788399 -0.0820830836892128,0.0937237124890089 l-0.3963853418827057,0.01529738656245172 -0.44944658875465393,-0.009220309439115226 l-0.529879629611969,-0.03368727630004287 -1.291666328907013,-0.006307661533355713 l-0.535028874874115,-0.06127667613327503 -0.45042745769023895,-0.1234959252178669 l-0.3590264916419983,-0.0332522951066494 -1.1567643284797668,0.1665187068283558 l-0.6509189307689667,0.2840040251612663 -0.06813928950577974,0.10875003412365913 l0.5384903401136398,-0.22558879107236862 -0.33288851380348206,0.4844190180301666 l-0.42103517800569534,0.23562412708997726 -0.950300320982933,0.511540062725544 l0.529341846704483,0.3013177588582039 -0.11748291552066803,-0.02091876231133938 l-1.7734858393669128,0.9915538877248764 -0.08831885643303394,0.3749880939722061 l-0.3862256556749344,0.4529237747192383 -0.3565407544374466,0.3191334381699562 l-0.6175870448350906,1.8221397697925568 0.01967590069398284,0.5907269939780235 l-0.4335380345582962,0.7558219134807587 -0.006238349596969783,0.46883299946784973 l-0.015420786803588271,0.8829398453235626 -0.44867727905511856,0.4084664210677147 l-0.033429772593081,0.7661966979503632 -0.03538035089150071,0.38249682635068893 l0.7386574894189835,1.0482459515333176 0.07231274154037237,0.2808251604437828 l0.5258968472480774,0.368209108710289 0.4359428957104683,0.11447201482951641 l0.5141162499785423,0.3368677571415901 0.8483733981847763,0.4366995394229889 l1.8998593091964722,0.7492516934871674 1.3297778367996216,0.388559065759182 l0.5751810595393181,0.3409816697239876 0.663500502705574,0.2869035303592682 l1.2634721398353577,-0.05773632787168026 3.5210272669792175,-0.005354546592570841 l1.800619512796402,-0.2532363310456276 1.512961983680725,-0.03775246208533645 l0.48750922083854675,-0.04322987515479326 0.6176164373755455,-0.3425419330596924 l0.03268626285716891,0.029505316633731127 \" fill=\"none\" stroke=\"black\" stroke-width=\"1\"/></svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
}
],
"source": [
"for i in range(10):\n",
" temp = .1 + i*.1\n",
" print(temp)\n",
" for j in range(5):\n",
" stroke = decode(draw_mode=False, temperature=temp)\n",
" draw_strokes(stroke)\n",
" \n",
" \n",
"# stroke_grid = make_grid_svg(stroke_list)\n",
"# draw_strokes(stroke_grid)"
]
},
{
"cell_type": "markdown",
"metadata": {
"colab_type": "text",
"id": "4xiwp3_DFQvB"
},
"source": [
"Latent Space Interpolation Example between $z_0$ and $z_1$"
]
},
{
"cell_type": "code",
"execution_count": 83,
"metadata": {
"colab": {
"base_uri": "https://localhost:8080/",
"height": 123
},
"colab_type": "code",
"id": "WSX0uvZTFQvD",
"outputId": "cd67af4e-5ae6-4327-876e-e1385dadbafc"
},
"outputs": [
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"90.11853251140565\" version=\"1.1\" width=\"183.5966605367139\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:ev=\"http://www.w3.org/2001/xml-events\" xmlns:xlink=\"http://www.w3.org/1999/xlink\"><defs/><rect fill=\"white\" height=\"90.11853251140565\" width=\"183.5966605367139\" x=\"0\" y=\"0\"/><path d=\"M38.487485870718956,65.11853251140565 m-6.107860207557678,-2.870575487613678 l-4.996210336685181,-0.7894060015678406 -1.8128877878189087,-2.911415696144104 l-0.5705275386571884,-2.8740668296813965 0.05646933801472187,0.24372059851884842 l0.06725526880472898,0.4540058597922325 0.6718767434358597,0.1635473407804966 l-0.4683074727654457,-1.1790595948696136 0.3687518462538719,0.0568343885242939 l1.102830395102501,-1.7055943608283997 0.4945341870188713,-1.4653514325618744 l0.6107145920395851,0.11514725163578987 1.0401514172554016,-0.9861967712640762 l0.7465182989835739,-2.2748970985412598 0.7058843970298767,-0.06860395427793264 l0.8488832414150238,-3.825756013393402 0.23598186671733856,-0.858948603272438 l0.492764413356781,-4.196976721286774 1.2618504464626312,-5.524801015853882 l1.49126335978508,0.46297427266836166 0.5710553377866745,-0.5914181470870972 l1.324111521244049,-2.869957983493805 1.1529235541820526,-0.7602452486753464 l0.9423540532588959,-0.7763708382844925 1.5857017040252686,-1.7225421965122223 l1.190985068678856,-0.7728572189807892 1.0245110094547272,-0.8566032350063324 l1.3762655854225159,-0.5740072950720787 1.9652363657951355,-0.682358518242836 l2.5619062781333923,-0.2922399342060089 3.602866530418396,-0.18451202660799026 l4.601471722126007,0.33862102776765823 5.727468132972717,0.890490785241127 l6.5982043743133545,1.508084237575531 7.389050126075745,2.2215652465820312 l8.343808054924011,2.5292623043060303 9.627784490585327,3.1690260767936707 l10.69189190864563,3.1827539205551147 12.598700523376465,3.4215247631073 l6.384940147399902,-0.000957229858613573 13.277490139007568,2.1324726939201355 l6.945451498031616,-0.29052194207906723 14.38506007194519,0.9609673917293549 \" fill=\"none\" stroke=\"black\" stroke-width=\"1\"/></svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
}
],
"source": [
"# get a sample drawing from the test set, and render it to .svg\n",
"z0 = z\n",
"_ = decode(z0)"
]
},
{
"cell_type": "code",
"execution_count": 66,
"metadata": {
"colab": {
"base_uri": "https://localhost:8080/",
"height": 194
},
"colab_type": "code",
"id": "jQf99TxOFQvH",
"outputId": "4265bd5f-8c66-494e-b26e-d3ac874d69bb"
},
"outputs": [
{
"name": "stdout",
"output_type": "stream",
"text": [
"[425]\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"94.78979364037514\" version=\"1.1\" width=\"170.97768381237984\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:ev=\"http://www.w3.org/2001/xml-events\" xmlns:xlink=\"http://www.w3.org/1999/xlink\"><defs/><rect fill=\"white\" height=\"94.78979364037514\" width=\"170.97768381237984\" x=\"0\" y=\"0\"/><path d=\"M46.62577874958515,52.416782937943935 m0.0,0.0 l-2.7145329117774963,-0.9953287243843079 -1.266781985759735,0.27145329862833023 l-0.9048443287611008,0.18096886575222015 -1.5382352471351624,0.0 l-0.6333909928798676,0.3619377315044403 -1.4477509260177612,0.0 l-0.9048443287611008,0.3619377315044403 -0.8143598586320877,0.0 l-1.4477509260177612,0.3619377315044403 -0.7238754630088806,0.0 l-3.0764704942703247,1.5382352471351624 -1.176297590136528,0.6333909928798676 l-2.081141918897629,2.081141918897629 -0.8143598586320877,0.4524221643805504 l-1.4477509260177612,2.8955018520355225 -0.6333909928798676,1.4477509260177612 l0.0,2.081141918897629 0.18096886575222015,0.8143598586320877 l0.7238754630088806,1.9001729786396027 1.085813194513321,1.176297590136528 l1.085813194513321,0.9953287243843079 0.4524221643805504,0.0 l0.8143598586320877,0.3619377315044403 0.5429065972566605,0.18096886575222015 l0.4524221643805504,0.27145329862833023 0.9048443287611008,0.0 l0.8143598586320877,-0.09048443287611008 0.8143598586320877,-0.27145329862833023 l0.8143598586320877,0.0 0.8143598586320877,-0.3619377315044403 l3.0764704942703247,-1.3572664558887482 4.0717995166778564,-4.0717995166778564 l1.8096886575222015,-1.8096886575222015 0.6333909928798676,-1.6287197172641754 l0.8143598586320877,-0.8143598586320877 0.9048443287611008,-1.8096886575222015 l3.438408374786377,-6.424394845962524 0.4524221643805504,-1.9906574487686157 l2.624048590660095,-6.243425607681274 0.27145329862833023,-1.4477509260177612 l0.9953287243843079,-2.352595180273056 0.4524221643805504,-1.5382352471351624 l0.7238754630088806,-1.085813194513321 0.3619377315044403,-1.7192041873931885 l1.6287197172641754,-4.162283837795258 0.5429065972566605,-0.3619377315044403 l0.3619377315044403,-0.4524221643805504 0.0,-0.7238754630088806 l0.9048443287611008,-0.9048443287611008 0.0,-0.9048443287611008 l0.3619377315044403,-0.4524221643805504 0.27145329862833023,-0.5429065972566605 l0.09048443287611008,-0.5429065972566605 0.09048443287611008,-0.4524221643805504 l0.27145329862833023,-0.18096886575222015 0.18096886575222015,-0.09048443287611008 l-0.27145329862833023,0.5429065972566605 -0.7238754630088806,0.6333909928798676 l0.0,0.9953287243843079 -0.5429065972566605,0.4524221643805504 l-0.9048443287611008,1.085813194513321 -0.7238754630088806,1.6287197172641754 l-0.27145329862833023,0.5429065972566605 -0.9048443287611008,1.085813194513321 l-0.3619377315044403,1.3572664558887482 -1.266781985759735,2.53356397151947 l-0.5429065972566605,1.3572664558887482 -0.8143598586320877,1.266781985759735 l-0.6333909928798676,1.266781985759735 -0.09048443287611008,0.6333909928798676 l-1.176297590136528,2.443079650402069 -0.9953287243843079,2.171626389026642 l-0.4524221643805504,1.7192041873931885 -0.9048443287611008,1.9906574487686157 l-0.6333909928798676,1.4477509260177612 -0.9953287243843079,2.262110710144043 l-0.3619377315044403,3.438408374786377 -0.8143598586320877,2.53356397151947 l0.0,1.4477509260177612 -0.3619377315044403,1.3572664558887482 l0.0,0.8143598586320877 -0.3619377315044403,1.4477509260177612 l0.0,2.081141918897629 -0.4524221643805504,0.5429065972566605 l0.0,0.9953287243843079 0.3619377315044403,0.4524221643805504 l0.0,0.6333909928798676 0.4524221643805504,0.27145329862833023 l0.8143598586320877,0.0 0.09048443287611008,-0.5429065972566605 l0.7238754630088806,-0.8143598586320877 0.0,-1.176297590136528 m20.44948101043701,-12.848789691925049 l-0.3619377315044403,0.6333909928798676 -1.176297590136528,0.9048443287611008 l-0.9048443287611008,0.8143598586320877 -0.18096886575222015,0.3619377315044403 l-0.27145329862833023,0.5429065972566605 -0.8143598586320877,0.3619377315044403 l-0.27145329862833023,0.5429065972566605 -0.27145329862833023,0.4524221643805504 l-0.27145329862833023,0.27145329862833023 0.0,0.3619377315044403 l-0.4524221643805504,0.9048443287611008 -0.3619377315044403,0.3619377315044403 l0.0,0.3619377315044403 -0.3619377315044403,0.3619377315044403 l0.0,0.6333909928798676 0.0,0.6333909928798676 l-0.3619377315044403,0.3619377315044403 0.0,0.3619377315044403 l0.3619377315044403,0.3619377315044403 0.09048443287611008,0.27145329862833023 l0.0,0.5429065972566605 0.27145329862833023,0.3619377315044403 l0.5429065972566605,0.5429065972566605 0.0,0.27145329862833023 l0.09048443287611008,0.18096886575222015 0.27145329862833023,0.0 l0.3619377315044403,0.3619377315044403 0.27145329862833023,0.0 l1.266781985759735,0.0 0.27145329862833023,0.0 l0.3619377315044403,-0.3619377315044403 0.3619377315044403,0.0 l0.18096886575222015,-0.09048443287611008 1.085813194513321,-1.176297590136528 m2.171626389026642,-23.16401481628418 l-1.4477509260177612,0.7238754630088806 -0.5429065972566605,0.4524221643805504 l-0.09048443287611008,0.18096886575222015 0.0,0.27145329862833023 l-0.3619377315044403,0.4524221643805504 -0.3619377315044403,0.3619377315044403 l0.0,0.4524221643805504 0.0,0.27145329862833023 l-0.27145329862833023,0.09048443287611008 0.0,0.27145329862833023 l0.09048443287611008,0.27145329862833023 0.27145329862833023,0.18096886575222015 l0.0,0.3619377315044403 0.0,0.3619377315044403 l0.09048443287611008,0.09048443287611008 0.27145329862833023,0.0 l0.0,0.18096886575222015 0.0,0.18096886575222015 l0.27145329862833023,0.0 0.27145329862833023,0.0 l1.176297590136528,0.0 0.3619377315044403,-0.09048443287611008 l0.3619377315044403,-0.3619377315044403 0.27145329862833023,0.0 l0.18096886575222015,0.0 0.5429065972566605,-0.6333909928798676 l0.5429065972566605,-0.5429065972566605 0.18096886575222015,0.0 l0.18096886575222015,0.0 0.0,-0.18096886575222015 l0.0,-0.18096886575222015 0.5429065972566605,-0.4524221643805504 l0.0,0.0 -0.18096886575222015,0.18096886575222015 l0.0,-0.09048443287611008 0.09048443287611008,-0.27145329862833023 l0.3619377315044403,-0.3619377315044403 0.0,-0.27145329862833023 l0.0,-0.8143598586320877 -0.09048443287611008,-0.09048443287611008 l-0.27145329862833023,0.0 0.0,-0.18096886575222015 l0.0,-0.27145329862833023 -0.4524221643805504,-0.4524221643805504 l-0.18096886575222015,-0.27145329862833023 -0.3619377315044403,0.0 l-0.9953287243843079,0.09048443287611008 -0.27145329862833023,0.09048443287611008 l0.0,0.27145329862833023 0.0,0.0 l-1.266781985759735,-0.7238754630088806 -1.3572664558887482,-0.6333909928798676 m15.563322305679321,18.6397922039032 l1.7192041873931885,-0.3619377315044403 0.9048443287611008,-0.4524221643805504 l0.3619377315044403,0.0 1.085813194513321,-0.5429065972566605 l1.5382352471351624,-0.7238754630088806 0.8143598586320877,0.0 l1.176297590136528,-0.6333909928798676 0.9953287243843079,-0.6333909928798676 l0.4524221643805504,-0.4524221643805504 1.085813194513321,-0.6333909928798676 l0.09048443287611008,-0.3619377315044403 0.0,-0.27145329862833023 l0.8143598586320877,-0.7238754630088806 0.0,-0.6333909928798676 l0.18096886575222015,-0.4524221643805504 0.27145329862833023,-0.7238754630088806 l-0.18096886575222015,-0.3619377315044403 -0.27145329862833023,-0.27145329862833023 l0.0,-0.3619377315044403 -0.3619377315044403,-0.3619377315044403 l0.0,-0.4524221643805504 -0.5429065972566605,-0.4524221643805504 l-0.27145329862833023,-0.3619377315044403 0.0,-0.3619377315044403 l-0.27145329862833023,0.0 -0.27145329862833023,-0.18096886575222015 l-0.3619377315044403,-0.18096886575222015 -0.27145329862833023,0.0 l-0.4524221643805504,-0.3619377315044403 -0.9953287243843079,0.0 l-0.9953287243843079,0.0 -0.4524221643805504,0.4524221643805504 l-0.4524221643805504,0.0 -0.8143598586320877,0.8143598586320877 l-0.3619377315044403,0.0 -1.085813194513321,0.6333909928798676 l-1.085813194513321,1.085813194513321 -0.9953287243843079,0.5429065972566605 l-0.8143598586320877,0.7238754630088806 -0.7238754630088806,0.3619377315044403 l-0.4524221643805504,0.9048443287611008 -0.9048443287611008,0.9048443287611008 l-0.8143598586320877,1.7192041873931885 -1.176297590136528,1.8096886575222015 l0.0,0.5429065972566605 0.0,0.6333909928798676 l-0.3619377315044403,0.7238754630088806 0.0,0.4524221643805504 l-0.3619377315044403,0.7238754630088806 0.0,0.7238754630088806 l0.5429065972566605,1.3572664558887482 1.9001729786396027,2.53356397151947 l1.085813194513321,0.9953287243843079 1.9001729786396027,0.9048443287611008 l1.6287197172641754,0.9953287243843079 0.4524221643805504,0.09048443287611008 l1.5382352471351624,0.0 -0.18096886575222015,0.0 l-0.27145329862833023,0.0 0.18096886575222015,0.09048443287611008 l0.9048443287611008,0.18096886575222015 1.266781985759735,0.0 l0.8143598586320877,0.3619377315044403 1.7192041873931885,0.0 l2.624048590660095,0.0 0.5429065972566605,-0.09048443287611008 l0.6333909928798676,-0.27145329862833023 0.4524221643805504,0.0 l0.3619377315044403,-0.3619377315044403 0.3619377315044403,0.0 l0.09048443287611008,-0.5429065972566605 -0.6333909928798676,-0.9048443287611008 l-0.27145329862833023,-0.27145329862833023 m21.806747913360596,-15.110900402069092 l-0.27145329862833023,-1.085813194513321 -0.6333909928798676,-0.09048443287611008 l-1.085813194513321,0.3619377315044403 -0.6333909928798676,-0.4524221643805504 l-1.8096886575222015,0.0 -0.5429065972566605,0.27145329862833023 l-0.7238754630088806,0.09048443287611008 -0.8143598586320877,0.09048443287611008 l-0.4524221643805504,0.27145329862833023 -0.6333909928798676,0.0 l-1.8096886575222015,1.3572664558887482 -2.443079650402069,1.176297590136528 l-0.5429065972566605,0.9953287243843079 -0.9048443287611008,0.4524221643805504 l-0.4524221643805504,0.8143598586320877 -0.8143598586320877,0.4524221643805504 l-0.4524221643805504,0.9048443287611008 -1.3572664558887482,1.3572664558887482 l-0.6333909928798676,0.9953287243843079 -0.3619377315044403,0.3619377315044403 l-0.09048443287611008,0.8143598586320877 -0.09048443287611008,0.6333909928798676 l-0.27145329862833023,0.4524221643805504 0.0,0.7238754630088806 l-0.3619377315044403,0.5429065972566605 0.0,1.9001729786396027 l0.4524221643805504,0.5429065972566605 0.09048443287611008,0.5429065972566605 l0.3619377315044403,0.09048443287611008 0.5429065972566605,0.27145329862833023 l0.6333909928798676,0.18096886575222015 2.081141918897629,0.0 l1.176297590136528,-0.4524221643805504 0.8143598586320877,0.0 l2.8050172328948975,-1.3572664558887482 0.9953287243843079,-0.5429065972566605 l1.266781985759735,-1.085813194513321 1.5382352471351624,-0.6333909928798676 l1.5382352471351624,-1.5382352471351624 1.3572664558887482,-0.4524221643805504 l0.7238754630088806,-0.8143598586320877 0.9048443287611008,-1.266781985759735 l0.9048443287611008,-1.085813194513321 1.176297590136528,-1.9906574487686157 l0.4524221643805504,-1.4477509260177612 0.9048443287611008,-1.9906574487686157 l0.3619377315044403,-1.5382352471351624 1.7192041873931885,-3.438408374786377 l0.4524221643805504,-2.262110710144043 0.9048443287611008,-2.171626389026642 l1.085813194513321,-2.53356397151947 0.7238754630088806,-1.7192041873931885 l2.8050172328948975,-5.24809718132019 0.4524221643805504,-1.3572664558887482 l1.266781985759735,-2.081141918897629 0.3619377315044403,-0.7238754630088806 l0.09048443287611008,-0.5429065972566605 0.7238754630088806,-0.7238754630088806 l0.0,-0.8143598586320877 0.3619377315044403,-0.4524221643805504 l-0.5429065972566605,0.0 -0.18096886575222015,0.27145329862833023 l-0.3619377315044403,0.4524221643805504 0.0,0.4524221643805504 l-0.4524221643805504,0.5429065972566605 -0.3619377315044403,0.7238754630088806 l-0.9953287243843079,1.176297590136528 -0.3619377315044403,0.7238754630088806 l-1.7192041873931885,1.7192041873931885 -1.3572664558887482,1.7192041873931885 l0.4524221643805504,-0.3619377315044403 0.6333909928798676,-0.5429065972566605 l-0.09048443287611008,0.4524221643805504 -1.3572664558887482,2.081141918897629 l-0.5429065972566605,0.5429065972566605 -0.3619377315044403,0.09048443287611008 l-0.9048443287611008,1.7192041873931885 -0.4524221643805504,0.9953287243843079 l0.27145329862833023,-0.3619377315044403 0.4524221643805504,-0.7238754630088806 l-0.5429065972566605,1.085813194513321 -0.9048443287611008,1.6287197172641754 l-0.8143598586320877,1.4477509260177612 -0.4524221643805504,1.7192041873931885 l-0.7238754630088806,1.176297590136528 -0.3619377315044403,1.8096886575222015 l-2.171626389026642,7.510207891464233 -0.8143598586320877,3.0764704942703247 l0.0,4.252768158912659 0.0,2.7145329117774963 l0.3619377315044403,0.5429065972566605 0.09048443287611008,0.6333909928798676 l0.09048443287611008,0.4524221643805504 0.27145329862833023,0.4524221643805504 l0.27145329862833023,0.5429065972566605 0.6333909928798676,0.4524221643805504 l1.5382352471351624,0.0 0.09048443287611008,-0.4524221643805504 l0.4524221643805504,0.0 0.27145329862833023,-0.3619377315044403 l0.0,-1.4477509260177612 m11.12958550453186,-8.86747419834137 l1.266781985759735,-0.8143598586320877 1.4477509260177612,0.0 l0.8143598586320877,-0.09048443287611008 0.8143598586320877,-0.3619377315044403 l1.6287197172641754,0.0 0.4524221643805504,-0.4524221643805504 l0.9048443287611008,-0.4524221643805504 0.8143598586320877,0.0 l0.3619377315044403,-0.3619377315044403 0.9048443287611008,-0.4524221643805504 l0.8143598586320877,0.0 0.6333909928798676,-0.18096886575222015 l0.18096886575222015,-0.3619377315044403 1.176297590136528,-0.6333909928798676 l0.9048443287611008,-0.4524221643805504 0.7238754630088806,-0.8143598586320877 l0.3619377315044403,0.0 0.0,-0.27145329862833023 l0.18096886575222015,-0.27145329862833023 0.18096886575222015,-0.3619377315044403 l0.0,-0.3619377315044403 0.3619377315044403,-0.3619377315044403 l0.0,-1.085813194513321 0.0,-0.9048443287611008 l-0.4524221643805504,-0.4524221643805504 0.0,-0.4524221643805504 l-0.3619377315044403,-0.3619377315044403 0.0,-0.3619377315044403 l-0.7238754630088806,-0.8143598586320877 -0.4524221643805504,-0.3619377315044403 l-0.7238754630088806,0.0 -2.262110710144043,0.0 l-0.4524221643805504,0.0 -0.3619377315044403,0.3619377315044403 l-0.9048443287611008,0.0 -0.3619377315044403,0.3619377315044403 l-0.9048443287611008,0.0 -0.4524221643805504,0.4524221643805504 l-0.7238754630088806,0.4524221643805504 0.0,-0.09048443287611008 l-0.8143598586320877,0.5429065972566605 -1.7192041873931885,1.266781985759735 l-0.8143598586320877,0.3619377315044403 -0.3619377315044403,0.8143598586320877 l-0.8143598586320877,0.3619377315044403 -0.4524221643805504,0.9048443287611008 l-0.8143598586320877,0.9048443287611008 -0.3619377315044403,0.8143598586320877 l-0.8143598586320877,0.3619377315044403 -0.4524221643805504,0.8143598586320877 l-1.4477509260177612,3.0764704942703247 -0.18096886575222015,0.6333909928798676 l0.0,1.9906574487686157 0.0,0.8143598586320877 l0.4524221643805504,1.176297590136528 1.085813194513321,2.081141918897629 l0.7238754630088806,0.9048443287611008 1.176297590136528,1.085813194513321 l0.9048443287611008,0.4524221643805504 0.7238754630088806,0.8143598586320877 l2.7145329117774963,1.085813194513321 1.6287197172641754,0.6333909928798676 l1.3572664558887482,0.0 0.9048443287611008,0.3619377315044403 l1.9906574487686157,0.0 1.266781985759735,0.0 l0.8143598586320877,-0.3619377315044403 1.8096886575222015,-1.8096886575222015 \" fill=\"none\" stroke=\"black\" stroke-width=\"1\"/></svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"(1, 615, 5)\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"95.59186838101596\" version=\"1.1\" width=\"160.1654660579834\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:ev=\"http://www.w3.org/2001/xml-events\" xmlns:xlink=\"http://www.w3.org/1999/xlink\"><defs/><rect fill=\"white\" height=\"95.59186838101596\" width=\"160.1654660579834\" x=\"0\" y=\"0\"/><path d=\"M47.25505740381777,50.84805238810077 m-1.7997528612613678,-0.8829767256975174 l-0.7376370579004288,-0.05039739888161421 -0.8501636236906052,0.1920223981142044 l-4.244664013385773,-0.0004473985609365627 -0.9749698638916016,0.014798201154917479 l-0.9514914453029633,0.4074084013700485 -1.66902557015419,0.4723598435521126 l-1.7256353795528412,0.6452525407075882 -1.866360604763031,0.7752323895692825 l-1.0581791400909424,0.7620224356651306 -1.0238343477249146,0.7364103943109512 l-0.9334465861320496,0.822235494852066 -1.6506685316562653,1.8455985188484192 l-1.281483769416809,2.130112051963806 -0.9264203161001205,2.099578231573105 l-0.4542277753353119,2.0175154507160187 -0.10709651745855808,1.9990834593772888 l0.14777562581002712,2.007264345884323 0.6257359683513641,1.7430321872234344 l0.8807122707366943,0.5033649876713753 0.6435476243495941,0.5635645613074303 l0.9944053739309311,0.1079122070223093 1.0306692868471146,-0.0231679854914546 l2.341172844171524,-0.021856606472283602 1.6307668387889862,-0.022983720991760492 l0.6990443915128708,-0.3037957660853863 0.7855893671512604,-0.23582737892866135 l0.736810714006424,-0.4675662890076637 0.7505585253238678,-0.40597885847091675 l0.7128404825925827,-0.49165118485689163 0.7299194484949112,-0.4520268738269806 l0.7361918687820435,-0.47941505908966064 0.7440774887800217,-0.4663851112127304 l0.7407556474208832,-0.5529157817363739 0.7341287285089493,-0.5749103799462318 l0.7044026255607605,-0.649452731013298 0.6626994907855988,-0.7178698480129242 l0.6506548076868057,-0.7379346340894699 0.6291899085044861,-0.7558751106262207 l0.6401701271533966,-0.7554139196872711 0.6539653986692429,-0.8236560225486755 l0.685657411813736,-0.9175922721624374 0.7182788103818893,-0.997995063662529 l0.7382752001285553,-1.0524200648069382 0.7225224375724792,-1.1197367310523987 l0.6837483495473862,-1.1994973570108414 0.6741643697023392,-1.2740597128868103 l0.6289654970169067,-1.330936998128891 1.0427311062812805,-1.9385109841823578 l1.0065610706806183,-2.178546041250229 1.0925891995429993,-2.2786761820316315 l1.1097148805856705,-2.4158018827438354 1.1856251955032349,-2.5128552317619324 l1.2125767767429352,-2.5813016295433044 1.2374741584062576,-2.5567546486854553 l0.0003750208270503208,-1.0891170799732208 0.22579582408070564,-0.862991139292717 l0.2811182290315628,-0.7546186447143555 0.377107709646225,-0.7061072438955307 l0.2292182482779026,-0.7530920952558517 0.2541040815412998,-0.6298921257257462 l0.1971828006207943,-0.6445202976465225 0.18201474100351334,-0.5930373445153236 l0.20071269944310188,-0.873601883649826 0.28922809287905693,-0.9175798296928406 l0.12641159817576408,-0.6562455743551254 0.18868612125515938,-0.7384048402309418 l0.23470794782042503,-0.5825810134410858 0.12097399681806564,-0.6078191101551056 l0.2561734989285469,-0.4616989195346832 -0.2117360197007656,-0.5368971824645996 l-0.13555842451751232,-0.0574265792965889 -0.43335821479558945,0.39655469357967377 l-0.7236692309379578,1.0627319663763046 -0.9859221428632736,1.465381681919098 l-0.8845168352127075,1.6182245314121246 -0.9812242537736893,1.7156441509723663 l-0.9573276340961456,1.8513582646846771 -1.0650170594453812,1.9729284942150116 l-1.0878634452819824,2.136276662349701 -1.1133355647325516,2.2012031078338623 l-1.05778306722641,2.2392503917217255 -0.9976428002119064,2.254626303911209 l-0.3929166868329048,1.3024038076400757 -0.3989134728908539,1.2411298602819443 l-0.4047232121229172,1.2894433736801147 -0.005918333190493286,1.1034496873617172 l-0.4716213420033455,1.0587885230779648 -0.011157310800626874,1.2853339314460754 l-0.4982374981045723,1.2272510677576065 -0.03778098151087761,1.4148494601249695 l-0.48557717353105545,1.4578869938850403 -0.0547541631385684,1.369948834180832 l-0.039550899527966976,1.1960160732269287 -0.042953635565936565,1.2057003378868103 l-0.031134968157857656,1.2695010006427765 -0.018495325930416584,1.3442794978618622 l-0.014477658551186323,1.5155334770679474 -0.015041674487292767,1.5651583671569824 l-0.012068343348801136,1.4796802401542664 0.005882814293727279,1.4919044077396393 l0.02007674891501665,1.43326073884964 0.04068850539624691,1.3633286952972412 l0.4935738816857338,0.06283975671976805 0.3688240051269531,-0.24696078151464462 l0.44175025075674057,-0.22576263174414635 0.2733157202601433,-0.3735136613249779 m20.969243049621582,-17.894184589385986 l-0.9548132121562958,0.4723784327507019 -0.1434500329196453,0.06975451484322548 l-0.5457430332899094,0.5356671661138535 -0.5974360182881355,0.6270689517259598 l-0.6243512779474258,0.594610869884491 -0.6858205050230026,0.6977387517690659 l-0.020080669783055782,0.4471282660961151 -0.028368195053189993,0.35896938294172287 l-0.02454485511407256,0.285632386803627 -0.27783820405602455,0.026956882793456316 l-0.01669979770667851,0.3102831169962883 -0.022135376930236816,0.42948078364133835 l-0.02380241174250841,0.4086232930421829 -0.8514202386140823,1.2660786509513855 l-0.026735789142549038,0.509597472846508 -0.006092485855333507,0.5479257553815842 l-0.41134145110845566,1.1022157222032547 -0.06943819113075733,0.4288836568593979 l-0.0725358072668314,0.41736744344234467 -0.02517497632652521,0.6363433599472046 l0.3526312857866287,0.3852718695998192 0.4565988853573799,0.3804880380630493 l0.4284011945128441,0.3599034622311592 0.44789526611566544,0.40160562843084335 l0.47036945819854736,0.44042836874723434 0.4597117379307747,0.4537810757756233 l0.3593852370977402,0.027061509899795055 0.4073244333267212,0.4522186145186424 l1.240297257900238,0.0048070913180708885 1.5361838042736053,0.01001129043288529 l0.27998730540275574,-0.17777608707547188 0.16399763524532318,-0.30774686485528946 m3.963206112384796,-28.38015079498291 l-1.6911323368549347,0.36053210496902466 -0.4229463264346123,0.1267681922763586 l-0.047774966806173325,0.19132694229483604 0.18770232796669006,0.19935054704546928 l0.0645220885053277,0.25462809950113297 -0.06693161092698574,0.2736319787800312 l-0.10398034937679768,0.25858933106064796 -0.0899866595864296,0.26697805151343346 l0.002318501938134432,0.7719768583774567 -0.0003649603604571894,0.7416423410177231 l-0.001965595583897084,0.6014566868543625 -0.012273021275177598,0.3998977318406105 l-0.01607223181053996,0.12958607636392117 -0.019982948433607817,0.08529555052518845 l-0.018911524675786495,0.17552616074681282 -0.017595055978745222,0.2911442890763283 l-0.022017941810190678,0.4069773107767105 -0.027099759317934513,0.4367467015981674 l0.2761428989470005,-0.024002918507903814 0.9563326835632324,0.013765196781605482 l0.8529084920883179,-0.00028878557714051567 0.5140235275030136,-0.0021787438890896738 l0.3620022162795067,-0.24358734488487244 0.29657527804374695,-0.04058704245835543 l0.28834907338023186,-0.05299647804349661 0.013559161452576518,-0.13708199374377728 l0.011234191479161382,-0.16505103558301926 0.20416628569364548,-0.07408853154629469 l5.136676463735057e-05,-0.18174348399043083 0.0007305775943677872,-0.31371328979730606 l0.0267097563482821,-0.3095495142042637 0.025276876986026764,-0.3353448212146759 l0.0318497559055686,-0.23927807807922363 -0.01525593688711524,-0.3343454748392105 l-0.027668492402881384,-0.3547785058617592 -0.17537564039230347,-0.5442998558282852 l-0.2005661278963089,-0.4590310901403427 -0.15166698023676872,-0.23498063907027245 l-0.2129996009171009,0.027684434317052364 -0.6271255016326904,0.0209303991869092 l-0.8359964936971664,0.08009392768144608 -2.288372814655304,0.6078766286373138 m8.682000637054443,17.53572940826416 l1.8732745945453644,-0.7566308975219727 0.7677135616540909,-0.18544236198067665 l0.749419555068016,0.03439828287810087 0.31370818614959717,-0.2903297170996666 l0.3199835494160652,-0.3354671224951744 0.33128634095191956,-0.38752105087041855 l0.3930521756410599,-0.037236218340694904 0.31864888966083527,-0.04016128834336996 l0.3451930731534958,-0.3919287770986557 0.3817281872034073,-0.411469005048275 l0.37716854363679886,-0.025993578601628542 0.3186391666531563,-0.03361297305673361 l0.4092124104499817,-0.4526786506175995 0.3757989779114723,-0.03116036532446742 l0.32646752893924713,-0.028049673419445753 0.40932126343250275,-0.4510217159986496 l0.46154238283634186,-0.5156261846423149 0.007605036371387541,-0.44276122003793716 l0.0038497368223033845,-0.5510768666863441 0.020882324315607548,-0.3465433791279793 l0.013133710017427802,-0.3203682228922844 0.002324376255273819,-0.8464142680168152 l-0.0017028734146151692,-1.0658470541238785 0.000697572686476633,-0.896298810839653 l-0.2949162572622299,-0.3584481403231621 -0.3190397843718529,-0.30572639778256416 l-0.2559576742351055,-0.24389386177062988 -0.2147499844431877,-0.23304864764213562 l-0.036705159582197666,-0.28866078704595566 -0.028177883941680193,-0.3260836750268936 l-0.383271686732769,-0.004090683360118419 -0.425969734787941,-0.031097300816327333 l-0.9283388406038284,-0.0192801421508193 -0.5700986087322235,-0.016423992346972227 l-0.33257607370615005,0.18603041768074036 -0.486164428293705,-0.02737621311098337 l-0.3815946727991104,-0.0161353696603328 -0.3854471445083618,0.4059761017560959 l-0.4045657441020012,0.00814163067843765 -0.03876917064189911,0.19368764013051987 l-0.030608167871832848,0.2311081439256668 -0.348479263484478,0.023884139955043793 l-0.01641320064663887,0.21739568561315536 -0.30515363439917564,0.03469392191618681 l-0.30025700107216835,0.029815430752933025 -0.009577384334988892,0.24410072714090347 l-0.2964504063129425,0.035515339113771915 -0.28158875182271004,0.02559375949203968 l-0.25404708459973335,0.03366435645148158 -0.2533971890807152,0.0401978800073266 l-0.006591305718757212,0.23611994460225105 -0.26749223470687866,0.026108643505722284 l-0.2520546317100525,0.019885075744241476 -0.002658475423231721,0.23867657408118248 l-0.22956646978855133,0.017585729947313666 -0.20886903628706932,0.014933167258277535 l-0.011845222907140851,0.2216237224638462 -0.028343035373836756,0.26482122018933296 l-0.027916452381759882,0.2706077881157398 -0.0263440259732306,0.272141695022583 l-0.02888881368562579,0.26649799197912216 -0.024892070796340704,0.3042382001876831 l-0.026631848886609077,0.3131197765469551 -0.023111789487302303,0.3498406708240509 l-0.02230443526059389,0.412793830037117 -0.026689846999943256,0.42914800345897675 l-0.024726223200559616,0.5160709470510483 -0.35886000841856003,1.4155727624893188 l-0.05361693911254406,0.9114769101142883 -0.028185888659209013,0.9471594542264938 l0.2593115158379078,0.3551924601197243 0.2732556127011776,0.3521842509508133 l0.28666699305176735,0.39504460990428925 -0.018629709957167506,0.6273960322141647 l0.19325284287333488,0.05787549540400505 0.33836372196674347,0.3494613990187645 l0.40779661387205124,0.48360440880060196 0.2772188000380993,0.025849419180303812 l0.3619559481739998,0.3896399959921837 0.4196024313569069,0.4466882720589638 l0.4240211099386215,0.40449708700180054 0.3226463869214058,0.03490748815238476 l0.40979180485010147,0.4137462377548218 0.5137993022799492,-0.00025392675524926744 l1.8951112031936646,-0.013340311124920845 2.5281620025634766,-0.012799035757780075 l0.5560804530978203,-0.029569175094366074 0.3730187937617302,-0.382717028260231 l0.5965597182512283,-0.023507848381996155 0.4265778511762619,-0.03327649552375078 l0.2602112852036953,-0.23499945178627968 0.26693882420659065,-0.14250961132347584 l0.26539262384176254,-0.11428261175751686 0.26847071945667267,-0.14156177639961243 l0.1493840478360653,-0.18068799749016762 0.2863052301108837,-0.3144325688481331 l0.6677224487066269,-0.737488865852356 0.19929800182580948,-0.1990506798028946 l0.33232852816581726,-0.6282968074083328 0.09101144038140774,-0.13288511894643307 m21.261706352233887,-7.67118513584137 l-1.8903107941150665,-1.2454356253147125 -1.284584403038025,-0.09975961409509182 l-0.7866065949201584,0.34824881702661514 -0.5631562694907188,0.006900118896737695 l-0.6438814848661423,-0.012397246900945902 -0.49946632236242294,0.40601417422294617 l-0.47061245888471603,0.18029697239398956 -0.4797155037522316,0.3166543319821358 l-0.5147678032517433,0.2966161444783211 -0.511031337082386,0.32397400587797165 l-0.5136026069521904,0.32067231833934784 -0.5084167793393135,0.3214144706726074 l-0.5164733156561852,0.33052973449230194 -0.5330745875835419,0.3624691814184189 l-0.28015976771712303,0.4106616973876953 -0.29742173850536346,0.4334833100438118 l-0.30919933691620827,0.4183382913470268 -0.29029713943600655,0.41950006037950516 l-0.2753543481230736,0.42146269232034683 -0.2639987878501415,0.43188970535993576 l-0.27218377217650414,0.44342540204524994 -0.2752935327589512,0.44815585017204285 l-0.28316691517829895,0.4619310796260834 -0.003370177000761032,1.000450775027275 l0.024051351938396692,1.1327099800109863 0.22516069933772087,0.33208388835191727 l0.24548949673771858,0.33824142068624496 0.137023339048028,0.40400564670562744 l0.15546442940831184,0.42250126600265503 0.17454767599701881,0.4363653436303139 l1.3005046546459198,-0.017008663853630424 1.5046869218349457,-0.011237949365749955 l0.45571234077215195,-0.3691830113530159 0.7267726212739944,-0.042485352605581284 l0.5621765553951263,-0.3868895396590233 0.47234073281288147,-0.11877110227942467 l0.38782648742198944,-0.3522789105772972 0.4241069406270981,-0.11530330404639244 l0.3807731345295906,-0.3650320693850517 0.3893984481692314,-0.12820661067962646 l0.36393623799085617,-0.35630322992801666 0.4637249559164047,-0.006157897878438234 l0.36661338061094284,-0.5332594364881516 0.44771093875169754,-0.010884646326303482 l0.2123902551829815,-0.5466730147600174 0.33396534621715546,-0.06346574984490871 l0.17542464658617973,-0.5349826812744141 0.20247921347618103,-0.188326183706522 l0.02333268290385604,-0.43019939213991165 0.08573310449719429,-0.3680281341075897 l0.06004811730235815,-0.5124377086758614 0.1294099073857069,-0.5419431626796722 l0.1873709075152874,-0.5994708091020584 0.23607837036252022,-0.6166848167777061 l0.2596912533044815,-0.6275276094675064 0.24216534569859505,-0.6379010528326035 l0.22159865126013756,-0.656164288520813 0.1922629028558731,-0.6560506671667099 l0.25046950206160545,-0.6450770050287247 0.11939669027924538,-0.6585515290498734 l0.2365054190158844,-0.7086922973394394 0.18395615741610527,-0.7722973078489304 l0.149795264005661,-0.5886511504650116 0.19777465611696243,-0.7122653722763062 l0.13662416487932205,-0.5699142813682556 0.19486533477902412,-0.7540756464004517 l0.1533590629696846,-0.5586166679859161 0.14403443783521652,-0.5530839785933495 l0.1473285909742117,-0.5405239015817642 0.15058476477861404,-0.542224571108818 l0.1480224821716547,-0.5334018543362617 0.14998533762991428,-0.5214779451489449 l0.13822047971189022,-0.5017754435539246 0.14754632487893105,-0.479283407330513 l0.1340232416987419,-0.4701004922389984 0.1351380255073309,-0.4510838910937309 l0.1365731842815876,-0.43326545506715775 0.12901850044727325,-0.4173838719725609 l0.1309952698647976,-0.41489679366350174 0.14006908982992172,-0.4069617763161659 l0.13588638044893742,-0.4015221819281578 0.14387089759111404,-0.400182344019413 l0.15139362774789333,-0.40710244327783585 0.15093907713890076,-0.4077887162566185 l0.023046000860631466,-0.6730977445840836 0.33670395612716675,-0.3510962054133415 l-0.03885742975398898,-0.7756868004798889 -0.0161490379832685,-0.46648312360048294 l0.02788738114759326,-0.5175713822245598 -0.11739992536604404,-0.5259311571717262 l-0.12369737960398197,-0.3492339327931404 -0.17004655674099922,-0.19556574523448944 l-0.2206096425652504,0.022471286356449127 -0.27670718729496,0.21429356187582016 l-0.35316433757543564,0.3165595605969429 -0.3675992414355278,0.42907673865556717 l-0.419241338968277,0.49586236476898193 -0.47608256340026855,0.6621701270341873 l-0.5383335426449776,0.7924418151378632 -0.5640974640846252,0.9077850729227066 l-0.6084883213043213,1.0061614215373993 -0.9805914759635925,1.5413135290145874 l-0.9998515248298645,1.6062718629837036 -1.0310519486665726,1.6648072004318237 l-1.02308988571167,1.669105887413025 -0.04758209455758333,0.6070337817072868 l-0.0667268130928278,0.4408378154039383 -0.820237472653389,1.5447159111499786 l0.008240597671829164,0.6866532564163208 -0.04730689339339733,0.474773533642292 l-0.042520309798419476,0.41596371680498123 -0.03600596450269222,0.45986324548721313 l-0.038095328491181135,0.4942576587200165 -0.03754741279408336,0.5137038975954056 l-0.030800628010183573,0.5612025037407875 -0.031801932491362095,0.5815671384334564 l-0.029521493706852198,0.650147870182991 -0.021301917731761932,0.7177414000034332 l-0.022092019207775593,0.7132645696401596 -0.023879122454673052,0.7741404324769974 l-0.013669778127223253,0.8188721537590027 -0.008046460570767522,0.870685875415802 l0.001884759112726897,0.9236161410808563 0.006226428668014705,0.9280233085155487 l0.004285697068553418,0.9276513010263443 -0.001443506043870002,1.0005950927734375 l0.39083272218704224,0.2913939766585827 0.3513020649552345,0.06141377612948418 l0.5782167240977287,-0.011905892752110958 -0.007217704551294446,-0.28060439974069595 l-0.014916958753019571,-0.6195025891065598 m14.863258600234985,-6.210716366767883 l1.4960204064846039,-0.08673848584294319 0.37906743586063385,-0.1661793328821659 l0.6228667497634888,0.03418412525206804 0.3695159777998924,-0.10800614021718502 l0.37505272775888443,-0.05400104448199272 0.30214572325348854,-0.05998024716973305 l0.27402371168136597,-0.05643267184495926 0.2666773460805416,-0.05212774034589529 l0.2594127878546715,-0.032675310503691435 0.24700427427887917,-0.02518207300454378 l0.23610234260559082,-0.014711024705320597 0.21762050688266754,-0.010456261225044727 l0.19828271120786667,-0.004825925279874355 0.19048461690545082,-0.002899025857914239 l0.1912500336766243,-0.0006542095798067749 0.2025836706161499,-0.0013070109707769006 l0.5575230345129967,-0.5835655331611633 0.32538555562496185,0.004441632772795856 l0.2380543015897274,-0.011866306886076927 0.24470597505569458,-0.015580222243443131 l0.26355525478720665,-0.011266703950241208 0.4737479239702225,-0.4946757107973099 l0.32909397035837173,-0.025557358749210835 0.2822131849825382,-0.032421150244772434 l0.2936123125255108,-0.027489897329360247 0.02772762207314372,-0.28416832908988 l0.0319937733002007,-0.3084663674235344 0.018452563090249896,-0.33334124833345413 l0.015225410461425781,-0.35275500267744064 -0.009528499213047326,-0.6283135712146759 l-0.004811110848095268,-0.5616382509469986 -0.00606779009103775,-0.32607585191726685 l0.006029349169693887,-0.30458785593509674 -0.284986887127161,-0.019979749340564013 l0.005831352318637073,-0.27404677122831345 0.014135424280539155,-0.31300220638513565 l0.01093857572413981,-0.3331000357866287 -0.35185404121875763,-0.03688242519274354 l-0.4587816074490547,-0.023271997924894094 -0.5035809054970741,-0.024153818376362324 l-1.0938180983066559,0.02103392267599702 -1.33652463555336,0.03896328620612621 l-0.3250671550631523,0.13373206369578838 -0.2672264352440834,0.28820889070630074 l-0.2727043628692627,0.2542681060731411 -0.25980107486248016,0.24440431967377663 l-0.241925697773695,0.23723021149635315 -0.25631293654441833,0.2344898134469986 l-0.2888792008161545,0.23832648992538452 -0.3385350853204727,0.2675367519259453 l0.023957197554409504,0.1698077656328678 0.008830745937302709,0.15265277586877346 l0.011898591183125973,0.18187588080763817 0.0034791414509527385,0.1915842667222023 l0.0006078748992877081,0.19325211644172668 -0.005824234103783965,0.19717877730727196 l-0.006452311063185334,0.1772424764931202 -0.006026927730999887,0.18735826015472412 l-0.010326807387173176,0.18577298149466515 -0.015066842315718532,0.1785387098789215 l-0.01857113093137741,0.17185058444738388 -0.023111712653189898,0.17498468980193138 l-0.02203487092629075,0.1729990728199482 -0.02333089942112565,0.1768084242939949 l-0.027688725385814905,0.1848088949918747 -0.02620679559186101,0.17980610951781273 l-0.2200707234442234,0.36396466195583344 -0.028717410750687122,0.24160625413060188 l-0.25135742500424385,0.34440837800502777 -0.02951707225292921,0.2508893050253391 l-0.03187958849593997,0.256116334348917 -0.02577829174697399,0.2897806279361248 l-0.2663259208202362,0.31539246439933777 -0.0452518742531538,0.37051238119602203 l-0.030922002624720335,0.4481913521885872 -0.029696482233703136,0.5602880567312241 l-0.037204206455498934,0.642922893166542 0.055159456096589565,0.22197246551513672 l-0.026994552463293076,0.6357680261135101 0.10881800204515457,0.2905190549790859 l-0.021887309849262238,0.6328364461660385 -0.0380336563102901,0.7003434002399445 l-0.0335545907728374,0.6821361184120178 -0.02694546477869153,0.6205473840236664 l-0.0251086731441319,0.596386007964611 0.2088233269751072,0.40597066283226013 l0.2538345754146576,0.38691751658916473 0.2675604820251465,0.3981141373515129 l0.20612219348549843,0.0017772660066839308 0.2201596461236477,0.013861084589734674 l0.2485528588294983,0.005822767852805555 0.018227542750537395,0.2969428710639477 l0.29844963923096657,-0.021397056989371777 0.40573466569185257,0.4578433558344841 l0.48386793583631516,0.5481624603271484 0.5191592499613762,-0.031694655772298574 l0.4717659577727318,0.5001611262559891 0.7035715132951736,-0.013160491362214088 l0.5165354534983635,0.5244209617376328 0.7518763840198517,-0.010316160041838884 l1.6800129413604736,-0.009004741441458464 0.7152925431728363,-0.013093984453007579 l0.1305815950036049,-0.2225714921951294 0.022519230842590332,-0.31433194875717163 l0.22143704816699028,0.0272554368712008 0.056820400059223175,-0.2987346239387989 l0.2309558168053627,-0.3150496631860733 \" fill=\"none\" stroke=\"black\" stroke-width=\"1\"/></svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
}
],
"source": [
"stroke = test_set.random_sample()\n",
"z1 = encode(stroke)\n",
"_ = decode(z1)"
]
},
{
"cell_type": "markdown",
"metadata": {
"colab_type": "text",
"id": "tDqJR8_eFQvK"
},
"source": [
"Now we interpolate between sheep $z_0$ and sheep $z_1$"
]
},
{
"cell_type": "code",
"execution_count": 84,
"metadata": {
"colab": {},
"colab_type": "code",
"id": "_YkPNL5SFQvL"
},
"outputs": [],
"source": [
"z_list = [] # interpolate spherically between z0 and z1\n",
"N = 10\n",
"for t in np.linspace(0, 1, N):\n",
" z_list.append(slerp(z0, z1, t))"
]
},
{
"cell_type": "code",
"execution_count": 85,
"metadata": {
"colab": {},
"colab_type": "code",
"id": "UoM-W1tQFQvM"
},
"outputs": [
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"107.6640779117588\" version=\"1.1\" width=\"241.59409373998642\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:ev=\"http://www.w3.org/2001/xml-events\" xmlns:xlink=\"http://www.w3.org/1999/xlink\"><defs/><rect fill=\"white\" height=\"107.6640779117588\" width=\"241.59409373998642\" x=\"0\" y=\"0\"/><path d=\"M216.59409373998642,82.6640779117588 m-5.551029443740845,-2.7330687642097473 l-5.1083701848983765,-1.0216694325208664 -1.896858662366867,-3.338523805141449 l-0.7161435484886169,-2.900790274143219 -0.05287474952638149,0.2219107374548912 l0.09146533906459808,0.4086548835039139 0.28837889432907104,-1.0051041841506958 l-1.1016733199357986,-2.207253873348236 0.2767467126250267,0.014575578970834613 l1.4688456058502197,-1.4506445825099945 0.7614856958389282,-2.0091576874256134 l0.7322032749652863,-0.06988979876041412 0.12720330618321896,-3.218350112438202 l-0.22918596863746643,-0.7488752901554108 -0.5294928327202797,-4.1102296113967896 l-0.8601231873035431,-1.310851275920868 -2.239568680524826,-4.081039130687714 l-1.796586960554123,-1.4395596086978912 -1.6018690168857574,-1.7209137976169586 l-1.645616888999939,-1.4340530335903168 -2.229895144701004,-1.2747672200202942 l-1.6774436831474304,-1.5024586021900177 -6.987737417221069,-5.448822975158691 l-2.2799959778785706,-1.2876543402671814 -8.295941948890686,-4.47679728269577 l-10.590450763702393,-2.535407245159149 -2.6895079016685486,-0.659056156873703 l-9.255295395851135,-2.924971878528595 -11.605890989303589,-0.9468033164739609 l-2.6790645718574524,-0.17079858109354973 -1.9328755140304565,-1.3095028698444366 l-11.677287817001343,-0.4896984249353409 -13.045819997787476,-0.06516451481729746 l-2.3109467327594757,0.37331104278564453 -1.7608213424682617,-0.7906524837017059 l-11.881368160247803,0.13584335334599018 -12.717840671539307,0.028159234207123518 l-14.029761552810669,0.5495970323681831 -14.461543560028076,0.756155326962471 l-1.8328237533569336,3.2620322704315186 -1.3788899779319763,2.0157888531684875 l-1.3105341792106628,2.348722219467163 -2.7964049577713013,0.5972418934106827 l-1.5343470871448517,3.5841313004493713 -1.949554979801178,1.846814602613449 l-2.839902937412262,2.1880121529102325 -3.6024826765060425,2.676655352115631 l-4.053910970687866,2.9829812049865723 -4.173442721366882,3.0157989263534546 l-4.104976952075958,2.707771360874176 0.750764012336731,0.3502507880330086 l-1.07503280043602,-0.44807229191064835 \" fill=\"none\" stroke=\"black\" stroke-width=\"1\"/></svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"103.63358886213973\" version=\"1.1\" width=\"94.4892836175859\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:ev=\"http://www.w3.org/2001/xml-events\" xmlns:xlink=\"http://www.w3.org/1999/xlink\"><defs/><rect fill=\"white\" height=\"103.63358886213973\" width=\"94.4892836175859\" x=\"0\" y=\"0\"/><path d=\"M35.36062683793716,78.63358886213973 m-5.830690264701843,-2.534736692905426 l-3.5062772035598755,-0.9078461676836014 -0.5455560609698296,-4.288409948348999 l-0.03018326824530959,-2.932899296283722 0.10394477285444736,0.2615956775844097 l-0.018860745476558805,0.26871295645833015 0.4236556962132454,0.08835991844534874 l-0.9566597640514374,-1.8617430329322815 0.39333194494247437,-0.025216417852789164 l1.5292845666408539,-1.487879902124405 1.596069186925888,-1.5375114977359772 l0.9592847526073456,0.05194001831114292 0.7718303799629211,-2.5974267721176147 l1.2946076691150665,-3.4842365980148315 0.8030115813016891,-0.18110260367393494 l0.7807616889476776,-4.742211103439331 0.21321287378668785,-1.029539778828621 l0.5678970366716385,-0.5599841475486755 0.7825938612222672,-0.8448803424835205 l0.8482269197702408,-2.98979252576828 0.9957502037286758,-0.7828230410814285 l0.8232595771551132,-0.9568267315626144 0.7372038811445236,-2.1322692930698395 l1.0077524185180664,-0.8669742196798325 0.8456817269325256,-1.0109435021877289 l0.6933679431676865,-1.4610715210437775 0.6300341337919235,-0.9799013286828995 l0.3850274905562401,-0.969715341925621 0.4043574631214142,-1.4553993940353394 l0.4184027388691902,-1.2546809017658234 0.4872104898095131,-1.5791493654251099 l0.5070584267377853,-1.417698860168457 0.39234522730112076,-1.4048117399215698 l0.4918019101023674,-0.04688536748290062 0.5341037735342979,-1.4113247394561768 l0.7780642807483673,-0.9010910242795944 0.9362130612134933,-1.0426957160234451 l1.1403993517160416,-0.8212462812662125 1.4192473888397217,-0.7299604266881943 l1.6758029162883759,-0.5025258287787437 1.9865138828754425,-0.37948764860630035 l2.3298870027065277,-0.19129833206534386 3.083387017250061,0.45163385570049286 l2.9237568378448486,0.9380776435136795 2.6472705602645874,1.346254050731659 l2.355148196220398,1.6150778532028198 1.8834994733333588,1.7850062251091003 l1.4366237819194794,1.8128448724746704 \" fill=\"none\" stroke=\"black\" stroke-width=\"1\"/></svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"70.79295199830085\" version=\"1.1\" width=\"394.2729148361832\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:ev=\"http://www.w3.org/2001/xml-events\" xmlns:xlink=\"http://www.w3.org/1999/xlink\"><defs/><rect fill=\"white\" height=\"70.79295199830085\" width=\"394.2729148361832\" x=\"0\" y=\"0\"/><path d=\"M29.528366029262543,45.79295199830085 m-4.528366029262543,-3.7722232937812805 l0.08887897245585918,-1.782720685005188 0.6654535979032516,-2.2653724253177643 l0.7212356477975845,0.2147223800420761 0.28981929644942284,0.43538711965084076 l1.0283555090427399,-0.11876359581947327 1.8795782327651978,-2.761645019054413 l4.338597059249878,-4.010733067989349 7.594845294952393,-4.627511203289032 l3.9110952615737915,-0.8757594972848892 2.8418689966201782,-1.1728563159704208 l3.203626573085785,-0.05547639448195696 2.8054672479629517,0.1664670929312706 l2.573602795600891,0.5315443500876427 6.717721223831177,-0.26638971641659737 l9.435443878173828,0.10628197342157364 11.3381028175354,-0.3248285502195358 l12.707005739212036,0.0686965323984623 14.317647218704224,0.4211398586630821 l15.240334272384644,0.556301437318325 16.415215730667114,0.877799466252327 l17.017680406570435,0.8682500571012497 18.38940739631653,0.8490829914808273 l18.620572090148926,0.6769374012947083 19.196730852127075,0.5630718916654587 l17.205008268356323,0.398162417113781 18.25682759284973,0.21040042862296104 l18.47204566001892,0.24251366034150124 19.175150394439697,0.13977319933474064 l20.542261600494385,0.5002933740615845 20.00627040863037,0.6196841597557068 l19.970104694366455,0.8078757673501968 19.306960105895996,0.845998227596283 \" fill=\"none\" stroke=\"black\" stroke-width=\"1\"/></svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"95.82155595300719\" version=\"1.1\" width=\"189.0628488897346\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:ev=\"http://www.w3.org/2001/xml-events\" xmlns:xlink=\"http://www.w3.org/1999/xlink\"><defs/><rect fill=\"white\" height=\"95.82155595300719\" width=\"189.0628488897346\" x=\"0\" y=\"0\"/><path d=\"M36.138229947537184,70.82155595300719 m-5.433361530303955,-3.110290765762329 l-4.294259250164032,-1.872151643037796 -1.2326858937740326,-2.94335275888443 l-0.1779232732951641,-2.840578854084015 0.23975981399416924,0.15563453547656536 l0.051765767857432365,0.3586973622441292 0.4829499125480652,-0.8734067529439926 l-0.027741596568375826,-2.1698717772960663 0.512852780520916,0.0032910495065152645 l1.5754090249538422,-1.3420717418193817 1.5627652406692505,-1.5137088298797607 l1.0454349219799042,0.07426981348544359 1.0346084088087082,-2.484881728887558 l0.5799863860011101,-0.42180199176073074 0.8177056163549423,-3.677350878715515 l0.3395230323076248,-0.8527220040559769 0.6806809455156326,-0.3342800959944725 l0.6925336271524429,-4.032657742500305 0.8280433714389801,-0.6002882122993469 l0.7732274383306503,-0.7277733832597733 1.0212309658527374,-3.098301589488983 l1.0165949165821075,-0.6775302439928055 0.8513057976961136,-0.8853345364332199 l0.8992990106344223,-1.9065546989440918 1.001776084303856,-0.687432661652565 l0.8143546432256699,-0.9961821883916855 0.9740256518125534,-1.5511921048164368 l1.4887110888957977,-1.198841631412506 2.097863107919693,-1.3381437957286835 l3.0426758527755737,-1.382896900177002 4.543761610984802,-1.2052790075540543 l5.7532840967178345,-0.9424364566802979 7.058058381080627,-0.47052089124917984 l7.8733766078948975,-0.27561284601688385 8.840389251708984,0.044393581338226795 l9.594621062278748,0.5361353233456612 10.29403567314148,0.735740065574646 l10.783870220184326,1.0350820422172546 11.683858633041382,1.4464843273162842 l6.338855028152466,-0.529995784163475 12.095448970794678,0.9600729495286942 l13.136799335479736,1.045789122581482 6.669148206710815,-0.5595820397138596 \" fill=\"none\" stroke=\"black\" stroke-width=\"1\"/></svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"75.49249181523919\" version=\"1.1\" width=\"253.88325506821275\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:ev=\"http://www.w3.org/2001/xml-events\" xmlns:xlink=\"http://www.w3.org/1999/xlink\"><defs/><rect fill=\"white\" height=\"75.49249181523919\" width=\"253.88325506821275\" x=\"0\" y=\"0\"/><path d=\"M25,50.49249181523919 m6.04381799697876,-3.3585625886917114 l1.5071719884872437,-1.1091331392526627 2.3008152842521667,0.10996030643582344 l2.500988245010376,-0.4825720563530922 7.210503816604614,-2.6303258538246155 l12.112159729003906,-3.4466636180877686 7.76733934879303,-1.213890090584755 l8.426552414894104,-1.6429440677165985 8.95254909992218,-1.518220603466034 l9.525972604751587,-1.4277374744415283 9.149171710014343,-1.2523378431797028 l9.239616394042969,-1.2961281836032867 8.606204986572266,-1.2660150229930878 l7.991010546684265,-1.2507158517837524 7.805894613265991,-1.2171628326177597 l7.385020852088928,-1.2676151096820831 6.932468414306641,-1.222427785396576 l5.1841408014297485,0.29959190636873245 4.839729964733124,0.2907258830964565 l4.82890397310257,0.5593369528651237 4.882614314556122,0.6364444643259048 l4.998209774494171,0.6741528958082199 5.144830346107483,0.6570776551961899 l5.310755372047424,0.6026795506477356 5.453048944473267,0.5101985111832619 l5.539824366569519,0.4916432499885559 5.449602007865906,0.4487621411681175 l5.243424773216248,0.4885316267609596 4.900224804878235,0.671919658780098 l4.478139281272888,0.8626344799995422 -1.1968355625867844,0.6926028430461884 l-0.17607225105166435,0.7591008394956589 0.2045091986656189,1.0188957303762436 l2.324196696281433,0.9617139399051666 5.030956864356995,0.5775135010480881 l7.985793352127075,-0.03435263875871897 \" fill=\"none\" stroke=\"black\" stroke-width=\"1\"/></svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"83.85561993345618\" version=\"1.1\" width=\"601.9439153373241\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:ev=\"http://www.w3.org/2001/xml-events\" xmlns:xlink=\"http://www.w3.org/1999/xlink\"><defs/><rect fill=\"white\" height=\"83.85561993345618\" width=\"601.9439153373241\" x=\"0\" y=\"0\"/><path d=\"M25,46.37202074751258 m5.864070653915405,-3.1308385729789734 l1.767071932554245,-0.9081251174211502 2.618648111820221,0.3277985006570816 l2.715376913547516,-0.2711426466703415 7.531029582023621,-2.165989875793457 l12.754521369934082,-2.630845606327057 8.534882068634033,-0.8866866677999496 l9.226027131080627,-1.324472427368164 10.28356671333313,-1.2601867318153381 l10.656006336212158,-1.1310377717018127 10.180716514587402,-1.059388592839241 l10.201715230941772,-1.0919971764087677 10.04030704498291,-1.1669670790433884 l9.51698899269104,-1.1967029422521591 9.119417071342468,-1.1950085312128067 l8.847113847732544,-1.2660518288612366 17.301769256591797,-0.7705487310886383 l18.689022064208984,-0.24382894858717918 18.58749270439148,0.3130294755101204 l20.277488231658936,0.6328586488962173 20.6056547164917,0.8636495471000671 l21.438758373260498,1.0281306505203247 22.316203117370605,1.212276741862297 l23.020782470703125,1.4896006882190704 22.16942071914673,1.6508494317531586 l21.190156936645508,1.92807137966156 22.0646333694458,2.327215075492859 l20.49337863922119,2.659059464931488 20.497326850891113,3.1159815192222595 l18.47076416015625,3.2843711972236633 18.811310529708862,3.4414583444595337 l17.86487102508545,3.282037377357483 17.04580068588257,2.8610825538635254 l16.986961364746094,2.170884609222412 16.952221393585205,1.3202065229415894 l15.54519772529602,0.27485670521855354 15.885313749313354,-0.6392645090818405 l15.871927738189697,-1.5904919803142548 \" fill=\"none\" stroke=\"black\" stroke-width=\"1\"/></svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"67.95702835544944\" version=\"1.1\" width=\"604.2538569867611\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:ev=\"http://www.w3.org/2001/xml-events\" xmlns:xlink=\"http://www.w3.org/1999/xlink\"><defs/><rect fill=\"white\" height=\"67.95702835544944\" width=\"604.2538569867611\" x=\"0\" y=\"0\"/><path d=\"M25,42.95702835544944 m5.425009727478027,-3.0406665802001953 l1.997278779745102,-0.5823100730776787 2.8126785159111023,0.4726899787783623 l2.8496727347373962,-0.16709459945559502 8.03511917591095,-1.4178772270679474 l13.921012878417969,-1.579638421535492 9.229933023452759,-0.6148086488246918 l9.991012215614319,-0.7815229147672653 10.95433235168457,-0.8914241194725037 l10.82122802734375,-0.8852542191743851 11.084256172180176,-0.9345106780529022 l10.666673183441162,-1.0591286420822144 10.573567152023315,-1.1179319769144058 l10.820748805999756,-1.205316111445427 10.437346696853638,-1.2120671570301056 l9.960274696350098,-1.1147605627775192 18.746650218963623,-0.8101118355989456 l20.794124603271484,-0.657462477684021 21.68797254562378,-0.229275431483984 l22.64185667037964,-0.12855665758252144 21.819632053375244,0.07688369136303663 l23.334596157073975,0.11717966757714748 23.050849437713623,0.2210947498679161 l21.52536392211914,0.39678141474723816 21.5626859664917,0.48731084913015366 l22.253191471099854,0.7569412887096405 24.042563438415527,1.0551545768976212 l20.56352138519287,1.420186460018158 21.469807624816895,1.6262975335121155 l21.004300117492676,1.9999079406261444 19.89521861076355,2.142757922410965 l10.327950716018677,-0.16938244923949242 16.555739641189575,0.5629893764853477 l17.222126722335815,0.3450596332550049 17.250540256500244,0.1500529795885086 l8.220770359039307,-0.9061530232429504 13.421745300292969,-1.3905352354049683 l7.282505631446838,-1.28513902425766 \" fill=\"none\" stroke=\"black\" stroke-width=\"1\"/></svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"68.58800645684823\" version=\"1.1\" width=\"659.5286251604557\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:ev=\"http://www.w3.org/2001/xml-events\" xmlns:xlink=\"http://www.w3.org/1999/xlink\"><defs/><rect fill=\"white\" height=\"68.58800645684823\" width=\"659.5286251604557\" x=\"0\" y=\"0\"/><path d=\"M25,43.588006456848234 m4.865104854106903,-2.622901201248169 l2.0098932087421417,-0.08789039216935635 2.9525065422058105,0.7487764954566956 l3.09901624917984,0.2034565806388855 9.56816554069519,-0.29249947518110275 l8.061907887458801,0.11303429491817951 16.75382971763611,0.04207859747111797 l10.501840114593506,-0.4247519001364708 10.852750539779663,-0.15539977699518204 l11.136358976364136,-0.50491563975811 11.452770233154297,-0.6065394729375839 l11.453649997711182,-0.8521716296672821 11.584125757217407,-1.0441840440034866 l11.590654850006104,-1.109764352440834 11.648216247558594,-1.2163875997066498 l11.887123584747314,-1.1085882037878036 11.038757562637329,-1.094924658536911 l10.837430953979492,-0.9640523791313171 20.13047218322754,-1.3425081968307495 l21.615042686462402,-1.2562443315982819 22.082386016845703,-1.0343437641859055 l23.429560661315918,-1.137327402830124 23.16889762878418,-0.8780757337808609 l21.83659791946411,-0.6272165477275848 23.451566696166992,-0.7476583123207092 l21.742541790008545,-0.401323139667511 21.94981336593628,-0.16307545825839043 l23.480935096740723,-0.02260881243273616 20.8142352104187,0.42242616415023804 l21.45801544189453,0.529806837439537 20.138461589813232,0.8288358896970749 l21.36662006378174,0.7281604409217834 19.90770697593689,0.93282550573349 l20.374770164489746,0.8343242108821869 19.124794006347656,0.9388779848814011 l10.184422731399536,-0.4098624363541603 15.39838433265686,-0.15067624859511852 l8.92435610294342,-0.5692723020911217 14.025535583496094,-0.8493340760469437 l15.398392677307129,-0.804944708943367 8.231013417243958,-0.9783899039030075 \" fill=\"none\" stroke=\"black\" stroke-width=\"1\"/></svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"96.6491959193263\" version=\"1.1\" width=\"135.45500793758038\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:ev=\"http://www.w3.org/2001/xml-events\" xmlns:xlink=\"http://www.w3.org/1999/xlink\"><defs/><rect fill=\"white\" height=\"96.6491959193263\" width=\"135.45500793758038\" x=\"0\" y=\"0\"/><path d=\"M35.668858527205884,53.36380061651653 m1.2042220681905746,-1.4865902066230774 l-0.34544549882411957,-0.3333493694663048 -4.08039391040802,0.06325588095933199 l-1.1442062258720398,0.4994317516684532 -1.670839786529541,1.0204007476568222 l-1.5819573402404785,1.4713440835475922 -0.3487449511885643,0.49822989851236343 l-1.34913370013237,2.4076995253562927 -0.8197469264268875,2.533271610736847 l-0.189463309943676,2.373017370700836 -0.1643546111881733,1.349964290857315 l-0.10101224295794964,1.3357087969779968 -0.07778209168463945,1.2769339978694916 l0.024163550697267056,1.156114861369133 0.02224494470283389,1.0937227308750153 l0.04569099750369787,1.083696261048317 0.07040260825306177,0.9247417002916336 l0.46457309275865555,0.8382462710142136 0.41948989033699036,0.17955509945750237 l1.3662528991699219,-0.026024901308119297 1.4018023014068604,-0.04420184064656496 l0.9006620943546295,-0.02091372385621071 0.8831625431776047,-0.4565253108739853 l0.9585809707641602,-0.5725202336907387 0.9426725655794144,-0.8144260942935944 l0.7660100609064102,-0.7549697905778885 0.835876539349556,-0.7462353259325027 l0.7713671028614044,-0.6670364737510681 0.657743290066719,-0.9469521790742874 l0.4531373456120491,-0.8708189427852631 0.7136183232069016,-0.5744992196559906 l0.2825631946325302,-0.8137965202331543 0.42421184480190277,-0.7340241968631744 l0.2971159853041172,-0.8352987468242645 0.46858999878168106,-0.7760828733444214 l0.3952053189277649,-0.923168808221817 0.4583398625254631,-0.9793069958686829 l0.416375957429409,-1.0661714524030685 0.43192308396101,-1.1009590327739716 l0.4028134047985077,-1.1634428799152374 0.4152297228574753,-1.1969774961471558 l0.39304379373788834,-1.2515252828598022 0.3883695602416992,-1.2663479149341583 l0.3449135646224022,-1.3139469921588898 0.3349641337990761,-1.3275310397148132 l0.3034570999443531,-1.342436820268631 0.2959519252181053,-1.3329556584358215 l0.6723005324602127,-1.9350086152553558 0.6531801074743271,-2.398661822080612 l0.778529942035675,-2.5714299082756042 0.8178004622459412,-2.621814012527466 l0.8643830567598343,-2.595113515853882 -0.012369860196486115,-0.9540761262178421 l0.20246941596269608,-0.6532870978116989 0.15624834224581718,-0.5210072547197342 l0.25526007637381554,-0.4891921952366829 0.09216135367751122,-0.6462381780147552 l0.19545581191778183,-0.5021612346172333 -0.018194824224337935,-0.6622132658958435 l0.0656741950660944,-0.4668191075325012 -0.09431852027773857,-0.46537265181541443 l0.0397693645209074,-0.24224309250712395 -0.11845161207020283,-0.2267475612461567 l-0.07182945031672716,0.5745499208569527 -0.045025525614619255,0.6336858868598938 l-0.04927457310259342,0.694282278418541 -0.049621895886957645,0.6505067646503448 l-0.08740907534956932,0.6691310554742813 -0.08191713131964207,0.6912246346473694 l-0.09247030131518841,0.7123786956071854 -0.19726337864995003,0.4029907286167145 l-0.2512293867766857,1.4544443786144257 -0.4874241352081299,1.4567719399929047 l-0.5495652556419373,1.6811023652553558 -0.5741684511303902,1.903117597103119 l-0.5846335738897324,2.052743136882782 -0.654664933681488,2.165408581495285 l-0.6748230010271072,2.2191371023654938 -0.7047712802886963,2.279093861579895 l-0.6770385056734085,2.2627316415309906 -0.6423592567443848,2.2680366039276123 l-0.6196903809905052,2.1901236474514008 -0.03892901353538036,1.0534600168466568 l-0.39917565882205963,1.3227999210357666 -0.37957437336444855,1.375207006931305 l-0.019922868814319372,1.2635689973831177 -0.3053661622107029,0.7243504375219345 l-0.009306566789746284,1.4729015529155731 -0.0154533248860389,1.5022946894168854 l-0.24112999439239502,0.7078783214092255 -0.019367346540093422,1.7528435587882996 l0.46829935163259506,0.5933873727917671 0.44857844710350037,0.2115575224161148 l0.4753410071134567,-0.04734023008495569 0.45873504132032394,-0.19455015659332275 l0.6019890680909157,-0.44092897325754166 0.6229343265295029,-0.5411748960614204 l0.6023991852998734,-0.5299847945570946 m13.380224704742432,-12.838727235794067 l-0.7070499658584595,0.38663536310195923 -0.09216500446200371,0.16127994284033775 l0.03730450989678502,0.24839604273438454 -0.18390316516160965,-0.040381704457104206 l-0.1629827730357647,-0.03673038212582469 -0.029150801710784435,0.2229308895766735 l-0.05958703812211752,0.2709894999861717 -0.05159127525985241,0.26140589267015457 l-0.046008601784706116,0.2627093344926834 -0.051254150457680225,0.28070343658328056 l-0.04559981171041727,0.29683081433176994 -0.04066244699060917,0.30686575919389725 l-0.07148110773414373,0.2882772870361805 -0.04159389529377222,0.3353295475244522 l-0.04035633523017168,0.40046054869890213 -0.2657621540129185,0.5834627524018288 l-0.04834465682506561,0.4876041039824486 -0.035351954866200686,0.301092192530632 l-0.04314643330872059,0.5181430280208588 -0.021379771642386913,0.3222069516777992 l-0.020234929397702217,0.31826768070459366 -0.008509526960551739,0.30797727406024933 l-0.00013634047718369402,0.313512422144413 0.009158789180219173,0.3150656074285507 l0.01663145492784679,0.30957354232668877 0.028332839719951153,0.28943324461579323 l0.03631215309724212,0.2759367600083351 0.0474219536408782,0.256742388010025 l0.06325262598693371,0.22914312779903412 0.08020422421395779,0.2071988210082054 l0.10990888811647892,0.1752791740000248 0.32504305243492126,0.24829039350152016 l0.20517507568001747,0.10407987982034683 0.24153247475624084,0.21640488877892494 l0.591280423104763,0.04982899408787489 0.9169354289770126,0.004268834018148482 l0.38246531039476395,-0.008225360652431846 0.20408986136317253,-0.1881047710776329 l0.21091880276799202,-0.027782823890447617 0.201454795897007,-0.0001888906081148889 l0.17499536275863647,-0.015423934673890471 m0.9262064844369888,-22.85564422607422 l-1.4037558436393738,-0.0980616919696331 -0.23720871657133102,-0.04259008914232254 l0.04797850735485554,0.11842034757137299 0.31570449471473694,0.1328543946146965 l0.180630125105381,0.2449975535273552 -0.18836509436368942,0.03988645039498806 l-0.09629850275814533,0.22354433313012123 -0.06220341194421053,0.28228215873241425 l-0.05667155608534813,0.25094032287597656 -0.03783033927902579,0.23962143808603287 l-0.021667080000042915,0.2402518317103386 0.00993753899820149,0.846782997250557 l0.001107768839574419,0.7650628685951233 -0.015310212038457394,0.49754608422517776 l-0.019633902702480555,0.24323247373104095 -0.015660939970985055,0.12895225547254086 l-0.010360596934333444,0.1470343116670847 0.04103563725948334,0.23800846189260483 l0.22363977506756783,-0.016367968637496233 0.30297912657260895,-0.025655364152044058 l0.6701003015041351,0.012269160943105817 0.5350640788674355,0.0015116760914679617 l0.3524338826537132,-0.0013234421203378588 0.185166597366333,-0.05550563335418701 l0.18609993159770966,-0.053388806991279125 0.19382186233997345,-0.04431863781064749 l0.17249470576643944,-0.04709411412477493 0.16758760437369347,-0.04233764950186014 l0.023055397905409336,-0.2077588066458702 0.15687346458435059,-0.023108755704015493 l0.019666629377752542,-0.2364598587155342 0.02504801843315363,-0.2815188281238079 l0.018522117752581835,-0.2923235855996609 0.01495318254455924,-0.28868764638900757 l0.005655484856106341,-0.27921266853809357 -0.004260794084984809,-0.27343593537807465 l-0.011345413513481617,-0.2651315741240978 0.0059559306828305125,-0.2785702794790268 l0.008901538094505668,-0.33253781497478485 0.009873845847323537,-0.3284577652812004 l0.01279854797758162,-0.32594483345746994 0.015982281183823943,-0.32220594584941864 l0.017432140884920955,-0.30788881704211235 0.018239871133118868,-0.2605467289686203 l0.01323066302575171,-0.25247858837246895 0.012314068153500557,-0.226201843470335 l0.008930375915952027,-0.16875464469194412 -0.04043738357722759,0.06935317534953356 l0.0035394300357438624,-0.05078305024653673 -0.014663836918771267,-0.032906432170420885 l-0.8122067153453827,-0.008248494705185294 -0.1889757439494133,0.0075832323636859655 l-0.014646900817751884,0.0848695170134306 0.012836595997214317,0.09618460200726986 l0.011035813950002193,0.09741918183863163 0.0017176239634864032,0.10334708727896214 m9.81421709060669,13.625074625015259 l1.1410906910896301,-1.0665246844291687 0.5958558619022369,-0.07122027222067118 l0.9397341310977936,0.07103688083589077 0.2538396418094635,-0.25568481534719467 l0.6746526062488556,0.0004414066279423423 0.34014131873846054,-0.3960178792476654 l0.0443576043471694,-0.13304660096764565 0.19393175840377808,-0.030161438044160604 l0.19030475988984108,-0.04322324879467487 0.19494302570819855,-0.04389030393213034 l0.20296461880207062,-0.040977271273732185 0.21268954500555992,-0.03480857238173485 l0.21692609414458275,-0.03352388506755233 0.22654639557003975,-0.035433240700513124 l0.22924738004803658,-0.03438944695517421 -0.018133368575945497,-0.02408372238278389 l0.2846522629261017,-0.3154437988996506 -0.011231906246393919,-0.1940927468240261 l-0.009977193549275398,-0.26226671412587166 -0.007456839666701853,-0.31568970531225204 l0.19853349775075912,-0.04213410895317793 -0.001049076090566814,-0.38420218974351883 l-0.0017115043010562658,-0.539310984313488 -0.0016752179362811148,-0.6182384863495827 l0.0011628140055108815,-0.5608006566762924 0.00503638933878392,-0.4403606057167053 l0.007777927094139159,-0.37772804498672485 -0.0006145147926872596,-0.2636329084634781 l0.0014732603449374437,-0.2742765098810196 0.00413545174524188,-0.2710544690489769 l-0.0007790239033056423,-0.2951255068182945 -0.3199666738510132,-0.0414497684687376 l-0.015579435275867581,-0.25002919137477875 -0.4075101390480995,-0.03329860977828503 l-0.03935392014682293,-0.22171666845679283 -0.4674512520432472,-0.022354924585670233 l-0.5505877733230591,-0.04097897559404373 -0.5676515772938728,-0.014649882214143872 l-0.5263516306877136,-0.030419405084103346 -0.28909217566251755,0.1998102106153965 l-0.2636442519724369,0.22445842623710632 -0.2991453930735588,-0.037747947499156 l-0.0173989892937243,0.1058589294552803 -0.009722627000883222,0.12619814835488796 l-0.015019065467640758,0.11516806669533253 -0.009411241626366973,0.11332581751048565 l-0.009532488766126335,0.11879283934831619 -0.010648667812347412,0.1205174345523119 l-0.012293775798752904,0.12499610893428326 -0.011809535790234804,0.12133562006056309 l-0.009370503248646855,0.12103790417313576 -0.014922060072422028,0.1249044667929411 l-0.016066639218479395,0.12102487497031689 -0.02096299547702074,0.12802332639694214 l-0.024069841019809246,0.1314203254878521 -0.02587665570899844,0.14585362747311592 l-0.029275361448526382,0.15104549005627632 -0.029899990186095238,0.1560287456959486 l-0.03195148427039385,0.17146451398730278 -0.03187069436535239,0.20284650847315788 l-0.031699128448963165,0.1917032152414322 -0.03073373343795538,0.23612035438418388 l-0.03178503829985857,0.24099821224808693 -0.03254022914916277,0.2690630964934826 l-0.0300446804612875,0.2971116080880165 -0.026119130197912455,0.3264209255576134 l-0.025229542516171932,0.3777437284588814 -0.02746224869042635,0.46320442110300064 l-0.02622100990265608,0.5476089194417 -0.031582864467054605,0.6433939933776855 l-0.033246357925236225,0.722973495721817 -0.03830669913440943,0.7374771684408188 l-0.040704417042434216,0.7834426313638687 -0.040670852176845074,0.8048582822084427 l0.06418660748749971,0.29801005497574806 0.06946068722754717,0.2563505619764328 l0.045856861397624016,0.342024601995945 -0.032802107743918896,0.6703955680131912 l-0.03835126291960478,0.7192213833332062 0.13193607330322266,0.3943299129605293 l0.14605612494051456,0.35134799778461456 0.1536061242222786,0.3450527787208557 l0.1781931333243847,0.3545980155467987 0.21023768931627274,0.35653699189424515 l0.25449853390455246,0.3635343909263611 0.2678174525499344,0.007455346058122814 l0.34357737749814987,0.35627853125333786 0.3908933326601982,0.02340181265026331 l0.47533828765153885,0.006134413997642696 0.5050259456038475,0.011977571994066238 l0.47197774052619934,0.005659303278662264 0.39378754794597626,-0.019053512951359153 l0.32771430909633636,-0.042551481164991856 0.29448090121150017,-0.05335038993507624 l0.2885748818516731,-0.050945132970809937 0.26735754683613777,-0.040648337453603745 l0.26792408898472786,-0.036679182667285204 0.25405287742614746,-0.05052195396274328 l0.16863098368048668,-0.13563902117311954 0.16639577224850655,-0.11139924637973309 l0.1383233442902565,-0.33936552703380585 0.09308035485446453,-0.3138884902000427 l0.05298248026520014,-0.1821461133658886 0.3293563425540924,-0.5645792186260223 m13.733376264572144,-9.351372718811035 l-1.4031080901622772,-1.0062064230442047 -0.8698021620512009,-0.14580671675503254 l-0.43539486825466156,0.3025149926543236 -0.345768965780735,0.04481292795389891 l-0.3861897438764572,0.10603470727801323 -0.389166921377182,0.24962982162833214 l-0.3932080417871475,0.18033288419246674 -0.4124266654253006,0.24945424869656563 l-0.4123526066541672,0.2594980224967003 -0.42334068566560745,0.2546091377735138 l-0.43219074606895447,0.2878197841346264 -0.43506667017936707,0.30907297506928444 l-0.5534273013472557,0.685226172208786 -0.5180639028549194,0.7005292922258377 l-0.43546147644519806,0.6919330358505249 -0.007949889986775815,0.48993777483701706 l-0.22129880264401436,0.43676067143678665 -0.31452786177396774,0.7447227090597153 l0.0227376283146441,0.8340296149253845 0.0005692622289643623,0.9586646407842636 l0.02070572692900896,1.0715707391500473 0.010337862186133862,1.043453887104988 l0.00043104788346681744,0.9260735660791397 0.21074185147881508,0.5156229808926582 l0.13640307821333408,0.48586752265691757 0.14939531683921814,0.4693952202796936 l0.22504709661006927,0.4327024519443512 1.713593602180481,-0.021362241823226213 l1.320115327835083,-0.010450587142258883 1.0628446191549301,-0.41619904339313507 l0.5148475244641304,-0.12057690881192684 1.2064380943775177,-0.437670573592186 l1.0321395844221115,-0.5720257759094238 0.9051008522510529,-0.5228417739272118 l0.8343153446912766,-0.6132665649056435 0.7846957445144653,-0.7277300208806992 l0.3874116390943527,-0.4733869433403015 0.3589699789881706,-0.5204380676150322 l0.3562600165605545,-0.5238517746329308 0.43773412704467773,-0.6063359975814819 l0.482739582657814,-0.7467082142829895 0.507463738322258,-0.813247337937355 l0.4763174429535866,-0.8632005751132965 0.45315299183130264,-0.9001286327838898 l0.4326331615447998,-0.9490241855382919 0.3947155550122261,-1.040922850370407 l0.7807720452547073,-2.256406843662262 0.7955700159072876,-2.380111962556839 l0.7232651114463806,-2.522909641265869 0.7054904848337173,-2.6982972025871277 l0.717819407582283,-2.70230770111084 0.768304169178009,-2.7785971760749817 l0.7541683316230774,-2.6125138998031616 0.05845160223543644,-0.8265050500631332 l0.14031602069735527,-0.6892797350883484 0.16800912097096443,-0.5447617545723915 l0.1673123985528946,-0.5647981911897659 0.2074582874774933,-0.49677763134241104 l0.1803894340991974,-0.47058578580617905 0.2010265551507473,-0.460670106112957 l0.15199130401015282,-0.4695676267147064 0.161569956690073,-0.43605372309684753 l0.08371999487280846,-0.480257123708725 0.1271220948547125,-0.44515643268823624 l-0.0903523899614811,-0.4795270785689354 -0.09047811850905418,-0.18048038706183434 l-0.2643771469593048,0.009427886107005179 -0.4837390035390854,0.537782572209835 l-0.7452370226383209,1.0389204323291779 -0.7925260812044144,1.3080936670303345 l-0.7674986869096756,1.3200066983699799 -0.8063366264104843,1.4238429069519043 l-0.8761317282915115,1.585553139448166 -0.8677988499403,1.6437463462352753 l-0.885891392827034,1.777183711528778 -0.8695940673351288,1.7931793630123138 l-0.8299742639064789,1.8201704323291779 -1.1079705506563187,3.1813520193099976 l-1.0244743525981903,2.892894148826599 -0.9092743694782257,2.5754189491271973 l-0.3184877708554268,0.9577599167823792 -0.00906321918591857,0.9390540421009064 l-0.5279664695262909,1.9719181954860687 0.025680672843009233,1.3949072360992432 l0.004609783354680985,1.2317904084920883 0.0015209261619020253,1.167679950594902 l-0.010396024445071816,1.150669977068901 -0.012469717767089605,1.1152596771717072 l-0.008564461604692042,1.1548076570034027 8.240160241257399e-05,1.1114069074392319 l0.4415789246559143,0.3797907382249832 0.4804043471813202,0.028208994772285223 l0.5798932537436485,-0.33348679542541504 0.054208491928875446,-0.34758754074573517 l0.003596445021685213,-0.3553856536746025 0.051249018870294094,-0.4027324542403221 m9.765095710754395,-5.933379530906677 l0.38681432604789734,-0.5701154097914696 0.7287997007369995,-0.12724262662231922 l0.6546622514724731,-0.008723876671865582 0.3366740792989731,-0.2146296389400959 l0.26352575048804283,-0.3947075456380844 0.23323673754930496,-0.04573030397295952 l0.1871822401881218,-0.06030726246535778 0.15571612864732742,-0.06203205790370703 l0.14827918261289597,-0.05273252725601196 0.14536011964082718,-0.049298880621790886 l0.14884818345308304,-0.04406000021845102 0.15884984284639359,-0.03643929958343506 l0.16368521377444267,-0.03302819561213255 0.17122505232691765,-0.030057362746447325 l0.18258849158883095,-0.02930461661890149 0.1916343905031681,-0.027635821606963873 l0.19688881933689117,-0.027249963022768497 0.3441490978002548,-0.44189583510160446 l0.26315299794077873,-0.02481020987033844 0.3855643793940544,-0.47544311732053757 l0.3979448229074478,-0.49828074872493744 0.4339590296149254,-0.5483527481555939 l0.4150908440351486,-0.5505411326885223 -0.004874556907452643,-0.6158242374658585 l0.026383635122328997,-0.3713620454072952 0.018068004865199327,-0.3545360267162323 l0.02309426898136735,-0.36273058503866196 0.024176554288715124,-0.36215852946043015 l0.02016028156504035,-0.3652428463101387 -0.00967872329056263,-0.5125799402594566 l-0.0046742617269046605,-0.4989767074584961 0.010162683902308345,-0.39533764123916626 l0.0125100277364254,-0.39099138230085373 -0.27817923575639725,-0.030172814149409533 l-0.547657273709774,0.039894720539450645 -0.39662089198827744,-0.013110898435115814 l-0.7680249214172363,0.001693156809778884 -1.0353128612041473,0.0052318640518933535 l-0.4428146779537201,0.31735047698020935 -0.31572360545396805,0.35639625042676926 l-0.24613521993160248,-0.0037158300983719528 -0.2456182986497879,0.36061156541109085 l-0.2627752535045147,0.2915411815047264 -0.2737208642065525,0.2903170511126518 l-0.328717902302742,0.34202057868242264 -0.3867633268237114,0.39016854017972946 l-0.4555779695510864,0.4743615537881851 -0.48490602523088455,0.5396093428134918 l-0.1866910420358181,0.3774508461356163 -0.23836664855480194,0.3920214995741844 l-0.006705850246362388,0.41229866445064545 -0.2949110418558121,0.44125303626060486 l-0.23935221135616302,0.41455116122961044 -0.247111264616251,0.41540462523698807 l-0.23078816011548042,0.397275872528553 -0.034395516850054264,0.3918115422129631 l-0.0330648641102016,0.3959709405899048 -0.22425368428230286,0.4180353134870529 l-0.03953984472900629,0.44038981199264526 -0.0371314724907279,0.4541134834289551 l-0.03412037156522274,0.4920871928334236 -0.03580236807465553,0.5880829319357872 l-0.03604744793847203,0.6082290038466454 -0.03149751806631684,0.7057054340839386 l-0.031770020723342896,0.8285036683082581 -0.044027953408658504,0.8558448404073715 l-0.04846933763474226,0.9126657992601395 -0.0497164111584425,0.8892787992954254 l0.2063753642141819,0.48995528370141983 0.22275874391198158,0.4671664908528328 l0.24867922067642212,0.4921482875943184 0.27408964931964874,0.4930471256375313 l0.3236044943332672,0.48886921256780624 0.3711490333080292,0.45563802123069763 l0.4548036679625511,0.45079540461301804 0.5758082121610641,0.44407330453395844 l0.7016441226005554,0.4549187794327736 0.8318770676851273,0.4786859452724457 l1.8037684261798859,-0.018981114262714982 1.9275633990764618,-0.003976539592258632 l0.7747475802898407,-0.029661424923688173 0.19829416647553444,-0.21755782887339592 l0.08226463571190834,-0.22161955013871193 0.048468420282006264,-0.2962074242532253 \" fill=\"none\" stroke=\"black\" stroke-width=\"1\"/></svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"90.69883156415017\" version=\"1.1\" width=\"176.03508144751686\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:ev=\"http://www.w3.org/2001/xml-events\" xmlns:xlink=\"http://www.w3.org/1999/xlink\"><defs/><rect fill=\"white\" height=\"90.69883156415017\" width=\"176.03508144751686\" x=\"0\" y=\"0\"/><path d=\"M44.70710695371963,49.16865747197335 m-1.7870007455348969,-0.8557890355587006 l-0.7458186894655228,-0.0597299775108695 -0.8497967571020126,0.18884198740124702 l-0.8369047939777374,0.11058077216148376 -0.6938666105270386,0.28518572449684143 l-0.7075454294681549,0.1571543700993061 -0.8031929284334183,0.2382131665945053 l-0.7624126970767975,-0.009653791203163564 -0.6429213285446167,0.032910024747252464 l-1.0557831078767776,0.15014603734016418 -1.1738698929548264,0.10924484580755234 l-0.43235599994659424,0.45306481420993805 -1.0542663931846619,0.06085988599807024 l-0.6987197697162628,0.3573155030608177 -1.1531253159046173,0.5784761160612106 l-1.0468733310699463,0.6468293070793152 -1.5667970478534698,1.3415810465812683 l-0.8358899503946304,0.8456918597221375 -1.366187185049057,1.649176925420761 l-1.0815265029668808,1.7787843942642212 0.013235652586445212,0.8769639581441879 l-0.4254881292581558,0.4342213645577431 0.02574923913925886,1.2008074671030045 l-0.002408148575341329,1.3596877455711365 -0.0018291172455064952,1.2982533872127533 l0.5831192433834076,0.5069560185074806 0.0358595116995275,0.4782387614250183 l0.5603170767426491,0.4695681855082512 0.5110181868076324,0.09058433584868908 l0.6180471554398537,0.4408120736479759 2.170686274766922,-0.02351021859794855 l2.1540389955043793,-0.009180106571875513 1.518416553735733,-9.38777611736441e-05 l1.1685634404420853,-0.38270384073257446 0.6298234313726425,-0.3280928358435631 l0.6344962865114212,-0.3861910104751587 0.6837104260921478,-0.3544536232948303 l0.7072345167398453,-0.42459849268198013 0.724976435303688,-0.4563051462173462 l0.7615777105093002,-0.48549115657806396 0.8021439611911774,-0.5445586517453194 l0.7964914292097092,-0.5670008435845375 0.7906513661146164,-0.6184954196214676 l0.7369273900985718,-0.6341300159692764 0.7074976712465286,-0.6378576904535294 l0.6800527125597,-0.629822313785553 0.6789305806159973,-0.6646468490362167 l0.6905372440814972,-0.6878484040498734 0.7095320522785187,-0.7601981610059738 l0.7157852500677109,-0.8120677620172501 0.6920804083347321,-0.8618758618831635 l0.6330037862062454,-0.9116204082965851 0.5642810091376305,-0.9526247531175613 l1.1324206739664078,-1.4143922924995422 1.0956541448831558,-1.6404381394386292 l0.8012399822473526,-1.6429519653320312 0.8530057221651077,-1.666809767484665 l1.1071107536554337,-1.6533328592777252 1.0863137245178223,-1.8191102147102356 l1.1258170753717422,-1.9001200795173645 0.11374321766197681,-0.8065523952245712 l0.3260380029678345,-0.6774748116731644 0.16960976645350456,-0.6973365694284439 l0.3256983682513237,-0.5881254374980927 0.25611815974116325,-0.59620451182127 l0.3097044490277767,-0.5241194739937782 0.18358418717980385,-0.5981529504060745 l0.2793114632368088,-0.5295625701546669 0.1641210913658142,-0.586995854973793 l0.2399243228137493,-0.5297788232564926 0.18962612375617027,-0.5679969862103462 l0.21705545485019684,-0.5592524632811546 0.20421762019395828,-0.5815710127353668 l0.19860701635479927,-0.6059074774384499 0.22324101999402046,-0.5982182547450066 l0.20099038258194923,-0.6315287202596664 0.23418394848704338,-0.626809373497963 l0.22482017055153847,-0.637693852186203 0.2518797293305397,-0.5967050418257713 l0.2116856724023819,-0.5972849205136299 0.2614591456949711,-0.5346145480871201 l0.1976914145052433,-0.5697445943951607 0.24835797026753426,-0.48752132803201675 l0.16928084194660187,-0.5015768483281136 0.22666549310088158,-0.4051588848233223 l0.13774088583886623,-0.40254075080156326 -0.513099916279316,0.3761325031518936 l-0.13231751509010792,0.6072425469756126 -0.5486707761883736,0.48748474568128586 l-0.756293386220932,1.2817133963108063 -0.6876890361309052,1.372329592704773 l-0.7816474139690399,1.4050936698913574 -0.8632808178663254,1.5705713629722595 l-0.9845399856567383,1.823822259902954 -1.0317625850439072,1.9601178169250488 l-1.0298484563827515,2.031756490468979 -0.9943033754825592,1.9657428562641144 l-0.9133100509643555,1.899460107088089 0.02636354649439454,0.7817640155553818 l-0.4517299681901932,0.9202977269887924 -0.04948364570736885,0.8490095287561417 l-0.4795409366488457,0.9749842435121536 -0.01896824105642736,0.9312941879034042 l-0.0036039104452356696,0.8314716070890427 -0.5292391404509544,1.0287702083587646 l-0.039395554922521114,1.0261548310518265 -0.5561631545424461,0.6318194419145584 l-0.0468888645991683,0.9224018454551697 -0.5131566897034645,0.6421183049678802 l-0.04119060933589935,0.8562994003295898 -0.4573769122362137,0.4941476508975029 l-0.022184844128787518,0.8221594989299774 -0.4596135765314102,0.47294359654188156 l-0.21418597549200058,0.48648059368133545 -0.2975228615105152,0.48711277544498444 l-0.2839968539774418,0.49959536641836166 -0.2759048342704773,0.5400586128234863 l-0.5173677578568459,1.3732047379016876 -0.43993033468723297,1.621374934911728 l-0.4546700045466423,0.6146607920527458 -0.5087491497397423,1.7209985852241516 l-0.04134947434067726,1.1543511599302292 -0.6228465214371681,0.6717690825462341 l-0.002381899976171553,1.0274461656808853 -0.016971927834674716,1.059991791844368 l0.510944277048111,-0.20045218989253044 0.08144711144268513,0.18918493762612343 l-0.011879029916599393,-0.060571045614778996 -0.029843600932508707,-0.4192850738763809 l-0.04236138425767422,-0.6841371208429337 0.38598615676164627,-0.5070269852876663 m19.938915967941284,-9.72861647605896 l-2.7964532375335693,0.9239523112773895 -0.7816260308027267,0.5824672430753708 l-0.7337482273578644,0.9359465539455414 0.04239879082888365,0.4885992780327797 l-0.20543275400996208,0.22253312170505524 -0.18812712281942368,0.18268948420882225 l-0.031126546673476696,0.2858351729810238 -0.03659332636743784,0.3088766150176525 l-0.20158497616648674,0.1658918894827366 -0.033334000036120415,0.24169469252228737 l-0.15617761760950089,0.193877425044775 -0.1449974812567234,0.2153978869318962 l-0.1175347063690424,0.24233322590589523 -0.09975085966289043,0.27087559923529625 l-0.08814644999802113,0.2983530983328819 -0.08220218122005463,0.3157021477818489 l-0.01009143772535026,0.6602621823549271 -0.02350093564018607,0.31616833060979843 l0.014981201384216547,0.2743077836930752 -0.08360612206161022,0.5098504573106766 l0.09689939208328724,0.06627669557929039 0.7144498080015182,-0.01991570694372058 l1.277143806219101,-0.023794742301106453 1.7026592791080475,-0.03322899108752608 l1.9127781689167023,-0.034103007055819035 0.47492507845163345,-0.2723688818514347 l0.4718339815735817,-0.3177228197455406 0.4652123898267746,-0.23255474865436554 l0.5088501051068306,-0.04130902700126171 0.45823000371456146,-0.033371157478541136 l0.44410403817892075,-0.010028507094830275 0.4545871168375015,-0.0032910367008298635 l0.44355273246765137,-0.004015583544969559 0.4234855994582176,-0.009051437373273075 l0.3872421383857727,-0.017464545089751482 0.3613842651247978,-0.020754081197082996 l0.3466334939002991,-0.02180239651352167 0.3246989846229553,-0.031958138570189476 l0.3264891356229782,-0.03158759791404009 -0.033253785222768784,-0.3135449066758156 l-0.03825714811682701,-0.32147254794836044 -0.0033100289874710143,-0.23744050413370132 l-0.033369280863553286,-0.16148196533322334 -0.05123044364154339,-0.1406342163681984 l-0.0538147846236825,-0.11865785345435143 -0.05427177995443344,-0.08738613687455654 m3.5198456048965454,-17.472360134124756 l-1.0675422847270966,0.6369472295045853 -0.32633863389492035,0.27364978566765785 l0.00244807917624712,0.08773176930844784 -0.056640589609742165,0.09259159676730633 l0.02854357473552227,0.07085769902914762 0.17032990232110023,0.03464855719357729 l-0.038985894061625004,0.03748744959011674 -0.03655885811895132,0.04236934706568718 l0.02979150041937828,-0.030416243243962526 0.02608345588669181,-0.03720516338944435 l-0.00783320632763207,0.06676601245999336 -0.08105112239718437,-0.005959077388979495 l-0.21857213228940964,-0.00742497097235173 -0.32984063029289246,0.0012454490934032947 l-0.01638636807911098,0.28738414868712425 0.02215720945969224,0.43034594506025314 l-0.0013551340089179575,0.43795064091682434 0.09402547031641006,0.2899780124425888 l0.7229194790124893,-0.0008108007750706747 1.2335498631000519,-0.011956844246014953 l1.0779324918985367,-0.024272154550999403 0.7904652506113052,-0.012688536662608385 l0.3714858740568161,-0.2801036089658737 0.2617032825946808,-0.14581927098333836 l0.32017286866903305,-0.027450891211628914 0.2994968555867672,-0.036570734810084105 l0.2771064080297947,-0.038071079179644585 0.27716202661395073,-0.041485182009637356 l0.2846919186413288,-0.039832028560340405 0.504276305437088,-0.3645274043083191 l0.30465757474303246,-0.04031756427139044 0.45827243477106094,-0.31047333031892776 l0.00273059617029503,-0.3089340589940548 -0.010121240047737956,-0.3196866437792778 l0.00015409281331812963,-0.3395897150039673 -0.025497539900243282,-0.31714681535959244 l-0.03221091814339161,-0.3125665709376335 -0.3386060893535614,-0.2938934229314327 l-0.33968914300203323,0.009344774298369884 -0.1597454585134983,-0.17940925434231758 l-0.8081357926130295,-0.004239899280946702 -1.2472601234912872,0.015736478380858898 l-0.12097877450287342,-0.036096510011702776 0.007285349420271814,-0.12024104595184326 l0.0214923988096416,-0.12192991562187672 -0.6180920079350471,0.021541849710047245 l-1.0488128662109375,0.03990568686276674 -0.2858107164502144,0.08031772449612617 m13.629751205444336,14.459176063537598 l2.1129341423511505,-0.7467927783727646 0.947842001914978,-0.08400903083384037 l0.8172082155942917,-0.08414624258875847 0.5091800913214684,-0.2883975952863693 l0.4784945026040077,-0.27466898784041405 0.8942071348428726,0.026343807112425566 l0.4648212715983391,-0.30518053099513054 0.40817592293024063,-0.03909274935722351 l0.44932808727025986,-0.32402824610471725 0.3946942836046219,-0.02710721455514431 l0.5079366266727448,-0.3697480633854866 0.3999563306570053,-0.02614239463582635 l0.3267892822623253,-0.023324142675846815 0.7495059072971344,-0.3312380984425545 l0.3748597949743271,-0.025540797505527735 0.31272366642951965,-0.022110738791525364 l0.00765694014262408,-0.24452675133943558 0.01460427651181817,-0.2461431920528412 l0.012765221763402224,-0.27803266420960426 0.002302802895428613,-0.30311787500977516 l-0.009636657196097076,-0.323084220290184 -0.00286530441371724,-0.6226366758346558 l-0.0476416852325201,-0.3699004277586937 -0.03986021503806114,-0.3453534469008446 l-0.03092383500188589,-0.3404492512345314 -0.018284902907907963,-0.3478318825364113 l-0.003345669829286635,-0.3494518995285034 0.004001950146630406,-0.35719115287065506 l0.006839560228399932,-0.36786220967769623 0.011970276245847344,-0.3949285298585892 l0.013873967109248042,-0.4114120453596115 0.021204056683927774,-0.43678030371665955 l0.024238864425569773,-0.45499950647354126 0.02759977476671338,-0.4536856338381767 l0.031083296053111553,-0.4646917060017586 0.04026033915579319,-0.4664963111281395 l0.04179405979812145,-0.4630214720964432 -0.8077225834131241,-0.01361795817501843 l-1.2015212327241898,0.03396635642275214 -0.349353589117527,0.03790601156651974 l-0.38073107600212097,0.17821894958615303 -0.4172689840197563,0.2546271122992039 l-0.9078969061374664,0.03146632108837366 -0.5648493766784668,0.47975417226552963 l-0.47969359904527664,0.01691104844212532 -0.5032676458358765,0.4755900055170059 l-0.40196560323238373,0.017579313134774566 0.019800879526883364,0.22028500214219093 l-0.37188854068517685,0.04075730685144663 -0.39205845445394516,0.051870858296751976 l0.01122144516557455,0.2508641593158245 -0.355757400393486,0.053085070103406906 l-0.3509087488055229,0.04435721319168806 0.00717964256182313,0.25768162682652473 l-0.3313900902867317,0.040271542966365814 -0.32646525651216507,0.03442617366090417 l0.00333403266267851,0.25629907846450806 -0.2992773987352848,0.03918276634067297 l-0.29706308618187904,0.03503829473629594 -0.008498465176671743,0.23472387343645096 l-0.009485527407377958,0.26823684573173523 -0.26535235345363617,0.02034231787547469 l-0.25813033804297447,0.03738962346687913 -0.2475983463227749,0.041758897714316845 l-0.24201728403568268,0.03266588784754276 -0.02448911312967539,0.22828597575426102 l-0.23254401981830597,0.027675300370901823 -0.2523203194141388,0.03785238601267338 l-0.2443424053490162,0.04604334011673927 -0.024987307842820883,0.23716667667031288 l-0.24239616468548775,0.0375563558191061 -0.2724180556833744,0.04540464375168085 l-0.28047192841768265,0.04291582386940718 -0.28101248666644096,0.03930386155843735 l-0.2915906719863415,0.0361476419493556 -0.29516642913222313,0.03606064012274146 l-0.297623947262764,0.03363522235304117 -0.2954879216849804,0.03393006743863225 l-0.29551079496741295,0.035227497573941946 -0.294759776443243,0.03178170183673501 l-0.023161780554801226,0.30105235055088997 -0.2531895227730274,0.03711134195327759 l-0.03842789912596345,0.29734373092651367 -0.24547044187784195,0.039293025620281696 l-0.045745172537863255,0.36173097789287567 -0.012769005261361599,0.5055537447333336 l-0.03041354240849614,0.6197138875722885 -0.045228954404592514,0.7097310572862625 l-0.058363196440041065,0.8008939772844315 0.23685140535235405,0.2839803881943226 l-0.0454433960840106,0.4712997004389763 0.23456409573554993,0.10438686236739159 l0.310615710914135,0.07070270366966724 0.3094502352178097,0.05936554167419672 l0.3109070844948292,0.07102744188159704 0.34341007471084595,0.054335687309503555 l0.362636037170887,0.29188448563218117 0.39720531553030014,0.30992262065410614 l0.432409904897213,0.324096716940403 0.4803208261728287,0.36808982491493225 l0.5195711925625801,0.3956211730837822 1.5470871329307556,-0.035813688300549984 l2.019704580307007,-0.016794033581390977 0.723995715379715,-0.00945466395933181 l0.7203852385282516,-0.008781392825767398 0.6972725689411163,-0.03377516521140933 l0.6466909497976303,-0.04373445641249418 0.5722984299063683,-0.03491205861791968 l0.5028928816318512,-0.04674166440963745 0.48671286553144455,-0.053307684138417244 l0.35354800522327423,-0.19216593354940414 0.3772042691707611,-0.009514723205938935 l0.3212490677833557,-0.1514921523630619 0.29429905116558075,-0.14653649181127548 l0.3051196038722992,-0.1075479481369257 0.5676072835922241,-0.6663110852241516 l0.31405966728925705,-0.0233377399854362 0.06298631895333529,-0.21733524277806282 l0.39515744894742966,-0.5903305858373642 0.5716991052031517,-0.6215127184987068 m23.614377975463867,-7.619302272796631 l-1.896786093711853,-0.9189333766698837 -1.3437648117542267,-0.02678198041394353 l-0.5210307985544205,0.08273621089756489 -0.48706814646720886,-0.02514119492843747 l-0.5781105905771255,0.31729165464639664 -0.9447728097438812,-0.07424568757414818 l-0.5632831901311874,0.3675241395831108 -0.5668030679225922,0.14461079612374306 l-0.5500509962439537,0.23640092462301254 -0.5689984187483788,0.24271147325634956 l-0.5651858448982239,0.25450844317674637 -0.5692359805107117,0.2825789526104927 l-0.5882404372096062,0.3090474382042885 -0.6093430146574974,0.35676248371601105 l-0.6375604867935181,0.39234597235918045 -0.6737004965543747,0.4230225831270218 l-0.6985893845558167,0.4543936997652054 -0.7030901312828064,0.4767237603664398 l-0.31007619574666023,0.389566570520401 -0.34037087112665176,0.39573948830366135 l-0.3440559282898903,0.36513540893793106 -0.3278351202607155,0.34502796828746796 l-0.01621957402676344,0.678689032793045 -0.5231167748570442,0.4246419295668602 l-0.005304245860315859,0.9838154911994934 0.012414230732247233,1.066831722855568 l-0.005390762817114592,0.9712623804807663 0.46019062399864197,0.1475035957992077 l0.32245293259620667,0.3617899492383003 0.3521835431456566,0.41523318737745285 l1.956087201833725,-0.021834098733961582 1.6695010662078857,-0.0157494202721864 l1.0665851831436157,-0.009771910263225436 0.9104235470294952,-0.01980329630896449 l0.5271473899483681,-0.3373141959309578 0.5034077912569046,-0.13713378459215164 l0.4775433614850044,-0.2850675955414772 0.7001865655183792,-0.0680686254054308 l0.46668432652950287,-0.4260845482349396 0.49890507012605667,-0.1751808449625969 l0.4742247983813286,-0.3378833457827568 0.4814135655760765,-0.3149820864200592 l0.477931909263134,-0.4216569662094116 0.5127986893057823,-0.39707228541374207 l0.5207404494285583,-0.45817624777555466 0.42764216661453247,-0.694487988948822 l0.6597115099430084,-0.40201451629400253 0.4988560453057289,-0.7280300557613373 l0.49856677651405334,-0.7534470409154892 0.5392828956246376,-0.6913669407367706 l0.48850543797016144,-0.5840671062469482 0.432552807033062,-0.5020246282219887 l0.37092942744493484,-0.42973585426807404 0.36269962787628174,-0.38322724401950836 l0.37249963730573654,-0.3598027676343918 0.3704950213432312,-0.3315647691488266 l0.37329453974962234,-0.3164689242839813 0.3866618499159813,-0.3170892968773842 l0.38932695984840393,-0.3025020845234394 0.3903625160455704,-0.30325470492243767 l0.4014001041650772,-0.31445056200027466 1.4927120506763458,-2.1517714858055115 l0.25781264528632164,-0.5551671609282494 0.9066422283649445,-0.6592847406864166 l0.7377156615257263,-0.8919093012809753 0.9501517564058304,-0.9866879880428314 l1.9641098380088806,-3.1362223625183105 2.039252668619156,-3.1266358494758606 l0.07727883290499449,-0.7095414400100708 0.12026152573525906,-0.6624678522348404 l0.12438157573342323,-0.5778411030769348 0.20465044304728508,-0.5658094212412834 l0.1821563020348549,-0.524301566183567 0.16228388994932175,-0.489390529692173 l0.16174612566828728,-0.48137567937374115 0.190360639244318,-0.4579785093665123 l0.1732674427330494,-0.42368732392787933 0.18047787249088287,-0.4015450179576874 l0.16907107084989548,-0.3656359389424324 0.17937490716576576,-0.3348292410373688 l0.16108382493257523,-0.33558957278728485 0.18014295026659966,-0.30198751017451286 l0.18812743946909904,-0.3297499567270279 0.16651302576065063,-0.2362002432346344 l0.1676209643483162,-0.12224611826241016 0.05842151120305061,-0.04127856809645891 l0.02601492451503873,0.1100812666118145 -0.1240380760282278,0.32237764447927475 l-0.11162413284182549,0.3582610562443733 -0.38699012249708176,0.6354331970214844 l-0.05627844948321581,0.4574350267648697 -0.5165914073586464,0.7149708271026611 l-0.5109492689371109,0.9039098024368286 -1.2122761458158493,1.8488045036792755 l-1.3887135684490204,2.094186097383499 -1.580595225095749,2.3135556280612946 l-1.71952024102211,2.483503669500351 -1.7644308507442474,2.569693624973297 l-1.6789688169956207,2.4684447050094604 -1.4748352766036987,2.1962392330169678 l-0.037894006818532944,0.761558786034584 -1.0710998624563217,1.7211252450942993 l-0.007327357889153063,0.8888503909111023 -0.393497534096241,0.5690676718950272 l0.0048532342771068215,0.8430477231740952 -0.4891190305352211,0.5857325345277786 l0.0020489253802224994,0.9325072169303894 -0.019611192401498556,0.8681974560022354 l-0.021636104211211205,0.8288244903087616 -0.022453677374869585,0.7363826781511307 l-0.009105021599680185,0.5800442770123482 -0.023635465186089277,0.39021778851747513 l-0.03513400675728917,0.2345864474773407 -0.03322890494018793,0.12871301732957363 l-0.007446006638929248,0.02332514151930809 0.01548023778013885,-0.017901321407407522 l0.04790657199919224,-0.10177643969655037 0.06851423531770706,-0.16970166936516762 l0.07741315755993128,-0.1662294939160347 0.08165121078491211,-0.16408665105700493 l-0.06433596834540367,-0.42576614767313004 m15.960893630981445,-5.073837637901306 l0.40151380002498627,-0.6264808773994446 1.1037126183509827,-0.09886316023766994 l1.5764935314655304,0.3380459174513817 0.6085606291890144,-0.155317522585392 l0.5063403397798538,-0.10403296910226345 0.41475918143987656,-0.40036361664533615 l0.5582977831363678,-0.02727521350607276 0.4659508913755417,-0.3868882730603218 l0.48957426100969315,-0.03925500437617302 0.39932485669851303,-0.042804875411093235 l0.38547445088624954,-0.04127459600567818 0.4968053475022316,-0.3872144967317581 l0.4111044853925705,-0.017609831411391497 0.6003571301698685,-0.4450727254152298 l0.42198311537504196,-0.021780191455036402 0.37709441035985947,-0.023639332503080368 l0.5819906666874886,-0.4483329877257347 0.42784959077835083,-0.022208048030734062 l-0.010452638380229473,-0.29247939586639404 0.0072307290975004435,-0.3202981874346733 l0.003928934456780553,-0.36344554275274277 0.0010330365330446512,-0.40693193674087524 l-0.03251631045714021,-0.8219743520021439 -0.1995246857404709,-0.09973498061299324 l-0.2569654583930969,-0.12389332987368107 -0.0005865160346729681,-0.32764531672000885 l-0.21825451403856277,-0.0639644917100668 -0.6949152052402496,0.05396935623139143 l-1.0171286761760712,0.03739878302440047 -1.2597545981407166,0.03295490052551031 l-0.38211509585380554,0.14594123698771 -0.3841026872396469,0.291695948690176 l-0.8471091836690903,0.015957546420395374 -0.7947253435850143,0.025594530161470175 l-0.49542006105184555,0.400751568377018 -0.4039279371500015,0.2982369624078274 l-0.41471343487501144,0.30123380944132805 -0.4367395490407944,0.29652684926986694 l-0.4672955721616745,0.3046586364507675 -0.9589013457298279,0.6959900259971619 l-0.9683111310005188,0.7702609896659851 -0.9073877334594727,0.746101438999176 l0.016485971864312887,0.40300652384757996 -0.7731566578149796,0.6009851768612862 l-0.0021716038463637233,0.4423390328884125 -0.4677925631403923,0.4166673496365547 l-0.02097360324114561,0.4050254449248314 -0.4772927239537239,0.40950849652290344 l-0.03523193299770355,0.44023286551237106 -0.011596186086535454,0.5221937596797943 l-0.022879871539771557,0.6487500667572021 -0.011709474492818117,0.7787401229143143 l-0.015114437555894256,0.833820030093193 -0.01691345009021461,0.7473567873239517 l0.46430084854364395,0.4525650665163994 0.5535252764821053,0.4742274805903435 l0.6478147953748703,0.5045105144381523 0.7171899825334549,0.4743150621652603 l0.8053389191627502,0.43365493416786194 0.902654379606247,0.39929602295160294 l1.0093581676483154,0.3898041322827339 1.5557891130447388,-0.012572596315294504 l2.3213496804237366,-0.011385801481083035 2.0848630368709564,0.009435501415282488 l1.707928478717804,0.0075756077421829104 0.49001075327396393,-0.20971329882740974 l0.2163872867822647,-0.2509132958948612 -0.2258078195154667,-0.01216063741594553 l0.24279573932290077,-0.34297462552785873 \" fill=\"none\" stroke=\"black\" stroke-width=\"1\"/></svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
}
],
"source": [
"# for every latent vector in z_list, sample a vector image\n",
"reconstructions = []\n",
"for i in range(N):\n",
" reconstructions.append([decode(z_list[i], draw_mode=True), [0, i]])"
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {
"colab": {
"base_uri": "https://localhost:8080/",
"height": 122
},
"colab_type": "code",
"id": "mTqmlL6GFQvQ",
"outputId": "062e015f-29c6-4e77-c6db-e403d5cabd59"
},
"outputs": [],
"source": [
"stroke_grid = make_grid_svg(reconstructions)\n",
"draw_strokes(stroke_grid)"
]
},
{
"cell_type": "markdown",
"metadata": {
"colab_type": "text",
"id": "vFwPna6uFQvS"
},
"source": [
"Let's load the Flamingo Model, and try Unconditional (Decoder-Only) Generation"
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {
"colab": {},
"colab_type": "code",
"id": "HH-YclgNFQvT"
},
"outputs": [],
"source": [
"model_dir = '/tmp/sketch_rnn/models/flamingo/lstm_uncond'"
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {
"colab": {},
"colab_type": "code",
"id": "-Znvy3KxFQvU"
},
"outputs": [],
"source": [
"[hps_model, eval_hps_model, sample_hps_model] = load_model_compatible(model_dir)"
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {
"colab": {
"base_uri": "https://localhost:8080/",
"height": 221
},
"colab_type": "code",
"id": "cqDNK1cYFQvZ",
"outputId": "d346d57c-f51a-4286-ba55-705bc27d4d0d"
},
"outputs": [],
"source": [
"# construct the sketch-rnn model here:\n",
"reset_graph()\n",
"model = Model(hps_model)\n",
"eval_model = Model(eval_hps_model, reuse=True)\n",
"sample_model = Model(sample_hps_model, reuse=True)"
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {
"colab": {},
"colab_type": "code",
"id": "7wzerSI6FQvd"
},
"outputs": [],
"source": [
"sess = tf.InteractiveSession()\n",
"sess.run(tf.global_variables_initializer())"
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {
"colab": {
"base_uri": "https://localhost:8080/",
"height": 51
},
"colab_type": "code",
"id": "6mzk8KjOFQvf",
"outputId": "c450a6c6-22ee-4a58-8451-443462b42d58"
},
"outputs": [],
"source": [
"# loads the weights from checkpoint into our model\n",
"load_checkpoint(sess, model_dir)"
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {
"colab": {},
"colab_type": "code",
"id": "X88CgcyuFQvh"
},
"outputs": [],
"source": [
"# randomly unconditionally generate 10 examples\n",
"N = 10\n",
"reconstructions = []\n",
"for i in range(N):\n",
" reconstructions.append([decode(temperature=0.5, draw_mode=False), [0, i]])"
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {
"colab": {
"base_uri": "https://localhost:8080/",
"height": 149
},
"colab_type": "code",
"id": "k57REtd_FQvj",
"outputId": "8bd69652-9d1d-475e-fc64-f205cf6b9ed1"
},
"outputs": [],
"source": [
"stroke_grid = make_grid_svg(reconstructions)\n",
"draw_strokes(stroke_grid)"
]
},
{
"cell_type": "markdown",
"metadata": {
"colab_type": "text",
"id": "L-rJ0iUQFQvl"
},
"source": [
"Let's load the owl model, and generate two sketches using two random IID gaussian latent vectors"
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {
"colab": {},
"colab_type": "code",
"id": "of4SWwGdFQvm"
},
"outputs": [],
"source": [
"model_dir = '/tmp/sketch_rnn/models/owl/lstm'"
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {
"colab": {
"base_uri": "https://localhost:8080/",
"height": 255
},
"colab_type": "code",
"id": "jJiSZFQeFQvp",
"outputId": "f84360ca-c2be-482f-db57-41b5ecc05768"
},
"outputs": [],
"source": [
"[hps_model, eval_hps_model, sample_hps_model] = load_model_compatible(model_dir)\n",
"# construct the sketch-rnn model here:\n",
"reset_graph()\n",
"model = Model(hps_model)\n",
"eval_model = Model(eval_hps_model, reuse=True)\n",
"sample_model = Model(sample_hps_model, reuse=True)\n",
"sess = tf.InteractiveSession()\n",
"sess.run(tf.global_variables_initializer())\n",
"# loads the weights from checkpoint into our model\n",
"load_checkpoint(sess, model_dir)"
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {
"colab": {
"base_uri": "https://localhost:8080/",
"height": 141
},
"colab_type": "code",
"id": "vR4TDoi5FQvr",
"outputId": "db08cb2c-952c-4949-d2b0-94c11351264b"
},
"outputs": [],
"source": [
"z_0 = np.random.randn(eval_model.hps.z_size)\n",
"_ = decode(z_0)"
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {
"colab": {
"base_uri": "https://localhost:8080/",
"height": 124
},
"colab_type": "code",
"id": "ZX23lTnpFQvt",
"outputId": "247052f2-a0f3-4046-83d6-d08e0429fafb"
},
"outputs": [],
"source": [
"z_1 = np.random.randn(eval_model.hps.z_size)\n",
"_ = decode(z_1)"
]
},
{
"cell_type": "markdown",
"metadata": {
"colab_type": "text",
"id": "7FjQsF_2FQvv"
},
"source": [
"Let's interpolate between the two owls $z_0$ and $z_1$"
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {
"colab": {},
"colab_type": "code",
"id": "u6G37E8_FQvw"
},
"outputs": [],
"source": [
"z_list = [] # interpolate spherically between z_0 and z_1\n",
"N = 10\n",
"for t in np.linspace(0, 1, N):\n",
" z_list.append(slerp(z_0, z_1, t))\n",
"# for every latent vector in z_list, sample a vector image\n",
"reconstructions = []\n",
"for i in range(N):\n",
" reconstructions.append([decode(z_list[i], draw_mode=False, temperature=0.1), [0, i]])"
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {
"colab": {
"base_uri": "https://localhost:8080/",
"height": 149
},
"colab_type": "code",
"id": "OULjMktmFQvx",
"outputId": "94b7b68e-9c57-4a1b-b216-83770fa4be81"
},
"outputs": [],
"source": [
"stroke_grid = make_grid_svg(reconstructions)\n",
"draw_strokes(stroke_grid)"
]
},
{
"cell_type": "markdown",
"metadata": {
"colab_type": "text",
"id": "OiXNC-YsFQv0"
},
"source": [
"Let's load the model trained on both cats and buses! catbus!"
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {
"colab": {},
"colab_type": "code",
"id": "SL7WpDDQFQv0"
},
"outputs": [],
"source": [
"model_dir = '/tmp/sketch_rnn/models/catbus/lstm'"
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {
"colab": {
"base_uri": "https://localhost:8080/",
"height": 255
},
"colab_type": "code",
"id": "Cvk5WOqHFQv2",
"outputId": "8081d53d-52d6-4d18-f973-a9dd44c897f2"
},
"outputs": [],
"source": [
"[hps_model, eval_hps_model, sample_hps_model] = load_model_compatible(model_dir)\n",
"# construct the sketch-rnn model here:\n",
"reset_graph()\n",
"model = Model(hps_model)\n",
"eval_model = Model(eval_hps_model, reuse=True)\n",
"sample_model = Model(sample_hps_model, reuse=True)\n",
"sess = tf.InteractiveSession()\n",
"sess.run(tf.global_variables_initializer())\n",
"# loads the weights from checkpoint into our model\n",
"load_checkpoint(sess, model_dir)"
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {
"colab": {
"base_uri": "https://localhost:8080/",
"height": 106
},
"colab_type": "code",
"id": "icvlBPVkFQv5",
"outputId": "f7b415fe-4d65-4b00-c0eb-fb592597dba2"
},
"outputs": [],
"source": [
"z_1 = np.random.randn(eval_model.hps.z_size)\n",
"z_1 = z\n",
"_ = decode(z_1)"
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {
"colab": {
"base_uri": "https://localhost:8080/",
"height": 88
},
"colab_type": "code",
"id": "uaNxd0LuFQv-",
"outputId": "4de5ee9a-cf14-49f4-e5f5-399a0d0b8215"
},
"outputs": [],
"source": [
"z_0 = np.random.randn(eval_model.hps.z_size)\n",
"_ = decode(z_0)"
]
},
{
"cell_type": "markdown",
"metadata": {
"colab_type": "text",
"id": "VtSYkS6mFQwC"
},
"source": [
"Let's interpolate between a cat and a bus!!!"
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {
"colab": {},
"colab_type": "code",
"id": "qIDYUxBEFQwD"
},
"outputs": [],
"source": [
"z_list = [] # interpolate spherically between z_1 and z_0\n",
"N = 50\n",
"for t in np.linspace(0, 1, N):\n",
" z_list.append(slerp(z_0, z_1, t))\n",
"# for every latent vector in z_list, sample a vector image\n",
"reconstructions = []\n",
"for i in range(N):\n",
" reconstructions.append([decode(z_list[i], draw_mode=False, temperature=0.15), [0, i]])"
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {
"colab": {
"base_uri": "https://localhost:8080/",
"height": 112
},
"colab_type": "code",
"id": "ZHmnSjSaFQwH",
"outputId": "38fe3c7e-698b-4b19-8851-e7f3ff037744"
},
"outputs": [],
"source": [
"stroke_grid = make_grid_svg(reconstructions)\n",
"draw_strokes(stroke_grid)"
]
},
{
"cell_type": "markdown",
"metadata": {
"colab_type": "text",
"id": "flZ_OgzCFQwJ"
},
"source": [
"Why stop here? Let's load the model trained on both elephants and pigs!!!"
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {
"colab": {},
"colab_type": "code",
"id": "S8WwK8FPFQwK"
},
"outputs": [],
"source": [
"model_dir = '/tmp/sketch_rnn/models/elephantpig/lstm'"
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {
"colab": {
"base_uri": "https://localhost:8080/",
"height": 255
},
"colab_type": "code",
"id": "meOH4AFXFQwM",
"outputId": "764938a7-bbdc-4732-e688-a8a278ab3089"
},
"outputs": [],
"source": [
"[hps_model, eval_hps_model, sample_hps_model] = load_model_compatible(model_dir)\n",
"# construct the sketch-rnn model here:\n",
"reset_graph()\n",
"model = Model(hps_model)\n",
"eval_model = Model(eval_hps_model, reuse=True)\n",
"sample_model = Model(sample_hps_model, reuse=True)\n",
"sess = tf.InteractiveSession()\n",
"sess.run(tf.global_variables_initializer())\n",
"# loads the weights from checkpoint into our model\n",
"load_checkpoint(sess, model_dir)"
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {
"colab": {
"base_uri": "https://localhost:8080/",
"height": 121
},
"colab_type": "code",
"id": "foZiiYPdFQwO",
"outputId": "a09fc4fb-110f-4280-8515-c9b673cb6b90"
},
"outputs": [],
"source": [
"z_0 = np.random.randn(eval_model.hps.z_size)\n",
"_ = decode(z_0)"
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {
"colab": {
"base_uri": "https://localhost:8080/",
"height": 163
},
"colab_type": "code",
"id": "6Gaz3QG1FQwS",
"outputId": "0cfc279c-1c59-419f-86d4-ed74d5e38a26"
},
"outputs": [],
"source": [
"z_1 = np.random.randn(eval_model.hps.z_size)\n",
"_ = decode(z_1)"
]
},
{
"cell_type": "markdown",
"metadata": {
"colab_type": "text",
"id": "oVtr7NnGFQwU"
},
"source": [
"Tribute to an episode of [South Park](https://en.wikipedia.org/wiki/An_Elephant_Makes_Love_to_a_Pig): The interpolation between an Elephant and a Pig"
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {
"colab": {},
"colab_type": "code",
"id": "lJs9JbROFQwU"
},
"outputs": [],
"source": [
"z_list = [] # interpolate spherically between z_1 and z_0\n",
"N = 10\n",
"for t in np.linspace(0, 1, N):\n",
" z_list.append(slerp(z_0, z_1, t))\n",
"# for every latent vector in z_list, sample a vector image\n",
"reconstructions = []\n",
"for i in range(N):\n",
" reconstructions.append([decode(z_list[i], draw_mode=False, temperature=0.15), [0, i]])"
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {
"colab": {},
"colab_type": "code",
"id": "0FOuNfJMFQwW"
},
"outputs": [],
"source": [
"stroke_grid = make_grid_svg(reconstructions, grid_space_x=25.0)"
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {
"colab": {
"base_uri": "https://localhost:8080/",
"height": 130
},
"colab_type": "code",
"id": "bZ6zpdiMFQwX",
"outputId": "70679bd1-4dba-4c08-b39f-bbde81d22019"
},
"outputs": [],
"source": [
"draw_strokes(stroke_grid, factor=0.3)"
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {
"colab": {},
"colab_type": "code",
"id": "KUgVRGnSFQwa"
},
"outputs": [],
"source": []
}
],
"metadata": {
"colab": {
"name": "Sketch_RNN.ipynb",
"provenance": [],
"version": "0.3.2"
},
"kernelspec": {
"display_name": "sketchrnn",
"language": "python",
"name": "sketchrnn"
},
"language_info": {
"codemirror_mode": {
"name": "ipython",
"version": 3
},
"file_extension": ".py",
"mimetype": "text/x-python",
"name": "python",
"nbconvert_exporter": "python",
"pygments_lexer": "ipython3",
"version": "3.7.4"
}
},
"nbformat": 4,
"nbformat_minor": 1
}