birthcard/Sketch_RNN.ipynb

2242 lines
929 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",
"W0827 17:43:31.091431 140714736174912 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",
"W0827 17:43:31.889853 140714736174912 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",
"W0827 17:43:32.257223 140714736174912 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",
"W0827 17:43:32.258507 140714736174912 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",
"W0827 17:43:32.259193 140714736174912 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": 20,
"metadata": {
"colab": {},
"colab_type": "code",
"id": "Dipv1EbsFQuZ"
},
"outputs": [],
"source": [
"data_dir = 'datasets/naam4'\n",
"model_dir = 'models/naam4'"
]
},
{
"cell_type": "code",
"execution_count": 21,
"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": 22,
"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": 23,
"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": [
"I0827 17:54:57.952397 140714736174912 sketch_rnn_train.py:142] Loaded 161/161/161 from diede.npz\n",
"I0827 17:54:58.126416 140714736174912 sketch_rnn_train.py:142] Loaded 100/100/100 from lijn.npz\n",
"I0827 17:54:58.167372 140714736174912 sketch_rnn_train.py:142] Loaded 100/100/100 from blokletters.npz\n",
"I0827 17:54:58.205663 140714736174912 sketch_rnn_train.py:159] Dataset combined: 1083 (361/361/361), avg len 234\n",
"I0827 17:54:58.208060 140714736174912 sketch_rnn_train.py:166] model_params.max_seq_len 614.\n",
"I0827 17:54:58.410045 140714736174912 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": 24,
"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": [
"I0827 17:54:58.430566 140714736174912 model.py:87] Model using gpu.\n",
"I0827 17:54:58.436558 140714736174912 model.py:175] Input dropout mode = False.\n",
"I0827 17:54:58.437577 140714736174912 model.py:176] Output dropout mode = False.\n",
"I0827 17:54:58.438252 140714736174912 model.py:177] Recurrent dropout mode = False.\n",
"W0827 17:54:58.446333 140714736174912 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",
"W0827 17:54:58.743351 140714736174912 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",
"I0827 17:55:01.114828 140714736174912 model.py:87] Model using gpu.\n",
"I0827 17:55:01.115479 140714736174912 model.py:175] Input dropout mode = 0.\n",
"I0827 17:55:01.116087 140714736174912 model.py:176] Output dropout mode = 0.\n",
"I0827 17:55:01.116714 140714736174912 model.py:177] Recurrent dropout mode = 0.\n",
"I0827 17:55:01.471915 140714736174912 model.py:87] Model using gpu.\n",
"I0827 17:55:01.472840 140714736174912 model.py:175] Input dropout mode = 0.\n",
"I0827 17:55:01.473559 140714736174912 model.py:176] Output dropout mode = 0.\n",
"I0827 17:55:01.474178 140714736174912 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": 25,
"metadata": {
"colab": {},
"colab_type": "code",
"id": "1gxYLPTQFQuk"
},
"outputs": [],
"source": [
"sess = tf.InteractiveSession()\n",
"sess.run(tf.global_variables_initializer())"
]
},
{
"cell_type": "code",
"execution_count": 26,
"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": [
"I0827 17:55:02.746215 140714736174912 sketch_rnn_train.py:241] Loading model models/naam4/vector-4800.\n",
"I0827 17:55:02.749120 140714736174912 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": 27,
"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": 28,
"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": 69,
"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": [
"260\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"95.42318388819695\" version=\"1.1\" width=\"164.91522688418627\" 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.42318388819695\" width=\"164.91522688418627\" x=\"0\" y=\"0\"/><path d=\"M44.27318353205919,51.60242237150669 m-1.5382352471351624,-0.3619377315044403 l-0.18096886575222015,-0.3619377315044403 -0.9048443287611008,0.0 l-0.8143598586320877,0.0 -0.5429065972566605,0.3619377315044403 l-0.7238754630088806,0.0 -0.8143598586320877,0.27145329862833023 l-0.7238754630088806,0.0 -0.8143598586320877,0.27145329862833023 l-0.8143598586320877,0.0 -1.266781985759735,0.27145329862833023 l-0.7238754630088806,0.18096886575222015 -1.3572664558887482,0.5429065972566605 l-1.8096886575222015,0.8143598586320877 -0.4524221643805504,0.3619377315044403 l-1.5382352471351624,0.8143598586320877 -1.9001729786396027,2.443079650402069 l-0.8143598586320877,1.4477509260177612 -0.5429065972566605,0.7238754630088806 l-0.6333909928798676,0.9953287243843079 0.0,0.8143598586320877 l-0.18096886575222015,1.4477509260177612 -0.18096886575222015,0.9953287243843079 l0.0,1.5382352471351624 0.3619377315044403,0.8143598586320877 l0.0,1.266781985759735 1.4477509260177612,1.6287197172641754 l0.5429065972566605,0.9048443287611008 0.9048443287611008,0.3619377315044403 l0.9048443287611008,0.27145329862833023 1.9906574487686157,0.0 l2.352595180273056,0.0 4.433737099170685,-2.081141918897629 l1.266781985759735,-0.6333909928798676 1.8096886575222015,-1.4477509260177612 l1.4477509260177612,-1.4477509260177612 3.619377315044403,-3.257439434528351 l1.9001729786396027,-3.619377315044403 0.9953287243843079,-1.5382352471351624 l0.8143598586320877,-1.9001729786396027 1.176297590136528,-2.171626389026642 l0.8143598586320877,-1.9001729786396027 0.9953287243843079,-1.7192041873931885 l0.6333909928798676,-2.262110710144043 0.4524221643805504,-2.624048590660095 l0.7238754630088806,-2.262110710144043 0.9048443287611008,-5.610034465789795 l0.5429065972566605,-4.343252778053284 0.0,-2.8955018520355225 l0.0,-3.0764704942703247 -0.09048443287611008,-0.6333909928798676 l0.0,0.3619377315044403 -0.3619377315044403,0.09048443287611008 l-0.18096886575222015,0.5429065972566605 -0.6333909928798676,0.6333909928798676 l-1.9001729786396027,4.795674681663513 -0.8143598586320877,2.352595180273056 l-0.7238754630088806,1.176297590136528 -1.085813194513321,4.433737099170685 l-1.085813194513321,2.8050172328948975 -0.5429065972566605,1.3572664558887482 l-0.6333909928798676,3.1669551134109497 -0.3619377315044403,1.9906574487686157 l0.0,1.266781985759735 -1.5382352471351624,6.786332130432129 l0.0,5.791003704071045 0.0,2.53356397151947 l0.3619377315044403,0.9048443287611008 0.0,2.53356397151947 l0.3619377315044403,0.9048443287611008 0.0,0.7238754630088806 l0.5429065972566605,0.27145329862833023 0.9953287243843079,-0.8143598586320877 l0.3619377315044403,-0.5429065972566605 0.27145329862833023,-0.9048443287611008 m16.287198066711426,-15.563322305679321 l-1.4477509260177612,1.9906574487686157 -1.7192041873931885,3.709861636161804 l-1.9001729786396027,4.252768158912659 -0.3619377315044403,0.8143598586320877 l0.0,1.4477509260177612 0.0,1.8096886575222015 l0.3619377315044403,0.9953287243843079 0.27145329862833023,0.27145329862833023 l0.27145329862833023,0.0 0.7238754630088806,0.09048443287611008 l1.266781985759735,0.6333909928798676 1.6287197172641754,0.0 l2.7145329117774963,-0.8143598586320877 1.5382352471351624,-0.6333909928798676 m1.5382352471351624,-25.154671669006348 l-1.176297590136528,-0.6333909928798676 -0.3619377315044403,-0.09048443287611008 l0.0,0.0 0.0,0.27145329862833023 l0.18096886575222015,0.27145329862833023 0.3619377315044403,0.27145329862833023 l0.09048443287611008,0.18096886575222015 0.0,0.18096886575222015 l0.09048443287611008,0.09048443287611008 0.18096886575222015,0.0 l0.18096886575222015,0.09048443287611008 0.18096886575222015,0.27145329862833023 m-1.9906574487686157,-3.1669551134109497 l-0.9953287243843079,-0.27145329862833023 -0.7238754630088806,0.0 l-0.6333909928798676,0.3619377315044403 -0.3619377315044403,0.3619377315044403 l0.0,0.18096886575222015 0.0,0.09048443287611008 l-0.27145329862833023,0.0 -0.7238754630088806,0.7238754630088806 l0.0,0.18096886575222015 0.0,0.18096886575222015 l-0.3619377315044403,0.7238754630088806 0.0,0.4524221643805504 l0.0,0.27145329862833023 -0.27145329862833023,0.27145329862833023 l0.0,0.4524221643805504 0.3619377315044403,0.6333909928798676 l0.0,0.18096886575222015 0.0,0.18096886575222015 l0.18096886575222015,0.0 0.18096886575222015,0.09048443287611008 l0.18096886575222015,0.27145329862833023 0.27145329862833023,0.0 l1.266781985759735,0.0 0.3619377315044403,0.0 l0.8143598586320877,-0.3619377315044403 0.3619377315044403,0.0 l0.4524221643805504,-0.4524221643805504 0.5429065972566605,-0.6333909928798676 l0.3619377315044403,-0.09048443287611008 0.18096886575222015,0.09048443287611008 l0.18096886575222015,-0.09048443287611008 0.09048443287611008,-0.27145329862833023 l0.0,-0.4524221643805504 0.0,-0.5429065972566605 l0.18096886575222015,-0.18096886575222015 0.18096886575222015,-0.18096886575222015 l0.0,-0.3619377315044403 0.0,-0.6333909928798676 l-0.09048443287611008,-0.09048443287611008 -0.27145329862833023,0.0 l-0.18096886575222015,-0.09048443287611008 -1.3572664558887482,-0.9953287243843079 m9.953287243843079,16.739619970321655 l0.5429065972566605,-0.7238754630088806 1.266781985759735,0.0 l1.085813194513321,0.0 0.27145329862833023,-0.18096886575222015 l0.27145329862833023,-0.27145329862833023 0.9953287243843079,0.0 l0.3619377315044403,-0.3619377315044403 0.4524221643805504,0.0 l0.7238754630088806,-0.3619377315044403 0.6333909928798676,0.0 l0.7238754630088806,-0.7238754630088806 0.27145329862833023,-0.4524221643805504 l0.8143598586320877,0.0 0.3619377315044403,-0.27145329862833023 l1.176297590136528,-1.176297590136528 0.0,-0.3619377315044403 l0.3619377315044403,0.0 0.0,-0.3619377315044403 l0.0,-1.3572664558887482 -0.18096886575222015,-0.27145329862833023 l-0.18096886575222015,-0.27145329862833023 0.0,-0.9953287243843079 l-0.3619377315044403,-0.3619377315044403 0.0,-0.3619377315044403 l-0.3619377315044403,-0.3619377315044403 0.0,-0.3619377315044403 l-0.18096886575222015,-0.18096886575222015 -0.3619377315044403,0.0 l-0.18096886575222015,-0.18096886575222015 -0.18096886575222015,-0.18096886575222015 l-0.5429065972566605,0.0 -0.4524221643805504,-0.3619377315044403 l-0.9953287243843079,0.0 -1.176297590136528,0.0 l-1.4477509260177612,0.0 -0.3619377315044403,0.18096886575222015 l-0.27145329862833023,0.27145329862833023 -0.27145329862833023,0.0 l-0.4524221643805504,0.09048443287611008 -0.27145329862833023,0.27145329862833023 l-0.8143598586320877,0.4524221643805504 -1.6287197172641754,1.6287197172641754 l-1.266781985759735,1.3572664558887482 -0.8143598586320877,1.6287197172641754 l0.0,0.4524221643805504 -0.7238754630088806,1.5382352471351624 l0.0,0.7238754630088806 -0.3619377315044403,0.3619377315044403 l0.0,0.9953287243843079 0.0,3.347924053668976 l0.0,0.3619377315044403 0.3619377315044403,0.7238754630088806 l0.0,0.4524221643805504 0.7238754630088806,1.266781985759735 l1.5382352471351624,2.171626389026642 0.5429065972566605,0.4524221643805504 l0.6333909928798676,0.3619377315044403 0.3619377315044403,0.7238754630088806 l0.9953287243843079,0.3619377315044403 0.9048443287611008,0.27145329862833023 l0.8143598586320877,0.8143598586320877 1.3572664558887482,0.4524221643805504 l0.6333909928798676,0.27145329862833023 1.176297590136528,0.0 l1.176297590136528,0.3619377315044403 2.53356397151947,0.0 l1.8096886575222015,0.0 0.9953287243843079,-0.4524221643805504 l1.085813194513321,-0.3619377315044403 0.3619377315044403,-0.3619377315044403 l0.7238754630088806,0.0 0.8143598586320877,-0.8143598586320877 l1.085813194513321,-1.085813194513321 m17.55397915840149,-13.120242357254028 l-1.5382352471351624,-0.7238754630088806 0.0,-0.3619377315044403 l-0.6333909928798676,0.09048443287611008 -0.4524221643805504,0.3619377315044403 l-1.085813194513321,0.0 -0.4524221643805504,0.3619377315044403 l-0.4524221643805504,0.09048443287611008 -0.4524221643805504,0.27145329862833023 l-0.6333909928798676,0.0 -0.9953287243843079,1.085813194513321 l-1.7192041873931885,0.9048443287611008 -1.6287197172641754,1.5382352471351624 l-0.3619377315044403,0.6333909928798676 -0.27145329862833023,0.5429065972566605 l-1.6287197172641754,1.9906574487686157 -0.18096886575222015,1.085813194513321 l0.0,1.085813194513321 -0.3619377315044403,0.4524221643805504 l0.18096886575222015,1.266781985759735 0.18096886575222015,0.6333909928798676 l0.09048443287611008,0.4524221643805504 0.4524221643805504,0.4524221643805504 l0.8143598586320877,0.5429065972566605 0.9953287243843079,0.0 l2.081141918897629,0.0 0.9953287243843079,-0.4524221643805504 l0.7238754630088806,0.0 0.4524221643805504,-0.4524221643805504 l2.081141918897629,-1.266781985759735 0.09048443287611008,-0.3619377315044403 l0.3619377315044403,-0.5429065972566605 0.8143598586320877,-0.4524221643805504 l0.3619377315044403,-0.8143598586320877 0.8143598586320877,-0.9048443287611008 l0.6333909928798676,-1.266781985759735 0.9048443287611008,-0.9953287243843079 l0.8143598586320877,-2.081141918897629 0.9048443287611008,-2.8955018520355225 l0.0,-0.9048443287611008 0.09048443287611008,-1.266781985759735 l0.6333909928798676,-1.9906574487686157 1.266781985759735,-5.519550442695618 l0.0,-0.3619377315044403 -0.09048443287611008,0.09048443287611008 l0.8143598586320877,-2.7145329117774963 0.4524221643805504,-1.3572664558887482 l0.3619377315044403,-0.8143598586320877 0.0,-1.4477509260177612 l0.3619377315044403,-0.9048443287611008 0.0,-0.9953287243843079 l0.27145329862833023,-0.3619377315044403 0.0,-0.4524221643805504 l0.0,-1.6287197172641754 0.3619377315044403,-0.18096886575222015 l-0.27145329862833023,0.3619377315044403 -0.4524221643805504,0.3619377315044403 l-0.09048443287611008,0.4524221643805504 -0.3619377315044403,0.4524221643805504 l-0.9048443287611008,1.8096886575222015 -0.9048443287611008,1.7192041873931885 l0.0,1.4477509260177612 -0.3619377315044403,0.7238754630088806 l-1.176297590136528,3.0764704942703247 -0.3619377315044403,0.9048443287611008 l0.0,1.085813194513321 -0.3619377315044403,0.7238754630088806 l0.0,1.266781985759735 -0.27145329862833023,0.5429065972566605 l0.0,1.4477509260177612 -0.7238754630088806,2.262110710144043 l-0.09048443287611008,0.8143598586320877 0.09048443287611008,-0.18096886575222015 l0.18096886575222015,-0.5429065972566605 0.0,0.3619377315044403 l-0.18096886575222015,1.266781985759735 0.09048443287611008,1.3572664558887482 l-1.266781985759735,2.081141918897629 0.0,0.9953287243843079 l-0.3619377315044403,1.176297590136528 0.0,0.7238754630088806 l-0.7238754630088806,1.8096886575222015 0.0,1.085813194513321 l-0.09048443287611008,-0.3619377315044403 -0.27145329862833023,0.3619377315044403 l0.0,0.6333909928798676 0.0,2.8050172328948975 l0.18096886575222015,0.6333909928798676 0.4524221643805504,0.9953287243843079 l0.6333909928798676,0.09048443287611008 0.4524221643805504,-0.27145329862833023 l0.5429065972566605,-0.3619377315044403 1.5382352471351624,-0.9048443287611008 m9.50086534023285,-7.148270010948181 l1.176297590136528,-0.3619377315044403 2.171626389026642,0.0 l0.4524221643805504,-0.18096886575222015 0.5429065972566605,-0.27145329862833023 l1.4477509260177612,0.0 2.53356397151947,-1.085813194513321 l0.4524221643805504,0.0 0.4524221643805504,0.0 l0.5429065972566605,-0.18096886575222015 0.18096886575222015,-0.27145329862833023 l1.085813194513321,-0.6333909928798676 0.9953287243843079,-0.5429065972566605 l1.176297590136528,-1.176297590136528 0.09048443287611008,-0.27145329862833023 l0.0,-0.3619377315044403 0.27145329862833023,-0.27145329862833023 l0.0,-0.3619377315044403 0.3619377315044403,-0.3619377315044403 l0.0,-0.9048443287611008 0.0,-0.5429065972566605 l-0.09048443287611008,-0.4524221643805504 -0.27145329862833023,-0.27145329862833023 l0.0,-0.3619377315044403 -0.27145329862833023,-0.27145329862833023 l0.0,-0.27145329862833023 -0.27145329862833023,0.0 l-0.27145329862833023,-0.18096886575222015 -0.27145329862833023,-0.18096886575222015 l-0.3619377315044403,0.0 -0.27145329862833023,-0.27145329862833023 l-1.085813194513321,0.0 -2.262110710144043,0.0 l-0.27145329862833023,0.09048443287611008 -0.27145329862833023,0.18096886575222015 l-0.8143598586320877,0.0 -0.7238754630088806,0.3619377315044403 l-0.3619377315044403,0.0 -0.8143598586320877,0.5429065972566605 l-0.9048443287611008,0.7238754630088806 -0.6333909928798676,0.3619377315044403 l-1.4477509260177612,1.3572664558887482 -0.7238754630088806,0.8143598586320877 l-0.8143598586320877,1.6287197172641754 -0.3619377315044403,0.3619377315044403 l-0.7238754630088806,1.5382352471351624 -0.3619377315044403,0.3619377315044403 l0.0,0.6333909928798676 0.4524221643805504,0.27145329862833023 l0.3619377315044403,0.6333909928798676 0.0,0.8143598586320877 l-0.6333909928798676,1.266781985759735 -0.5429065972566605,1.3572664558887482 l0.09048443287611008,0.8143598586320877 1.5382352471351624,2.262110710144043 l0.8143598586320877,0.6333909928798676 0.8143598586320877,0.3619377315044403 l0.7238754630088806,0.7238754630088806 1.6287197172641754,0.5429065972566605 l2.7145329117774963,0.8143598586320877 0.9048443287611008,0.0 l1.085813194513321,0.0 2.443079650402069,0.7238754630088806 l1.9001729786396027,0.0 0.9048443287611008,0.09048443287611008 l0.8143598586320877,0.3619377315044403 0.7238754630088806,-0.18096886575222015 l0.6333909928798676,-0.6333909928798676 \" 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": 19,
"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": 190,
"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": [
"[244]\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"94.69930820167065\" version=\"1.1\" width=\"169.4394477829337\" 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.69930820167065\" width=\"169.4394477829337\" x=\"0\" y=\"0\"/><path d=\"M47.168685272336006,54.04550187289715 m0.0,0.0 l-1.7192041873931885,0.3619377315044403 -2.9859861731529236,0.0 l-0.8143598586320877,-0.3619377315044403 -1.266781985759735,0.0 l-0.8143598586320877,-0.3619377315044403 -2.9859861731529236,-0.3619377315044403 l-3.438408374786377,2.081141918897629 -0.8143598586320877,0.8143598586320877 l-1.266781985759735,0.3619377315044403 -2.081141918897629,2.081141918897629 l-0.8143598586320877,0.3619377315044403 -0.3619377315044403,0.8143598586320877 l-1.6287197172641754,1.6287197172641754 0.0,0.8143598586320877 l-0.8143598586320877,1.266781985759735 0.0,1.266781985759735 l-0.3619377315044403,0.8143598586320877 0.3619377315044403,0.3619377315044403 l0.0,0.8143598586320877 2.081141918897629,1.7192041873931885 l0.8143598586320877,0.0 2.081141918897629,0.8143598586320877 l0.8143598586320877,0.0 0.3619377315044403,0.3619377315044403 l1.7192041873931885,0.0 0.8143598586320877,-0.3619377315044403 l0.8143598586320877,0.0 2.9859861731529236,-1.266781985759735 l0.8143598586320877,-0.8143598586320877 1.7192041873931885,-0.8143598586320877 l2.53356397151947,-2.53356397151947 0.8143598586320877,-0.3619377315044403 l0.3619377315044403,-0.8143598586320877 1.7192041873931885,-1.7192041873931885 l2.53356397151947,-3.438408374786377 0.3619377315044403,-1.266781985759735 l0.8143598586320877,-0.8143598586320877 0.3619377315044403,-1.266781985759735 l1.7192041873931885,-2.53356397151947 0.3619377315044403,-1.7192041873931885 l0.8143598586320877,-1.266781985759735 1.9001729786396027,-5.06712794303894 l1.9906574487686157,-4.343252778053284 1.266781985759735,-2.081141918897629 l0.0,-0.8143598586320877 0.8143598586320877,-1.266781985759735 l0.0,-1.7192041873931885 0.3619377315044403,-0.3619377315044403 l0.0,-1.266781985759735 0.3619377315044403,0.0 l0.0,-0.3619377315044403 0.3619377315044403,-0.3619377315044403 l0.0,-0.8143598586320877 0.8143598586320877,-1.266781985759735 l0.0,-0.8143598586320877 0.3619377315044403,-1.266781985759735 l0.3619377315044403,-0.3619377315044403 -0.3619377315044403,0.0 l0.0,0.8143598586320877 -0.8143598586320877,2.081141918897629 l0.0,0.8143598586320877 -1.266781985759735,2.9859861731529236 l0.0,0.8143598586320877 -2.53356397151947,6.424394845962524 l-0.8143598586320877,0.8143598586320877 -0.8143598586320877,2.081141918897629 l-2.171626389026642,3.438408374786377 -0.8143598586320877,2.081141918897629 l-0.8143598586320877,0.8143598586320877 -1.7192041873931885,4.252768158912659 l0.0,0.8143598586320877 -0.8143598586320877,2.081141918897629 l0.0,1.266781985759735 -0.3619377315044403,0.8143598586320877 l0.0,2.081141918897629 0.3619377315044403,0.3619377315044403 l0.3619377315044403,1.266781985759735 1.266781985759735,1.266781985759735 l0.3619377315044403,0.0 0.3619377315044403,0.3619377315044403 l3.8908305764198303,0.0 0.3619377315044403,-0.3619377315044403 l1.266781985759735,0.0 3.8908305764198303,-2.171626389026642 l2.53356397151947,-1.7192041873931885 0.4524221643805504,-0.8143598586320877 l3.8003459572792053,-4.252768158912659 0.0,-0.3619377315044403 l0.3619377315044403,0.0 0.0,-0.3619377315044403 l1.266781985759735,-1.266781985759735 0.0,-0.3619377315044403 l0.3619377315044403,0.0 0.0,-0.3619377315044403 l0.8143598586320877,-0.8143598586320877 0.0,-0.8143598586320877 l0.3619377315044403,0.0 0.0,-0.8143598586320877 l0.3619377315044403,0.0 -0.3619377315044403,-0.3619377315044403 l0.0,0.8143598586320877 -0.3619377315044403,0.0 l-0.3619377315044403,1.266781985759735 -0.3619377315044403,0.0 l0.0,0.3619377315044403 -1.6287197172641754,1.6287197172641754 l0.0,0.3619377315044403 -0.8143598586320877,0.8143598586320877 l0.0,0.8143598586320877 -1.266781985759735,2.081141918897629 l-0.3619377315044403,1.266781985759735 0.0,2.9859861731529236 l1.7192041873931885,1.266781985759735 2.9859861731529236,0.0 l2.624048590660095,-0.9048443287611008 7.691176533699036,-4.252768158912659 l3.438408374786377,-2.53356397151947 0.3619377315044403,-0.8143598586320877 l0.8143598586320877,-0.3619377315044403 2.624048590660095,-4.343252778053284 l1.266781985759735,-1.266781985759735 0.0,-1.266781985759735 l-2.081141918897629,0.0 -2.624048590660095,1.7192041873931885 l-3.438408374786377,3.438408374786377 -1.7192041873931885,2.081141918897629 l-0.3619377315044403,1.266781985759735 -0.8143598586320877,0.8143598586320877 l-1.266781985759735,2.53356397151947 0.0,3.8908305764198303 l0.8143598586320877,1.266781985759735 1.266781985759735,1.266781985759735 l2.081141918897629,1.266781985759735 1.266781985759735,0.0 l0.8143598586320877,0.3619377315044403 0.8143598586320877,-0.3619377315044403 l0.8143598586320877,0.0 5.971972346305847,-2.9859861731529236 l1.7192041873931885,-1.266781985759735 0.3619377315044403,-0.8143598586320877 l0.8143598586320877,-0.3619377315044403 0.3619377315044403,-0.8143598586320877 l0.8143598586320877,-0.3619377315044403 2.53356397151947,-2.53356397151947 l1.7192041873931885,-1.266781985759735 3.438408374786377,-1.7192041873931885 l0.8143598586320877,0.0 0.3619377315044403,-0.3619377315044403 l1.7192041873931885,0.0 0.3619377315044403,-0.3619377315044403 l3.438408374786377,0.0 3.438408374786377,-0.8143598586320877 l2.9859861731529236,0.0 0.0,-0.3619377315044403 l-0.3619377315044403,0.0 -0.3619377315044403,-0.3619377315044403 l-5.610034465789795,0.0 -2.53356397151947,0.8143598586320877 l-0.8143598586320877,0.0 -3.8003459572792053,1.7192041873931885 l-1.266781985759735,0.8143598586320877 -2.53356397151947,2.53356397151947 l-2.081141918897629,3.8908305764198303 0.0,1.266781985759735 l-0.3619377315044403,0.3619377315044403 0.8143598586320877,2.171626389026642 l2.081141918897629,2.081141918897629 1.266781985759735,0.3619377315044403 l2.081141918897629,0.0 0.3619377315044403,-0.3619377315044403 l0.8143598586320877,0.0 0.3619377315044403,-0.8143598586320877 l0.8143598586320877,-0.3619377315044403 5.610034465789795,-5.157612562179565 l3.438408374786377,-5.157612562179565 1.266781985759735,-4.252768158912659 l0.8143598586320877,-1.266781985759735 0.3619377315044403,-1.7192041873931885 l1.7192041873931885,-3.438408374786377 2.53356397151947,-6.424394845962524 l2.53356397151947,-4.705190360546112 0.8143598586320877,-2.081141918897629 l1.266781985759735,-1.6287197172641754 0.3619377315044403,-1.7192041873931885 l0.8143598586320877,-1.266781985759735 0.3619377315044403,-1.6287197172641754 l0.3619377315044403,-0.3619377315044403 0.0,-0.8143598586320877 l0.3619377315044403,-0.3619377315044403 -0.3619377315044403,0.0 l0.0,0.3619377315044403 -0.3619377315044403,0.0 l0.0,0.3619377315044403 -3.8003459572792053,4.252768158912659 l-0.3619377315044403,1.266781985759735 -0.8143598586320877,0.8143598586320877 l-3.8003459572792053,5.971972346305847 -0.3619377315044403,1.266781985759735 l-2.081141918897629,3.8908305764198303 -0.8143598586320877,2.9859861731529236 l-0.8143598586320877,1.266781985759735 -3.438408374786377,9.862803220748901 l-0.3619377315044403,2.9859861731529236 -0.3619377315044403,0.8143598586320877 l0.0,2.9859861731529236 1.7192041873931885,2.53356397151947 l0.3619377315044403,0.0 0.3619377315044403,0.3619377315044403 l2.081141918897629,0.0 0.9048443287611008,-0.3619377315044403 l4.705190360546112,-0.8143598586320877 2.081141918897629,-0.8143598586320877 l1.266781985759735,0.0 2.171626389026642,-0.8143598586320877 l1.266781985759735,0.0 2.081141918897629,-0.8143598586320877 l0.8143598586320877,-0.8143598586320877 1.7192041873931885,-0.8143598586320877 l1.7192041873931885,-1.266781985759735 1.7192041873931885,-1.6287197172641754 l1.266781985759735,-0.8143598586320877 3.438408374786377,-3.8908305764198303 l2.53356397151947,-3.347924053668976 0.8143598586320877,-2.081141918897629 l0.0,-0.8143598586320877 0.3619377315044403,-0.8143598586320877 l0.0,-1.266781985759735 -0.3619377315044403,-0.3619377315044403 l-2.081141918897629,0.0 -2.9859861731529236,1.7192041873931885 l-4.252768158912659,3.8003459572792053 -0.3619377315044403,1.266781985759735 l-0.8143598586320877,0.8143598586320877 -1.7192041873931885,2.9859861731529236 l-0.3619377315044403,2.9859861731529236 0.0,2.53356397151947 l1.266781985759735,2.9859861731529236 2.53356397151947,2.53356397151947 l2.53356397151947,1.266781985759735 0.8143598586320877,0.8143598586320877 l4.252768158912659,0.3619377315044403 3.8908305764198303,-3.438408374786377 m-72.65899658203125,-25.516610145568848 l0.3619377315044403,-1.7192041873931885 \" 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": 197,
"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=\"98.60003169000265\" version=\"1.1\" width=\"152.20113983656802\" 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.60003169000265\" width=\"152.20113983656802\" x=\"0\" y=\"0\"/><path d=\"M42.42648744198959,43.05125633138232 m0.1862548291683197,-1.9295993447303772 l-1.191716268658638,-0.12015363201498985 -0.46020425856113434,0.32373636960983276 l-0.9181787073612213,0.06575166247785091 -0.8480583131313324,0.009919659933075309 l-1.0575512796640396,0.2869098260998726 -1.0493094474077225,0.09308814071118832 l-0.7265898585319519,0.3001134656369686 -0.7810255885124207,0.4221324622631073 l-1.205417811870575,0.08514165878295898 -0.8341624587774277,0.39647310972213745 l-0.5819345638155937,0.5273960903286934 -1.1446667462587357,0.46101629734039307 l-0.45249637216329575,0.03863557009026408 -1.7732638120651245,2.3012886941432953 l-0.7310863584280014,0.8512885868549347 -0.4262998700141907,0.6674831360578537 l-2.054581046104431,3.159855902194977 -0.6272304058074951,1.9465045630931854 l-0.34248169511556625,1.199522539973259 -0.0026846787659451365,2.707573175430298 l-0.4038027301430702,0.9078937023878098 0.003878803108818829,2.0480501651763916 l0.51289401948452,0.8101581037044525 0.29287245124578476,0.4627874121069908 l0.13180269859731197,0.3076687268912792 0.6197455897927284,0.8134213835000992 l1.3128812611103058,-0.021080365404486656 2.825867533683777,-0.7779388874769211 l1.068887785077095,-1.0222355276346207 -0.0934797152876854,0.18439093604683876 l-0.22443119436502457,0.1051363255828619 0.8497701585292816,-0.059685707092285156 l0.672295019030571,-0.5298596993088722 2.056182473897934,-2.003650963306427 l0.4568270221352577,-0.24280007928609848 0.6457137316465378,-0.758010596036911 l0.4958105832338333,-0.6950593739748001 0.7725908607244492,-0.5841373652219772 l0.07648885250091553,0.09800276719033718 1.3690243661403656,-2.0735442638397217 l1.3249605894088745,-2.5180408358573914 1.5033236145973206,-3.8412049412727356 l0.5461340397596359,-1.4265176653862 0.8776359260082245,-2.395220249891281 l0.23161949589848518,-0.91923788189888 0.5715756490826607,-1.1421089619398117 l-0.14863894321024418,-1.3522228598594666 0.1065175049006939,0.5072471871972084 l-0.13954687863588333,-0.24326099082827568 0.13169826939702034,0.24211140349507332 l-0.06206361576914787,-0.2392142452299595 0.19028086215257645,-0.31894903630018234 l-0.10499604977667332,-0.3496748208999634 -0.10198510251939297,0.32620251178741455 l-0.12519176118075848,0.23153908550739288 0.22708913311362267,-0.32581087201833725 l-0.08003687486052513,0.4116949811577797 -0.0945097953081131,0.4653310775756836 l-0.05257121752947569,-0.1459981221705675 0.16099771484732628,-0.6907115131616592 l0.40358442813158035,0.13079974800348282 0.10490933433175087,-0.22778570652008057 l0.23102451115846634,-0.2989422157406807 0.04118245095014572,-0.2553596533834934 l0.3809770941734314,-0.10748535394668579 0.7352985441684723,-0.776011273264885 l0.23585768416523933,-0.5388379469513893 0.27585437521338463,-0.4162510111927986 l0.26114800944924355,-0.6598640233278275 1.061323806643486,-2.0901118218898773 l1.072045937180519,-1.8917810916900635 0.4348094016313553,-0.9272965788841248 l0.6718036532402039,-0.7385149598121643 0.47442901879549026,-0.8120592683553696 l0.7490034401416779,-1.189127340912819 1.0271857678890228,-1.7251388728618622 l0.47172289341688156,-1.145540252327919 0.8402421325445175,-0.7179567962884903 l-0.4963887110352516,-0.7035297900438309 -0.15822481364011765,0.4361773282289505 l-0.22392980754375458,0.6608793884515762 -1.0916312783956528,0.9337881207466125 l0.06046489346772432,0.6692387163639069 -1.3392147421836853,1.813783049583435 l-0.07611645851284266,1.0222074389457703 -0.27916068211197853,0.167036522179842 l-1.3155271112918854,3.2446837425231934 -0.2689936198294163,1.1645165085792542 l-0.13193137012422085,1.1834697425365448 -1.37436643242836,3.42643141746521 l-0.29770102351903915,1.4979633688926697 -0.3149104490876198,1.4045056700706482 l-0.957108661532402,2.5866055488586426 -0.39662085473537445,1.9840861856937408 l-0.37295736372470856,1.513601541519165 -0.12974463403224945,2.2500096261501312 l-0.06077596452087164,1.7555458843708038 -0.27225442230701447,0.5490327626466751 l0.09684805758297443,2.0851492881774902 -0.04143904894590378,1.2041457742452621 l-0.07851274684071541,0.7203806191682816 0.28120841830968857,0.441913865506649 l-0.09465176612138748,0.42716607451438904 0.4307527095079422,0.18436523154377937 l-0.1810034178197384,-0.5636871606111526 0.9368135035037994,-1.6819146275520325 l0.194938313215971,-0.6129428371787071 m12.175376415252686,-9.1079843044281 l0.5490730330348015,0.29169758781790733 0.018814794020727277,0.26911497116088867 l0.27406154200434685,0.15197992324829102 -0.016505795065313578,0.1327601820230484 l-0.06299033295363188,-0.049904705956578255 -0.06648070644587278,0.06898074876517057 l0.17611093819141388,0.6392106413841248 0.13504364527761936,-0.09920088574290276 l0.1057432871311903,-0.30990082770586014 0.10082258842885494,0.11446423828601837 l0.7194629311561584,0.4286035895347595 0.22096244618296623,-0.061842743307352066 l0.04068153444677591,-0.22781357169151306 0.023357616737484932,-0.026890034787356853 l0.14715535566210747,-0.24808762595057487 0.16473079100251198,0.015267640119418502 l0.17445363104343414,-0.06927369628101587 0.043496573343873024,-0.005583725287579 l0.22132476791739464,-0.23249870166182518 0.19192563369870186,-0.6763742119073868 l0.31607184559106827,-0.996457114815712 -0.0130399817135185,-0.18018681555986404 l0.049393102526664734,-0.18668025732040405 -0.024501029402017593,-0.17745085060596466 l-0.504041314125061,-0.5857767909765244 -1.45379438996315,-0.022002600599080324 m-3.032720386981964,2.4964481592178345 l-0.1932688057422638,0.6791159510612488 -0.7404975593090057,1.9335480034351349 l-0.1704556867480278,0.3429107740521431 0.04403817467391491,0.34827545285224915 l0.02794526517391205,0.461585596203804 -0.08238854818046093,0.26418060064315796 l0.09471808560192585,0.2134738676249981 0.02458650851622224,0.3305482491850853 l-0.023905201815068722,0.09067042730748653 0.17952127382159233,0.1722908578813076 l0.376945436000824,0.039463755674660206 0.26531143113970757,-0.08921556174755096 l0.34855715930461884,-0.14983732253313065 0.31206026673316956,-0.24291466921567917 l-0.033110270742326975,-0.15616045333445072 0.07889258675277233,-0.10926948860287666 l0.14324942603707314,-0.030068987980484962 0.18345845863223076,-0.07236184552311897 l0.08623103611171246,-0.17351072281599045 0.2144164964556694,-0.006463142344728112 l0.514901652932167,-0.4402836784720421 0.013731017243117094,-0.36978602409362793 l0.08019328117370605,-0.08763529360294342 0.019304859451949596,-0.18180189654231071 l-0.1847747527062893,-0.20675651729106903 -0.28244875371456146,-0.21001262590289116 l0.062175700441002846,-0.14244972728192806 -0.030932987574487925,0.1454753428697586 l-0.41111815720796585,0.05198738072067499 -0.5915401503443718,0.024106320925056934 l-0.05572334863245487,0.05942121148109436 -0.030456732492893934,0.27970345690846443 l-0.41090279817581177,0.13011674396693707 m9.445604681968689,4.696499407291412 l2.665073871612549,0.25121286511421204 1.0003438591957092,-0.1414755266159773 l1.2061674147844315,0.08540324866771698 0.17333289608359337,-0.09348135441541672 l0.377616323530674,-0.24679690599441528 8.318918389704777e-06,0.013097994960844517 l0.23273268714547157,-0.13939441181719303 0.2672756090760231,0.027915292885154486 l0.6765934079885483,-0.15805933624505997 0.7998597621917725,0.005851511377841234 l0.5914492532610893,-0.5340953916311264 0.9364369511604309,-0.8067895472049713 l1.0277607291936874,-0.334772989153862 -0.031160686630755663,-0.2519136853516102 l0.1203075610101223,-0.0837151613086462 0.1463484950363636,-0.10540117509663105 l-0.027381216641515493,-0.18371524289250374 -0.09918873198330402,-0.25734543800354004 l-0.0032612652285024524,-0.4642338678240776 0.09218312799930573,0.06122353486716747 l-0.04077755380421877,0.028093664441257715 -0.17421860247850418,0.012124166823923588 l-0.2786213345825672,-0.30746031552553177 0.03400932066142559,-0.27044715359807014 l0.05519035737961531,-1.5111036598682404 -0.21870996803045273,-0.24807913228869438 l0.0661638705059886,-0.2943294867873192 0.08119194768369198,-0.3318656235933304 l-0.27075013145804405,-0.436323881149292 -0.39786119014024734,-0.17057739198207855 l-0.0052522949408739805,-0.27953362092375755 -0.6990345567464828,0.003402646689210087 l-0.2855866216123104,0.15420190058648586 -0.8126436918973923,-0.025279454421252012 l-1.3989418745040894,-0.049077016301453114 -1.6244210302829742,0.49038201570510864 l-0.4265374690294266,0.041615902446210384 -0.39678532630205154,0.029736903961747885 l-0.5699904635548592,0.49766652286052704 -0.2545670047402382,0.0914468988776207 l-0.8275505155324936,0.407966710627079 -0.33539317548274994,-0.006656819023191929 l0.03410792676731944,0.28598275035619736 -0.46110279858112335,0.5143877118825912 l-0.4030689224600792,0.399247370660305 -0.4261106997728348,0.09995070286095142 l0.028162968810647726,0.1596287079155445 -0.3739830106496811,0.40567871183156967 l-0.3059597313404083,0.23577947169542313 -0.8105899393558502,1.270797997713089 l-0.3417486324906349,0.16177764162421227 0.03506248816847801,0.40300343185663223 l-1.2753620743751526,1.716548204421997 -0.20733561366796494,1.0186096280813217 l0.01939421403221786,1.0062756389379501 0.026654936373233795,1.367638111114502 l-0.0314017734490335,0.24853412061929703 -0.04175384063273668,1.2306944280862808 l0.027938690036535263,0.9874433279037476 0.07626841310411692,0.1482562068849802 l0.8680102974176407,0.6233495101332664 0.2603723108768463,0.19316915422677994 l0.34556102007627487,0.029056009370833635 0.09756982326507568,0.42789276689291 l0.5883428454399109,0.3529243543744087 0.6819195300340652,0.5814366415143013 l0.4966580495238304,0.2982630766928196 2.2371481359004974,1.3118329644203186 l2.696971893310547,0.6507758796215057 3.8923341035842896,0.007221220294013619 l0.6821011751890182,0.004008491232525557 0.20355971530079842,-0.5075176432728767 l1.3885639607906342,0.039002534467726946 0.5180872231721878,-0.277652982622385 l-0.007441109628416598,-0.49471843987703323 -0.35488981753587723,-0.38280773907899857 l-0.20201189443469048,-0.2346634678542614 m18.17852020263672,-9.529041647911072 l-0.49711689352989197,0.3694674000144005 -0.8050999045372009,0.2090878039598465 l-0.8430319279432297,0.23430479690432549 -0.5272066965699196,-0.06343503016978502 l-0.9559943526983261,0.06742311175912619 -0.4531877860426903,0.4481571540236473 l-0.5565452575683594,0.11808193288743496 -1.0158751159906387,0.26865430176258087 l-0.48444174230098724,0.24714834988117218 -1.0085369646549225,0.4781228303909302 l-1.7535312473773956,1.400597244501114 -0.898585245013237,0.377156138420105 l-0.7709097117185593,0.6654689460992813 -0.7308069616556168,0.8281312882900238 l-0.5004532262682915,0.7107007503509521 -0.5460571497678757,0.6958231329917908 l-0.7182203233242035,1.8151567876338959 -0.12740225531160831,0.5117162317037582 l0.1824537292122841,1.7156922817230225 0.5987970903515816,0.8374615013599396 l0.5510234460234642,0.13338549993932247 0.38263868540525436,0.182606503367424 l0.9552081674337387,0.2191619947552681 1.4650212228298187,-0.2613486722111702 l0.7771901041269302,0.12400374747812748 0.9370700269937515,-0.25511620566248894 l1.5879635512828827,-0.8040705323219299 1.636384129524231,-0.8353637903928757 l2.662458121776581,-2.004966586828232 1.1098185926675797,-1.048341989517212 l0.29313210397958755,-0.6205680966377258 1.0926661640405655,-0.8689476549625397 l1.5429376065731049,-2.451883852481842 0.2985149808228016,-1.110009178519249 l0.6658820062875748,-1.0943767428398132 0.9878047555685043,-2.363163083791733 l0.4016125947237015,-1.0871077328920364 0.0461578369140625,-1.2660159170627594 l1.1363683640956879,-4.50710266828537 0.8006799221038818,-1.9887848198413849 l0.5433451011776924,-2.2300712764263153 0.03807580331340432,0.053044166415929794 l0.5189307406544685,-2.0352837443351746 0.6157886236906052,-1.2083706259727478 l-0.08915585465729237,0.13230478391051292 0.23661479353904724,-0.3640582785010338 l-0.7919368147850037,-0.8545489609241486 -0.005049442988820374,0.4630861431360245 l-0.41441183537244797,0.426592156291008 -0.39826061576604843,0.36352701485157013 l-0.2695822902023792,0.34983430057764053 -0.9731419384479523,1.420765370130539 l-0.5476982891559601,1.2698116898536682 -0.4545116052031517,0.4569048061966896 l-0.9531217068433762,2.3836714029312134 -0.8791928738355637,1.0054010897874832 l-0.6566725671291351,1.2221917510032654 -0.7676128298044205,1.2316635251045227 l-0.7075200229883194,1.125839278101921 -0.06877437699586153,-0.30802709981799126 l-0.29556989669799805,0.9927820414304733 -0.14285080134868622,-0.1653919368982315 l-0.704459622502327,1.1726781725883484 -0.29580313712358475,1.1933405697345734 l-0.5264150351285934,1.1676471680402756 -0.39284326136112213,1.067376285791397 l-0.255181435495615,1.9456571340560913 -0.4423844814300537,1.9397272169589996 l-0.4136987775564194,1.7472361028194427 -0.4035249352455139,1.581161916255951 l-0.39798401296138763,0.890321359038353 -0.10478556156158447,0.6187667325139046 l0.0024801655672490597,0.5218778178095818 -0.026871366426348686,-0.013292384101077914 l-0.08747941814363003,0.5096534639596939 0.010123125975951552,1.027093157172203 l-0.023802828509360552,1.5684059262275696 0.18259914591908455,0.36454424262046814 l0.3151939809322357,-0.05337749607861042 0.016778081189841032,0.25411132723093033 l0.32740142196416855,-0.3717784956097603 0.24013129994273186,-0.006596235325559974 l-0.1605130359530449,-0.17824282869696617 0.41270729154348373,-0.578438937664032 m13.162583112716675,-4.211151301860809 l1.7555756866931915,-0.017501662950962782 3.8041821122169495,-0.21322954446077347 l0.6429470330476761,-0.14883050695061684 0.39997637271881104,-0.2364029735326767 l0.8065084367990494,-0.04996828269213438 0.4889705404639244,-0.04009310621768236 l-0.12993495911359787,0.019342246232554317 1.0477426648139954,-0.43949589133262634 l-0.09816735982894897,-0.018618726171553135 0.3832002729177475,-0.02883885521441698 l0.5110269039869308,-0.3648732975125313 1.134030893445015,-0.519636869430542 l0.5340636149048805,-0.007828518864698708 0.8093305677175522,-0.7495813071727753 l-0.15586506575345993,-0.016439121682196856 0.6301043927669525,-0.6436407566070557 l0.435602143406868,-0.37199635058641434 0.03597271628677845,-0.3399568423628807 l0.5111167952418327,-0.7533605396747589 0.05829933565109968,-0.3820590674877167 l0.0019454635912552476,-1.0849946737289429 0.16199991106987,-0.38904599845409393 l-0.3853393718600273,-0.4097554087638855 -0.19926143810153008,-0.0014789942360948771 l-1.9441597163677216,-0.04190670792013407 -1.5687938034534454,0.4729069024324417 l-0.19103605300188065,-0.14988671988248825 -0.12142766267061234,0.674825981259346 l-0.4572822153568268,0.43881285935640335 -0.6744329631328583,0.19993221387267113 l-0.5556182935833931,0.636419951915741 -0.3611346706748009,0.04661732818931341 l-0.4552304372191429,0.4757053405046463 -0.884239450097084,0.7074934244155884 l-0.6687304377555847,0.720982700586319 -0.4868067428469658,1.1163969337940216 l-0.012297268258407712,0.2910083718597889 -0.4471086710691452,0.20829971879720688 l-0.4392717033624649,1.808808594942093 -0.28023695573210716,0.8650577813386917 l-0.42315684258937836,2.009882479906082 -0.08415888994932175,0.8268507570028305 l-0.08843806572258472,0.11474947445094585 -0.05372552666813135,1.9735349714756012 l0.8738432824611664,3.728572428226471 0.10866211727261543,0.5570616573095322 l0.04214468412101269,0.6336682289838791 0.4466482251882553,0.32249193638563156 l-0.3466108441352844,0.07478344719856977 0.017757383175194263,0.29134606942534447 l0.47477006912231445,0.06768017541617155 0.21036775782704353,0.19113926216959953 m16.70764684677124,-11.09103798866272 l-0.39924778044223785,-0.49332041293382645 -1.6589953005313873,-0.7086104154586792 l-0.597800500690937,0.06800302304327488 -0.317455418407917,0.1761317066848278 \" 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": 102,
"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=\"119.6148764831014\" version=\"1.1\" width=\"164.94028576446\" 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=\"119.6148764831014\" width=\"164.94028576446\" x=\"0\" y=\"0\"/><path d=\"M38.1306585582206,72.87483067484573 m-3.835667073726654,-0.11180710047483444 l-0.6543128937482834,0.6056390330195427 -1.245908960700035,0.05646649748086929 l-0.5880867689847946,0.6004129350185394 -0.7847906649112701,0.5585073307156563 l-0.6764332205057144,1.0155028849840164 -0.7414717227220535,0.8088309317827225 l-0.7286904007196426,0.6572698801755905 -0.6854594498872757,0.5316131189465523 l-0.6279146671295166,0.5402811989188194 -0.5329237133264542,0.5804799869656563 l-0.5006211251020432,0.6715061515569687 -0.43417222797870636,0.6534846127033234 l-0.3662348538637161,0.6920409947633743 -0.37063904106616974,0.7174879312515259 l-0.2058553509414196,0.7564245909452438 -0.10342728346586227,0.788804367184639 l-0.04325810354202986,0.8266220241785049 -0.004791035898961127,0.8224242925643921 l0.04817431326955557,0.789383128285408 0.15946650877594948,0.7464598119258881 l0.2302652969956398,0.6786047667264938 0.3664759173989296,0.6173988431692123 l0.6135126203298569,1.4948512613773346 0.782872661948204,1.4272555708885193 l1.0644519329071045,1.4946657419204712 1.2631742656230927,1.355060338973999 l1.5030308067798615,1.161288172006607 0.5386566743254662,-0.3457082062959671 l1.5915881097316742,0.5487947165966034 0.31541023403406143,-0.6935247033834457 l1.6660036146640778,-0.26892224326729774 0.30108263716101646,-0.8700703829526901 l0.695684552192688,-0.6427264958620071 0.39709586650133133,-0.957147404551506 l1.7677311599254608,-1.6878876090049744 0.24417245760560036,-1.3774949312210083 l2.056460678577423,-2.5026291608810425 0.12291467748582363,-1.6523726284503937 l1.8270672857761383,-3.1919628381729126 0.09228778071701527,-1.759408414363861 l1.3991062343120575,-3.956901729106903 0.16256414353847504,-1.7158906161785126 l0.4535750299692154,-1.7528365552425385 0.15534683130681515,-1.9024495780467987 l0.36984868347644806,-1.8112927675247192 0.24091795086860657,-1.8955440819263458 l0.37073373794555664,-1.8936946988105774 0.32559845596551895,-1.8852658569812775 l0.4404023289680481,-1.8399706482887268 0.4150167852640152,-1.75385981798172 l0.4983685538172722,-1.5690809488296509 0.44202692806720734,-1.6344210505485535 l0.5066508427262306,-1.400899589061737 0.4225262999534607,-1.9599296152591705 l0.6312377005815506,-1.781056672334671 0.5421818792819977,-1.6481870412826538 l0.656871572136879,-1.5480181574821472 0.5741313844919205,-1.4738495647907257 l0.6060211732983589,-1.3861067593097687 0.5169223621487617,-1.374085247516632 l0.48245783895254135,-0.9751268476247787 0.3894423693418503,-1.063804253935814 l0.389757864177227,-0.8114392310380936 0.23081881925463676,-0.7542816549539566 l0.2901135943830013,-0.6265681982040405 0.21356597542762756,-0.7358109205961227 l0.2576625719666481,-0.45275311917066574 0.10686968453228474,-0.2619806304574013 l0.14516450464725494,-0.12501870281994343 0.07799084763973951,-0.00615629309322685 l0.12447193264961243,0.07459452375769615 -0.5828580632805824,0.37402596324682236 l0.12550530955195427,0.6062741950154305 -0.6382999569177628,0.4382285475730896 l-0.6619183719158173,0.5660250037908554 -0.7380551844835281,0.6745056807994843 l-0.7497350126504898,0.7850248366594315 -0.8072498440742493,0.954139456152916 l-0.8036290109157562,0.9022083133459091 -0.8486907929182053,1.0756172239780426 l-0.8753625303506851,1.143866553902626 -0.912865623831749,1.2434158474206924 l-0.9495449811220169,1.3673053681850433 -0.9964492917060852,1.436530351638794 l-0.9930724650621414,1.484169214963913 -1.0429121553897858,1.6889587044715881 l-1.0478226095438004,1.7424333095550537 -1.0684934258460999,1.842048317193985 l-1.0673853754997253,1.7864629626274109 -0.3048545680940151,2.0231416821479797 l-0.3201078623533249,1.6737577319145203 -0.18280021846294403,1.742568016052246 l-0.09356504306197166,1.6618536412715912 -0.012133859563618898,1.5556429326534271 l0.05258733872324228,1.397785097360611 0.14302083291113377,1.3616202771663666 l0.18857594579458237,1.3139845430850983 0.22568564862012863,1.2248212844133377 l0.26095857843756676,1.1482611298561096 0.26024773716926575,1.14368736743927 l0.2679859846830368,1.0683689266443253 0.19837245345115662,1.0837697982788086 l0.21667564287781715,0.9861318022012711 0.2121971733868122,0.9795965254306793 l0.2018589898943901,0.8874071389436722 0.1989428699016571,0.8332393318414688 l0.20992828533053398,0.7980535179376602 0.24328326806426048,0.6478668004274368 l0.2528538554906845,0.599130280315876 0.2848464995622635,0.65327487885952 l0.48715580254793167,0.6715764850378036 0.3565521910786629,0.49436718225479126 l0.6207472458481789,0.4138852655887604 0.7413045316934586,0.18323829397559166 l0.9952311217784882,-0.09964321739971638 1.199411004781723,-0.4369218274950981 l1.439017802476883,-0.886942446231842 1.6440267860889435,-1.2930193543434143 l1.7994681000709534,-1.8000087141990662 1.925445795059204,-2.1176497638225555 l1.9678832590579987,-2.5042906403541565 1.8093669414520264,-2.632729709148407 l0.5070335045456886,-1.1871377378702164 1.263168752193451,-2.366454601287842 l0.4152967035770416,-1.0129103809595108 0.6593717634677887,-1.8750569224357605 l0.47954853624105453,-0.7476426661014557 0.31950369477272034,-0.994381308555603 l-0.4038388654589653,0.20734235644340515 -0.46677693724632263,0.4084806516766548 l-0.4587199538946152,0.48337142914533615 -0.4356132820248604,0.4960158094763756 l-0.41508037596940994,0.5076044425368309 -0.41426848620176315,0.5152946338057518 l-0.4687051475048065,0.49246445298194885 -0.480622835457325,0.44008422642946243 l-0.5157375335693359,0.4197204113006592 -0.5510841310024261,0.439336895942688 l-1.0711068660020828,2.0337146520614624 -0.48169389367103577,0.5050373449921608 l-0.5492335930466652,0.8171562105417252 -0.030529741197824478,1.197422370314598 l-0.4287179559469223,0.8391202986240387 0.56936826556921,3.996964991092682 l0.17347028478980064,0.5942627042531967 1.974232941865921,2.3278501629829407 l3.8236764073371887,0.6667223572731018 1.1991868168115616,0.013069321867078543 l1.3976603746414185,0.08814984001219273 1.256190836429596,0.001790707465261221 l1.1688446998596191,-0.08028050884604454 1.1362488567829132,-0.11794652789831161 l2.1224848926067352,-0.4083995521068573 0.831654891371727,-0.487750843167305 l1.7094731330871582,-0.4898616299033165 1.4946644008159637,-0.9255584329366684 l1.5203404426574707,-0.935438722372055 0.49283813685178757,-0.7764123380184174 l1.1100830137729645,-1.1173392087221146 0.33094894140958786,-0.8616238087415695 l0.7667873054742813,-1.4057187736034393 0.6424885243177414,-1.5363697707653046 l0.6250721216201782,-1.5704409778118134 0.17378894612193108,-0.6615746766328812 l0.5710966140031815,-1.466393917798996 0.2260986901819706,-0.4968409612774849 l0.2921080030500889,-0.6283534318208694 0.4455886036157608,-0.6112966313958168 l0.4909767210483551,-0.7095356285572052 0.5867708474397659,-0.756598562002182 l0.6051619723439217,-0.7705220580101013 0.6305995583534241,-0.753769651055336 l0.5784282833337784,-0.7488574087619781 0.5463535338640213,-0.7434292137622833 l-1.2571650743484497,-0.05186659749597311 -1.124541088938713,-0.06180117838084698 l-1.316417157649994,-0.03750317730009556 -0.7589862495660782,0.0369308446533978 l-0.7952335476875305,0.04193801898509264 -0.7670640200376511,0.20851293578743935 l-1.2831906974315643,1.4128506183624268 -0.7728253304958344,0.4700923338532448 l-0.7118064910173416,0.7303798198699951 -0.727783739566803,0.8299584686756134 l-0.08319844491779804,1.1216840147972107 -0.057925498113036156,1.3423924148082733 l-0.7953191548585892,0.5032444000244141 -0.042352862656116486,1.800897866487503 l-0.3476334363222122,0.8540518581867218 -0.17239103093743324,1.134084090590477 l-0.09278037585318089,0.8952290564775467 -0.0023999615223146975,1.053415983915329 l0.13253885321319103,1.016286015510559 0.2841489762067795,1.009245365858078 l0.44750478118658066,0.8946014940738678 0.5480295419692993,0.8242335915565491 l0.6743469089269638,0.7082583755254745 0.7657463848590851,0.5622924119234085 l0.8567073941230774,0.44684458523988724 0.9296907484531403,0.24036986753344536 l0.9921599924564362,-0.06383709143847227 1.0419594496488571,-0.4164913296699524 l0.5801400542259216,-0.644286721944809 0.5443251505494118,-0.6711443513631821 l1.0125843435525894,-1.3098081946372986 0.44584814459085464,-0.9493068605661392 l0.5118890106678009,-1.017700731754303 0.47565240412950516,-0.9492906928062439 l0.5589841306209564,-1.002463847398758 0.6151612102985382,-0.9494541585445404 l0.6383929401636124,-1.021415889263153 0.716366246342659,-0.9133629500865936 l0.669199749827385,-0.9676709771156311 0.7742325216531754,-0.9499479085206985 l0.7673902809619904,-0.9634517878293991 0.812753364443779,-0.9466754645109177 l1.9951912760734558,-2.4801164865493774 0.6436528265476227,-0.9803857654333115 l0.727691724896431,-1.102079451084137 0.4706336557865143,-1.1615866422653198 l0.5131012573838234,-1.1529970169067383 0.40657058358192444,-1.1920215934515 l0.44167887419462204,-1.0927309840917587 0.297962985932827,-1.1356060206890106 l0.45916058123111725,-1.024809330701828 0.3323836252093315,-1.0344494879245758 l0.8790347725152969,-1.1675061285495758 0.6407266110181808,-1.263156682252884 l0.8598271757364273,-1.0703933984041214 0.6160231679677963,-1.1317861080169678 l0.651974231004715,-0.909828320145607 0.3086836449801922,-0.7922881096601486 l0.3783790022134781,-0.6436043232679367 0.15593050047755241,-0.6351079046726227 l-0.39711661636829376,0.33628664910793304 -0.5714652314782143,0.4043448343873024 l-0.7210039347410202,0.7807730138301849 -0.5925385281443596,0.5325907096266747 l-0.6113450974225998,0.591326467692852 -0.7001930475234985,0.6968607008457184 l-0.735512301325798,0.7714895904064178 -0.7555494457483292,0.9171980619430542 l-0.840299054980278,1.0469000786542892 -0.7842440903186798,1.1026054620742798 l-0.8152557164430618,1.1113528162240982 -0.7307691872119904,1.1955995857715607 l-0.7538020610809326,1.0882938653230667 -0.6919976323843002,1.095724180340767 l-0.6418897956609726,1.0568313300609589 -0.5696602165699005,0.9936686605215073 l-0.5601866915822029,0.8910617232322693 -0.3942033648490906,0.8446414023637772 l-0.42111363261938095,0.8428419381380081 -0.36355338990688324,0.7875651121139526 l-0.2864007465541363,0.7922261953353882 -0.13651829212903976,0.6787778437137604 l-0.14023177325725555,0.7245011627674103 -0.030783344991505146,0.6493999809026718 l0.10931454598903656,0.6143265217542648 0.20581824705004692,0.5095602944493294 l0.2889406308531761,0.44061023741960526 0.40474697947502136,0.37121087312698364 l0.4077945649623871,0.32989468425512314 0.558621846139431,0.27693042531609535 l0.5298975482583046,0.18405834212899208 0.6128676608204842,0.19198134541511536 l0.6701753288507462,0.08190413005650043 0.7102130353450775,0.08525843732059002 l0.7585473358631134,0.006684633553959429 0.7074284553527832,0.048970701172947884 l0.7248406857252121,0.06582328118383884 0.7526282221078873,0.014227322535589337 l0.7815024256706238,-0.015509627992287278 0.8484364300966263,-0.01786599517799914 l0.8576840907335281,-0.04541162867099047 0.41251257061958313,0.23642871528863907 l0.4775950685143471,0.2338513359427452 0.542004406452179,0.265303123742342 l0.5735593661665916,0.28663642704486847 0.6062567234039307,0.2975628711283207 l0.6256920844316483,-0.13220525346696377 0.5895280838012695,0.29820093885064125 l1.5006974339485168,-0.6328895688056946 0.5673327296972275,-0.41124213486909866 l0.5210287123918533,-0.35697974264621735 0.3488258644938469,-0.5016157403588295 l0.26622412726283073,-0.5276922509074211 0.18546899780631065,-0.5818657204508781 l0.1293720956891775,-0.5961478501558304 0.04035311285406351,-0.6820147484540939 l0.04726877436041832,-0.7031014561653137 0.017097051022574306,-0.7227366417646408 l0.9079287201166153,-1.4877651631832123 1.0659490525722504,-1.8039312958717346 l0.1002225000411272,-0.7424899935722351 1.2547531723976135,-2.049461305141449 l1.282665878534317,-2.2961241006851196 1.5405450761318207,-2.411498874425888 l0.11603453196585178,-0.8740460872650146 0.2167801931500435,-1.006573662161827 l1.0245101153850555,-2.2108305990695953 0.22169381380081177,-1.0247094929218292 l0.2861492522060871,-1.07548788189888 0.29539767652750015,-1.0961182415485382 l0.655554011464119,-1.9239123165607452 0.6956540793180466,-1.9656471908092499 l0.8209104835987091,-1.8532951176166534 0.8304154127836227,-1.8903544545173645 l0.7498765736818314,-1.5594831109046936 0.728256031870842,-1.3746923208236694 l0.7516247034072876,-1.24465212225914 0.6774788349866867,-1.2218648940324783 l0.807197242975235,-1.0262665152549744 0.6357169151306152,-0.9986088424921036 l0.43404459953308105,-0.793316513299942 0.5679530277848244,-0.768880695104599 l0.22962957620620728,-0.6671547889709473 0.2636903338134289,-0.4888531193137169 l0.001129243173636496,-0.4824976623058319 -0.024591735564172268,-0.22602969780564308 l-0.3540162369608879,0.1252056285738945 -0.33996347337961197,0.26262253522872925 l-0.3649112954735756,0.24913320317864418 -0.38883838802576065,0.23599883541464806 l-0.4211357608437538,0.3603072464466095 -0.4262983053922653,0.3202850744128227 l-0.4398021847009659,0.42353246361017227 -0.4704141616821289,0.5092727765440941 l-0.4877818375825882,0.5729743093252182 -0.5246329680085182,0.6540187448263168 l-0.5777319893240929,0.7001732289791107 -0.546441487967968,0.8399796485900879 l-0.7108552008867264,0.6625723093748093 -0.3690916672348976,0.6139260903000832 l-0.7905443757772446,0.7131130248308182 -0.36725204437971115,0.697755441069603 l-0.3870208188891411,0.7599129527807236 -0.35099655389785767,0.8540420234203339 l-0.3474968299269676,0.9238754957914352 -0.32124385237693787,1.0329946875572205 l-0.31181249767541885,0.9997934103012085 -0.292257834225893,1.1318495124578476 l-0.2944822981953621,1.0915499925613403 -0.31768985092639923,0.9569000452756882 l-0.21892884746193886,0.9672451019287109 -0.11779445223510265,0.9066057950258255 l0.05292154848575592,0.9079516679048538 0.03366164397448301,0.8764972537755966 l0.22728882730007172,0.7689741253852844 0.31441453844308853,0.7162006199359894 l0.36031391471624374,0.6419592350721359 0.467282272875309,0.5757360532879829 l0.4957650229334831,0.4843132942914963 0.555327907204628,0.4654240608215332 l0.6116314977407455,0.4152137413620949 0.6202865019440651,0.44519007205963135 l0.6813904643058777,0.35839077085256577 0.666675791144371,0.3995421528816223 l0.7000315189361572,0.3780696168541908 0.7904087752103806,0.34608256071805954 l0.8496078103780746,0.2695770189166069 0.8664512634277344,0.23052753880620003 l0.9521288424730301,0.203931275755167 0.8455768972635269,-0.20832901820540428 l0.7145727425813675,0.4432424530386925 0.7470241189002991,-0.3254646435379982 l0.8181742578744888,-0.2995435521006584 0.7196854054927826,-0.41910964995622635 l0.717148631811142,-0.4160158708691597 0.5732587352395058,-0.5298550426959991 l0.5655069276690483,-0.5173498392105103 0.4326685518026352,-0.6348492205142975 l0.41682567447423935,-0.6329234689474106 0.34546375274658203,-0.719488337635994 l0.2835080772638321,-0.7375340163707733 1.0386281460523605,-1.2787061929702759 l1.0470008105039597,-1.5313160419464111 0.2550678513944149,-0.8371229469776154 l1.2572726607322693,-1.7873916029930115 0.2107815071940422,-0.8363901078701019 l1.301104575395584,-1.9020922482013702 1.3462203741073608,-2.1465902030467987 l0.3029831312596798,-0.7864733785390854 1.4325043559074402,-2.20792755484581 l1.4160417020320892,-2.2498558461666107 0.3069564327597618,-0.8263742178678513 l0.3646506741642952,-0.9252698719501495 1.0346133261919022,-2.097781002521515 l0.3625839203596115,-0.9619402885437012 0.8770707249641418,-2.232159972190857 l0.881926491856575,-2.2281181812286377 \" 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=\"108.49392035288474\" version=\"1.1\" width=\"167.36669414734934\" 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=\"108.49392035288474\" width=\"167.36669414734934\" x=\"0\" y=\"0\"/><path d=\"M39.13620054721832,61.51219580799079 m-3.860340118408203,-0.12448168359696865 l-0.6162795424461365,0.6107718870043755 -1.2945939600467682,0.03582156030461192 l-0.6599614769220352,0.5496910959482193 -1.1687079817056656,0.08365352638065815 l-0.7888776063919067,1.0410679131746292 -0.8558836579322815,0.695071816444397 l-0.8285891264677048,0.6197776645421982 -0.6850901246070862,0.604189820587635 l-0.5870555341243744,0.588773787021637 -0.5154868960380554,0.6298507750034332 l-0.5688817799091339,0.6731635332107544 -0.4521571099758148,0.7330712676048279 l-0.3435026854276657,0.7051175087690353 -0.3048231266438961,0.7390398532152176 l-0.23209083825349808,0.7540818303823471 -0.16340991482138634,0.8300679177045822 l-0.13395250774919987,0.8426685631275177 -0.036284178495407104,0.8410665392875671 l-0.04023238085210323,0.7954379171133041 0.04288800060749054,0.7313131541013718 l0.15687108039855957,0.6688638776540756 0.21607505157589912,0.6476330757141113 l0.5468367412686348,1.610671728849411 0.7957284152507782,1.5656954050064087 l1.0530385375022888,1.6618488729000092 1.3301385939121246,1.575591266155243 l0.6193859130144119,-0.17964504659175873 1.3686256110668182,1.1435242742300034 l1.4979241788387299,0.3083248436450958 0.595947727560997,-0.36397866904735565 l0.7358945161104202,-0.36113832145929337 1.5832114219665527,-0.6601088494062424 l0.40903501212596893,-0.7747979462146759 2.0478256046772003,-1.353023648262024 l0.29147282242774963,-1.1621522158384323 0.7795514166355133,-0.9058113396167755 l1.8178750574588776,-2.5671690702438354 0.410885252058506,-1.4322304725646973 l0.5296860262751579,-1.5257242321968079 1.4089126884937286,-3.5819444060325623 l0.3646458685398102,-1.5224799513816833 0.3164491057395935,-1.8138724565505981 l0.27165304869413376,-1.6023293137550354 0.2616916224360466,-1.773131787776947 l0.26323379948735237,-1.6969817876815796 0.2203376591205597,-1.8151910603046417 l0.29704296961426735,-1.7646768689155579 0.26442352682352066,-2.0304079353809357 l0.3965327888727188,-1.8740372359752655 0.36716699600219727,-1.7320199310779572 l0.43312422931194305,-1.8611723184585571 0.47590453177690506,-1.7109251022338867 l0.46646181493997574,-1.6488033533096313 0.5021753162145615,-1.511952430009842 l0.4488261044025421,-1.5313184261322021 0.6502755731344223,-1.7828096449375153 l0.6512846052646637,-1.7340636253356934 0.6635769456624985,-1.7489711940288544 l0.6677155941724777,-1.4350858330726624 0.5595433339476585,-1.3982534408569336 l0.5832327529788017,-1.4110225439071655 0.49833737313747406,-1.2693625688552856 l0.4323747381567955,-1.0597699880599976 0.33820074051618576,-0.8849004656076431 l0.26952503249049187,-0.876644179224968 0.2477394975721836,-0.7111752778291702 l0.20156962797045708,-0.686420276761055 0.18232643604278564,-0.4848950728774071 l0.1648307591676712,-0.4297040030360222 0.1548165176063776,-0.3312107175588608 l0.099092498421669,-0.13269209302961826 0.08107044734060764,-0.06349025759845972 l0.03516142023727298,0.1812751404941082 0.02197343623265624,0.20073194056749344 l-0.009679393842816353,0.3958941251039505 -0.6326914578676224,0.4497944191098213 l-0.6855273991823196,0.572936162352562 -0.7789774239063263,0.7527108490467072 l-0.7870085537433624,0.7944829016923904 -0.7911962270736694,0.8014832437038422 l-0.8493520319461823,0.910603255033493 -0.879504457116127,1.0353977978229523 l-0.9160242974758148,1.1820359528064728 -0.9396819770336151,1.2811176478862762 l-0.9751402586698532,1.3505662977695465 -1.0116638988256454,1.4375610649585724 l-1.0389624536037445,1.5493859350681305 -1.062147170305252,1.6356435418128967 l-1.0954008251428604,1.79252490401268 -1.1041423678398132,1.8399478495121002 l-1.1113537102937698,1.8984833359718323 -1.092667430639267,1.884794682264328 l-0.23285992443561554,2.046988606452942 -0.22898279130458832,1.8066446483135223 l-0.07340905256569386,1.658826768398285 -0.014751034323126078,1.4922787249088287 l0.0926064234226942,1.4522144198417664 0.13698499649763107,1.27155601978302 l0.16438273712992668,1.3244317471981049 0.23275455459952354,1.234755665063858 l0.2553153783082962,1.2160264700651169 0.2583383396267891,1.0779765248298645 l0.25592658668756485,1.117110624909401 0.2714262157678604,1.0318797081708908 l0.2524719387292862,0.9436862170696259 0.24377457797527313,0.9089118987321854 l0.257974099367857,0.8494745194911957 0.26099853217601776,0.774511843919754 l0.4471278190612793,0.9835002571344376 0.31128356233239174,0.5915683880448341 l0.6831064820289612,0.6693810224533081 0.25396721437573433,0.01258704112842679 l0.8667813241481781,0.3341880813241005 0.8270253986120224,-0.12600102461874485 l1.0451659560203552,-0.22789094597101212 0.49348868429660797,-0.3463824838399887 l1.2534244358539581,-0.7581049203872681 1.3586778938770294,-1.2887664139270782 l1.6288603842258453,-1.6119638085365295 1.749432235956192,-2.1452800929546356 l1.8509237468242645,-2.4528470635414124 0.5202827975153923,-1.1987511813640594 l1.5649691224098206,-2.5254490971565247 1.3660316169261932,-2.673291862010956 l1.2305067479610443,-2.3239870369434357 0.3929489105939865,-1.0645533353090286 l0.4415097087621689,-0.8987997472286224 0.33426232635974884,-1.4151425659656525 l-0.38413096219301224,0.3736637532711029 -0.553346537053585,0.5702283605933189 l-0.5487213283777237,0.805927962064743 -0.5381833389401436,0.7804478704929352 l-0.4865594953298569,0.87135910987854 -0.4709690436720848,0.8140265196561813 l-0.46803809702396393,0.818580836057663 -0.4323484003543854,0.7227503508329391 l-0.4362872242927551,0.7778050750494003 -0.4179254174232483,0.7181267440319061 l-0.43167412281036377,0.7898490130901337 -0.6037827581167221,2.291136234998703 l-0.3862570971250534,2.2256948053836823 0.13734080828726292,2.1179184317588806 l0.030866332817822695,0.8296686410903931 1.828588843345642,2.27786123752594 l0.7539265602827072,0.7096144556999207 0.6935925036668777,0.6996742635965347 l2.214708775281906,0.2996044233441353 1.1292042583227158,-0.11538145132362843 l1.2877966463565826,-0.000184765194717329 1.2049500644207,-0.12637097388505936 l1.124507114291191,-0.13636947609484196 1.033148169517517,-0.21802403032779694 l1.6903220117092133,-0.32110337167978287 1.6066071391105652,-0.5259362980723381 l1.7483578622341156,-0.6872343271970749 1.612103134393692,-0.8461384475231171 l1.5913206338882446,-1.0262560099363327 1.494024246931076,-1.2099531292915344 l1.3833920657634735,-1.4130745828151703 0.5535919964313507,-0.8518826216459274 l0.8204218000173569,-1.4911352097988129 0.37957534193992615,-0.7913481444120407 l0.5182305723428726,-1.511818766593933 0.26941677555441856,-0.6283235549926758 l0.17350109294056892,-0.7604284584522247 0.26487603783607483,-0.6867821514606476 l0.23360662162303925,-0.747951939702034 0.34478165209293365,-0.7283706218004227 l0.3538993000984192,-0.7823348045349121 0.4233507066965103,-0.8177018910646439 l0.4306114837527275,-0.808744803071022 -1.7981082201004028,-0.03274331334978342 l-1.6456343233585358,-0.03446327522397041 -0.7567755877971649,-0.106305330991745 l-0.8687090128660202,-0.014191572554409504 -0.8346577733755112,0.08658223785459995 l-0.842844769358635,0.1782226376235485 -0.8618813008069992,0.26789072901010513 l-0.895874872803688,0.41470903903245926 -0.8957575261592865,0.524848960340023 l-0.9183900058269501,0.6132166832685471 -0.88540218770504,0.7797013223171234 l-0.12989451177418232,1.1057034134864807 -0.12427627108991146,1.2033770233392715 l-0.6700874865055084,0.8398415148258209 -0.5258836224675179,1.038617342710495 l-0.4813797026872635,1.0163876414299011 -0.40244419127702713,1.075761839747429 l-0.30551852658391,1.1473853141069412 -0.17797362059354782,1.1714238673448563 l-0.05890693049877882,1.2261710315942764 0.07140787784010172,1.1831997334957123 l0.19000830128788948,1.2089654058218002 0.30346427112817764,1.1259936541318893 l0.33727969974279404,1.044779196381569 0.43563250452280045,0.9294609725475311 l0.5238789692521095,0.8200839161872864 0.578194372355938,0.6618104130029678 l0.656968355178833,0.47285396605730057 0.6587675213813782,0.3287912532687187 l0.7337731868028641,0.07717804051935673 0.7259028404951096,-0.04161645192652941 l0.808001235127449,0.06920987740159035 0.8745446056127548,-0.10394619777798653 l0.9331516921520233,-0.23475386202335358 1.0062750428915024,-0.4352528974413872 l1.0741408169269562,-0.5833581835031509 1.0935086756944656,-0.7410163432359695 l1.1299121379852295,-0.9210560470819473 1.2618567049503326,-1.1263660341501236 l0.20623039454221725,-0.8420407027006149 1.3475662469863892,-1.2684901058673859 l0.06828302517533302,-0.9212838113307953 1.2448982149362564,-1.2967769801616669 l0.008023539558053017,-0.8824166655540466 1.2026632577180862,-1.3168013095855713 l0.022564504761248827,-0.7910748571157455 1.2856456637382507,-1.3670697808265686 l0.009536024881526828,-0.7474406063556671 1.3801926374435425,-1.4753226935863495 l0.018357285298407078,-0.7601282000541687 1.4471866190433502,-1.4649949967861176 l0.06090385373681784,-0.7161631435155869 1.6005498170852661,-1.2945692241191864 l0.11118171736598015,-0.748228132724762 0.569855123758316,-0.4753394052386284 l0.26445668190717697,-0.6540176272392273 1.4652611315250397,-0.7168087363243103 l0.22647306323051453,-0.6119861453771591 0.7014404237270355,-0.3302924335002899 l1.3669292628765106,-0.6538896262645721 0.336599200963974,-0.4248823970556259 l1.534898281097412,-0.4654797911643982 0.2009010873734951,-0.4832373932003975 l0.5185120552778244,-0.16764752566814423 -0.9018330276012421,-0.011208740761503577 l-1.1860132217407227,-0.011732500279322267 -1.353566199541092,-0.020325374789536 l-1.334429681301117,-0.036020579282194376 -1.325104981660843,-0.04288429394364357 l-0.6403274834156036,0.6014850363135338 -0.7268659025430679,0.4480869323015213 l-0.6457147002220154,0.5947592854499817 -0.7052326947450638,0.5935842543840408 l0.02150576561689377,0.8013917505741119 -0.7594927400350571,0.5505353584885597 l-0.008323800284415483,0.985996201634407 -0.028575081378221512,1.0600406676530838 l-0.03020868869498372,1.1742212623357773 -0.04295149352401495,1.4608359336853027 l-0.06158031988888979,1.6387543082237244 -0.057590254582464695,1.6956064105033875 l-0.06779257673770189,1.8503738939762115 -0.07237516343593597,1.8288101255893707 l0.3165002912282944,0.15914520248770714 0.23786604404449463,0.20693322643637657 l0.2731470949947834,0.09272981435060501 0.17637565732002258,0.11219233274459839 l0.1542095746845007,0.0432419590651989 0.14289441518485546,-0.057754660956561565 l0.12322051450610161,-0.04256619140505791 0.13296457938849926,-0.06147032603621483 l0.14597742818295956,-0.10028734803199768 0.15609939582645893,-0.12384803965687752 l0.25524089112877846,-0.14441529288887978 0.3196392208337784,-0.1672445796430111 l0.38140248507261276,-0.20004011690616608 0.4536859318614006,-0.2048327960073948 l0.6075938791036606,0.34065522253513336 0.6216900795698166,-0.27569055557250977 l0.923323929309845,0.3021509014070034 1.0957631468772888,0.10029960423707962 l1.3211852312088013,0.06891748867928982 1.5627756714820862,-0.07529193069785833 l1.7561417818069458,-0.2293582260608673 1.994979977607727,-0.4242342337965965 l0.4486791044473648,-0.6289352476596832 0.6376644223928452,-0.3953360393643379 l0.41972730308771133,-0.5782996490597725 1.2778571248054504,-0.3277289494872093 l1.2522242963314056,-0.6600482016801834 1.448923796415329,-0.5993322283029556 l1.55718132853508,-0.8704489469528198 1.614277958869934,-1.0009681433439255 l0.3879757598042488,-0.7235566526651382 1.5329892933368683,-1.1081934720277786 l0.2613893710076809,-0.8010795712471008 0.5472993105649948,-0.5235647410154343 l0.38440417498350143,-0.7536415010690689 2.726792097091675,-3.3862748742103577 l0.22003291174769402,-0.8982951939105988 1.364046186208725,-2.228599935770035 l0.39220139384269714,-1.0601124167442322 0.6559141725301743,-0.9898349642753601 l0.5336295440793037,-1.1560003459453583 0.7118505984544754,-1.0863660275936127 l0.6197651475667953,-1.1979560554027557 0.69172702729702,-1.1889570206403732 l0.6086281687021255,-1.315077394247055 0.6239490583539009,-1.3507626950740814 l0.557093620300293,-1.3041560351848602 0.602409802377224,-1.322522908449173 l0.5074129998683929,-1.30184605717659 0.45167092233896255,-1.2003237754106522 l0.4254704713821411,-1.183859035372734 0.3716589882969856,-1.1654997617006302 l0.0050263263983651996,-0.03095520893111825 -0.18674293532967567,0.07874398492276669 l-0.22358115762472153,0.6769033521413803 -0.1708763651549816,0.15215221792459488 l-0.2816958911716938,1.022544950246811 -0.20783495157957077,0.20544890314340591 l-0.09396328590810299,0.407908596098423 -0.16933318227529526,0.31683653593063354 l-0.18408272415399551,0.3876351937651634 -0.5043903365731239,0.4661393538117409 l-0.5703919753432274,0.6433358043432236 -0.6522627174854279,0.7500655204057693 l-0.7297531515359879,0.9193266928195953 -0.7891061902046204,1.0189145058393478 l-0.8264412730932236,1.0576558113098145 -0.9003284573554993,1.124541088938713 l-0.9865117818117142,1.161189153790474 -1.019248217344284,1.1324173957109451 l-1.062648743391037,1.109168827533722 -0.609838180243969,1.2665574252605438 l-1.0343439131975174,0.9537870436906815 -0.580580085515976,1.2558746337890625 l-0.6114937737584114,1.176428347826004 -0.519794300198555,1.2203507870435715 l-0.43886806815862656,1.1623939871788025 -0.3880338743329048,1.0425648838281631 l-0.21586382761597633,1.0489295423030853 -0.13560048304498196,0.9666872024536133 l-0.03527062712237239,0.863090381026268 0.057591311633586884,0.7538964599370956 l0.1505915354937315,0.594400130212307 0.23862533271312714,0.5397000908851624 l0.2831801772117615,0.5162929743528366 0.36337118595838547,0.43219592422246933 l0.4144216328859329,0.41962534189224243 0.4564380645751953,0.3765188530087471 l0.44882651418447495,0.2987797372043133 0.47581225633621216,0.33009327948093414 l0.472516305744648,0.33947188407182693 0.5132513493299484,0.2948310971260071 l0.5511655285954475,0.2788790687918663 0.6243971735239029,0.20640090107917786 l0.643390342593193,0.2380555309355259 0.7526504248380661,0.2043411321938038 l0.8376381546258926,0.11000603437423706 0.899592787027359,0.11507048271596432 l1.00231371819973,0.06554833147674799 2.4818533658981323,-0.4658294841647148 l0.5707582086324692,-0.4426039010286331 0.8789290487766266,-0.06283076480031013 l3.176581561565399,-1.9289150834083557 0.5864488333463669,-0.6037885323166847 l0.7454157620668411,-0.3333861008286476 0.4480426385998726,-0.5392780900001526 l0.40779702365398407,-0.4584890976548195 0.2938617765903473,-0.5147591233253479 l0.21969744935631752,-0.5728486552834511 0.21590568125247955,-0.58621846139431 l0.155800124630332,-0.6726985424757004 0.174343753606081,-0.7189611345529556 l0.16038024798035622,-0.7494688779115677 0.1453330460935831,-0.8201588690280914 l0.20346026867628098,-0.8154588937759399 0.24406317621469498,-0.8362109959125519 l0.24116843938827515,-0.9577120095491409 0.33538728952407837,-0.8930522203445435 l0.3407728299498558,-1.0121040791273117 0.41218049824237823,-1.0112429410219193 l0.43529439717531204,-1.0810553282499313 0.4801979288458824,-1.0946612060070038 l0.4823150485754013,-1.1334935575723648 0.5275486782193184,-1.0916202515363693 l0.8686593919992447,-2.028501331806183 0.9722374379634857,-1.9672121107578278 l0.44324498623609543,-1.0615172982215881 0.8531038463115692,-1.6590091586112976 l0.8750902116298676,-1.5048642456531525 0.8318774402141571,-1.352679580450058 l0.7425250113010406,-1.2379319965839386 0.7289315015077591,-1.105780377984047 l0.5703669041395187,-0.9260480850934982 0.554802417755127,-0.8589634299278259 l0.4173334315419197,-0.6659726798534393 0.15674827620387077,-0.5266694352030754 l0.09575802832841873,-0.33924397081136703 \" 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=\"109.39535673329374\" version=\"1.1\" width=\"151.0951776066213\" 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=\"109.39535673329374\" width=\"151.0951776066213\" x=\"0\" y=\"0\"/><path d=\"M39.82261510100216,61.22461367020151 m-3.91825407743454,-0.2911725826561451 l-0.7369721680879593,0.5953753367066383 -1.3108322024345398,0.0871917512267828 l-0.7096830010414124,0.650080069899559 -1.1881870031356812,0.08692721836268902 l-0.8855871856212616,1.0523828864097595 -0.9073437005281448,0.6818018853664398 l-0.8050530403852463,0.6793741881847382 -0.7238071411848068,0.6122833490371704 l-0.6022409349679947,0.5698634311556816 -0.6446272134780884,0.6483245640993118 l-0.48439837992191315,0.6918229907751083 -0.5484265834093094,0.7239479571580887 l-0.4511919245123863,0.7716085761785507 -0.2577107772231102,0.74379563331604 l-0.19572921097278595,0.7793816924095154 -0.1337120309472084,0.8278136700391769 l-0.14114766381680965,0.8053267002105713 -0.13453067280352116,0.8130331337451935 l-0.04318018909543753,0.8045710623264313 0.06933106575161219,0.7576418668031693 l0.08161406964063644,0.6998217850923538 0.448683463037014,1.6752848029136658 l0.7296110689640045,1.613306701183319 0.9668159484863281,1.7751729488372803 l1.2550565600395203,1.7043337225914001 1.562814861536026,1.4654164016246796 l1.7759577929973602,1.1460313200950623 0.7485175877809525,-0.3424244374036789 l0.9226340800523758,-0.29965175315737724 0.7054203003644943,-0.5624170228838921 l0.686880350112915,-0.5568723380565643 0.5288610607385635,-0.7307866960763931 l0.5511966347694397,-0.7705090194940567 1.6306482255458832,-1.5359729528427124 l0.3276025876402855,-1.0855300724506378 1.9812503457069397,-2.277482897043228 l0.17333012074232101,-1.4882633090019226 1.9500206410884857,-2.961508631706238 l0.03708154195919633,-1.7364895343780518 0.5532548204064369,-1.5480567514896393 l0.090885479003191,-1.7872980237007141 0.343482606112957,-1.6322511434555054 l0.11860081925988197,-1.763690561056137 0.281373281031847,-1.6309894621372223 l0.17318392172455788,-1.7423051595687866 0.3056803159415722,-1.7033970355987549 l0.2837023697793484,-1.8230874836444855 0.38012608885765076,-1.7773117125034332 l0.39223842322826385,-1.8112292885780334 0.47531943768262863,-1.735163927078247 l0.4711485654115677,-1.7307023704051971 0.527263805270195,-1.5762686729431152 l0.5652862414717674,-1.521434336900711 0.4951615259051323,-1.5837688744068146 l0.685093030333519,-1.9432206451892853 0.6597209721803665,-1.9438345730304718 l0.6838369369506836,-1.7227476835250854 0.649932399392128,-1.690644770860672 l0.6709475070238113,-1.5128622949123383 0.5766738206148148,-1.4751750230789185 l0.5744288861751556,-1.311672031879425 0.4683467373251915,-1.2489740550518036 l0.46759407967329025,-1.1511877924203873 0.37663839757442474,-1.0464873909950256 l0.28254231438040733,-0.689658597111702 0.2405051328241825,-0.4882607236504555 l0.2147103287279606,-0.4760786145925522 0.24029811844229698,-0.4723180830478668 l0.15142044983804226,-0.24716807529330254 0.20623957738280296,-0.14564426615834236 l0.03957502078264952,-0.08467009291052818 0.15070234425365925,0.0036684275255538523 l0.07082572672516108,0.09625064209103584 -0.5872058123350143,0.4130809009075165 l-0.6661679595708847,0.6094232946634293 -0.08967393077909946,0.7800571620464325 l-0.7147625833749771,0.705217719078064 -0.7360309362411499,0.8028636872768402 l-0.7777447998523712,0.8292828500270844 -0.81153504550457,0.9676612913608551 l-0.8425911515951157,1.0351945459842682 -0.8871333301067352,1.1074966937303543 l-0.9016813337802887,1.0997160524129868 -0.9470602124929428,1.3169306516647339 l-0.9726285934448242,1.3088089227676392 -1.0095592588186264,1.4095386862754822 l-1.0364923626184464,1.5377047657966614 -1.0563431680202484,1.6023726761341095 l-1.0669548064470291,1.6664262115955353 -1.0812107473611832,1.7373163998126984 l-1.0958997160196304,1.7958059906959534 -0.3058336675167084,1.9577637314796448 l-0.9870358556509018,1.6646657884120941 -0.06816617678850889,1.7417894303798676 l-0.1385949458926916,1.6431242227554321 0.019516174215823412,1.4315374195575714 l0.044044922105968,1.4051511883735657 0.14083953574299812,1.311705857515335 l0.1533670723438263,1.2196630984544754 0.15619290992617607,1.2886673212051392 l0.22002983838319778,1.152971088886261 0.206594318151474,1.1423033475875854 l0.23014016449451447,1.090163066983223 0.20236238837242126,1.074954941868782 l0.20889440551400185,1.010236218571663 0.215627308934927,0.9176933020353317 l0.21488629281520844,0.9541177749633789 0.22340858355164528,0.9027265757322311 l0.26622289791703224,0.722929984331131 0.2913976460695267,0.7487775385379791 l0.34195587038993835,0.6387246400117874 0.3957580402493477,0.5935840308666229 l0.6717392802238464,0.474226213991642 0.7749853283166885,0.19829872995615005 l0.4949973151087761,-0.03029071493074298 1.0610658675432205,-0.14970147050917149 l0.4928329586982727,-0.31707003712654114 1.3784518837928772,-0.731123685836792 l1.3691072165966034,-1.2762704491615295 1.6691017150878906,-1.572096347808838 l1.7338019609451294,-2.0337481796741486 1.8198372423648834,-2.382883131504059 l1.8252657353878021,-2.648444175720215 1.7911289632320404,-2.8003203868865967 l0.42746875435113907,-1.145482063293457 1.0978277027606964,-2.211415469646454 l0.4203808307647705,-0.9316087514162064 0.5559554323554039,-1.7610469460487366 l0.39470575749874115,-1.4133422076702118 0.21922148764133453,-3.108426332473755 l-0.3864237293601036,0.4402720183134079 -0.7339697331190109,0.4703659936785698 l-0.5968913808465004,0.8069092035293579 -0.586865246295929,0.7092374563217163 l-0.5695191398262978,0.8424430340528488 -0.5772052705287933,0.7619822025299072 l-0.5906278640031815,0.8247610181570053 -0.6134352087974548,0.7018569856882095 l-0.5985912680625916,0.7851963490247726 -0.5924690142273903,0.7743154466152191 l-0.5717774108052254,0.841202437877655 -0.9463828802108765,2.9695501923561096 l-0.4312993213534355,2.6888397336006165 -0.04942332860082388,2.7318602800369263 l0.541841946542263,2.1663838624954224 0.5223231762647629,0.7046408206224442 l2.3047681152820587,1.9352102279663086 0.7101446390151978,0.7641031593084335 l2.5733214616775513,0.5477435141801834 1.2153348326683044,-0.12210500426590443 l1.339375227689743,0.034130970016121864 1.2523794174194336,-0.10306407697498798 l1.1098560690879822,-0.1751754805445671 2.0422033965587616,-0.5391445755958557 l0.745575800538063,-0.515998974442482 1.581418514251709,-0.7897008210420609 l1.283482164144516,-1.053878739476204 1.1127763986587524,-1.035822331905365 l0.9966679662466049,-1.2816020846366882 1.0184074193239212,-1.3752850890159607 l0.7821547240018845,-1.5620137751102448 0.7205324620008469,-1.552588939666748 l0.6192242354154587,-1.5901291370391846 0.6269381940364838,-1.5232627093791962 l0.5679399147629738,-1.5125326812267303 0.5667075514793396,-1.3733410835266113 l0.6423952430486679,-1.2511703372001648 0.8181238174438477,-1.3320274651050568 l0.33680323511362076,-0.5497603490948677 0.49692820757627487,-0.5983007326722145 l0.6153690442442894,-0.6538430601358414 0.6699506938457489,-0.7088738679885864 l0.6917697191238403,-0.7153472304344177 0.6293505430221558,-0.7800625264644623 l-0.6174277141690254,-0.07116124499589205 -1.0226371139287949,-0.06556563545018435 l-0.8767460286617279,-0.04431988578289747 -0.9564643353223801,-0.05717414431273937 l-0.9060698747634888,-0.056100436486303806 -0.7750175148248672,-0.02740468131378293 l-1.093193143606186,1.2209615111351013 -1.0671920329332352,1.3920789957046509 l-0.9752421081066132,1.7965374886989594 -0.8615501970052719,2.0241977274417877 l-0.5918161943554878,2.1379482746124268 -0.27714790776371956,0.9372366219758987 l-0.04173805005848408,1.3647888600826263 -0.0069883320247754455,1.7656774818897247 l0.12612051330506802,0.7921808212995529 0.0811171717941761,0.8444399386644363 l0.16781717538833618,0.691765546798706 0.28878793120384216,0.5912350118160248 l0.39680544286966324,0.5514345690608025 0.5364023521542549,0.39179932326078415 l0.615624189376831,0.30813736841082573 1.4597658812999725,0.4090491309762001 l2.1320292353630066,-0.523831844329834 0.7394324243068695,-0.41930727660655975 l0.8220948278903961,-0.436512753367424 0.7725721597671509,-0.585162341594696 l0.6926563382148743,-0.7102584093809128 0.7008060812950134,-0.8576513826847076 l0.6879468262195587,-0.9685339778661728 0.6548473984003067,-1.005907952785492 l0.6834768503904343,-0.9972835332155228 0.7499362528324127,-1.0937897861003876 l0.7067921012639999,-1.108313575387001 0.7249670475721359,-1.0600930452346802 l0.7812625169754028,-1.1623908579349518 0.8480518311262131,-1.1526063084602356 l0.717155933380127,-1.2682095170021057 0.6979215145111084,-1.3358847796916962 l0.5728555098176003,-1.3366536796092987 0.5508827790617943,-1.459166556596756 l0.48982515931129456,-1.5522971749305725 0.5120362341403961,-1.5782563388347626 l0.3802822157740593,-1.7148314416408539 0.469479002058506,-1.7456351220607758 l0.4116189107298851,-1.8799299001693726 0.5165349319577217,-1.8060456216335297 l0.48782143741846085,-1.8624107539653778 0.5632025003433228,-1.6988205909729004 l0.5457793921232224,-1.7505167424678802 0.616239383816719,-1.5166638791561127 l0.5258901417255402,-1.481885313987732 0.7925090938806534,-1.2604674696922302 l0.6168299168348312,-1.2212377041578293 0.5944556370377541,-0.7992482930421829 l0.3485294431447983,-0.5223646759986877 0.2634674869477749,-0.2886159159243107 l0.08916106075048447,-0.1701432466506958 -0.08001972921192646,0.1783004030585289 l-0.263900812715292,0.3738733008503914 -0.4622909054160118,0.6996896862983704 l-0.26343006640672684,0.9277784824371338 -0.5402890220284462,0.5204692482948303 l-0.1366887427866459,1.131172925233841 -0.6448487937450409,0.8287245035171509 l-0.6333383917808533,1.0101506859064102 -0.735308900475502,1.1718643456697464 l-0.777345597743988,1.2919384241104126 -0.8302935212850571,1.3866913318634033 l-0.8769548684358597,1.51594877243042 -0.9260435402393341,1.6259190440177917 l-0.9434139728546143,1.6547979414463043 -0.9770210832357407,1.7116187512874603 l-1.0212911665439606,1.674521565437317 -1.0130513459444046,1.646973043680191 l-0.1950373686850071,1.6480864584445953 -0.21043837070465088,1.4735834300518036 l-0.09329471737146378,1.3154853880405426 -0.01996881328523159,1.1663970351219177 l0.07150112185627222,1.060255616903305 0.1380774099379778,0.96756212413311 l0.22172683849930763,0.9265296161174774 0.33904727548360825,0.9146930277347565 l0.3822905197739601,0.7243157923221588 0.4534284397959709,0.7367302477359772 l0.5484497174620628,0.5955373495817184 0.5781478434801102,0.4922426864504814 l0.6597062200307846,0.41702691465616226 0.6677906960248947,0.3741689398884773 l0.6456797569990158,0.3607122600078583 0.6578449904918671,0.34977640956640244 l0.6297145783901215,0.31722381711006165 0.5903928354382515,0.245697982609272 l0.5920509248971939,0.20696869120001793 0.5739834904670715,0.1757771521806717 l1.968715339899063,0.24339869618415833 2.801843285560608,-0.924658477306366 l0.8054091036319733,-0.5596290528774261 0.8825733512639999,-0.4480183869600296 l0.6981521099805832,-0.5376037210226059 1.6053807735443115,-0.9483090788125992 l2.9772788286209106,-2.799384295940399 0.5884850770235062,-0.9190504997968674 l0.48145826905965805,-0.8838676661252975 0.33319849520921707,-0.9191840142011642 l0.39610516279935837,-0.8099471032619476 0.2730379067361355,-0.8243785798549652 l0.20017459988594055,-0.8611179888248444 0.11126142926514149,-0.9131654351949692 l0.07878935895860195,-0.9589926898479462 0.03426825162023306,-0.9743312001228333 l-0.00495400105137378,-1.012030765414238 -0.17263228073716164,-1.5555712580680847 l-1.8100598454475403,0.09731529280543327 -0.5979389324784279,0.10832591913640499 l-0.7502111792564392,-0.031112320721149445 -0.7179073244333267,0.1712978258728981 l-0.8109880983829498,0.23336496204137802 -0.8112510293722153,0.26104919612407684 l-0.857890173792839,0.3699824586510658 -0.8870410174131393,0.4375633969902992 l-0.8730917423963547,0.5638965219259262 -0.04548028111457825,0.6559399515390396 l-0.06986003834754229,0.8368329703807831 -0.062292320653796196,0.9213583171367645 l-0.035432183649390936,1.0247408598661423 -0.0188467709813267,1.1712176352739334 l-0.0021974541596136987,1.3144007325172424 0.018751296447589993,1.3862420618534088 l-0.5976054444909096,0.9032484889030457 -0.5251212790608406,1.0413042455911636 l-0.5249129608273506,1.1087393015623093 -0.4696904495358467,1.173032969236374 l-0.43963193893432617,1.2284179776906967 -0.32724715769290924,1.1862187087535858 l-0.3024573251605034,1.1450538039207458 -0.1813373900949955,1.1007718741893768 l-0.1391190104186535,1.0244257003068924 -0.06203000899404287,1.0118210315704346 l0.06922673899680376,0.9157028049230576 0.07274234667420387,0.781683549284935 l0.2124679833650589,0.6542154401540756 0.2610654942691326,0.6124311313033104 l0.3646484389901161,0.4909384623169899 0.4209567606449127,0.37742525339126587 l0.4817603528499603,0.2930894307792187 0.5374239757657051,0.2584601566195488 l0.5676571279764175,0.16127660870552063 0.599685050547123,0.05175109952688217 l0.6012852117419243,0.019344976171851158 0.6002268567681313,-0.08500348776578903 l0.5615846812725067,-0.09369401261210442 0.5783221870660782,-0.05465083755552769 l0.5750162899494171,-0.0565959932282567 0.5560360103845596,-0.0543726421892643 l-0.09900136850774288,0.3007785975933075 0.5298619717359543,-0.022677411325275898 l0.4930863529443741,0.06180182099342346 -0.0017774529987946153,0.34809693694114685 l0.04653317853808403,0.3469737246632576 0.5023058503866196,0.009445390314795077 l0.5341785028576851,-0.09533889591693878 0.1631581038236618,0.3656433895230293 l0.26575131341814995,0.34512583166360855 0.5603823065757751,-0.324946865439415 l0.3015630692243576,0.31106511130928993 0.6208538264036179,-0.5041418969631195 l0.34584321081638336,0.25814710184931755 0.6275945901870728,-0.5935324355959892 l0.41660234332084656,-0.38078397512435913 0.5821176990866661,-0.6332974135875702 l0.3290048614144325,-0.73241226375103 0.3556596487760544,-0.7472551614046097 l0.29789870604872704,-0.9007309377193451 0.2768988534808159,-0.9418147057294846 l0.24545000866055489,-1.0710859298706055 0.25207677856087685,-1.107044741511345 l0.28904374688863754,-1.3093708455562592 0.3313494846224785,-1.3166673481464386 l0.3960365802049637,-1.5105131268501282 0.43986666947603226,-1.6441617906093597 l0.5725349113345146,-1.729339063167572 0.6583619117736816,-1.828620284795761 l0.8629780262708664,-1.942172646522522 1.1182153224945068,-2.1056565642356873 l1.3985304534435272,-2.172629088163376 0.34823205322027206,-0.9274333715438843 l1.7957423627376556,-1.9214823842048645 0.3491915762424469,-0.8745396882295609 l2.0824940502643585,-1.7755888402462006 0.505039356648922,-0.7193773984909058 l2.0294608175754547,-1.6420836746692657 0.5084354802966118,-0.5580320581793785 l1.7011758685112,-1.554318219423294 0.4385049268603325,-0.3628368303179741 l-0.32838329672813416,0.10044668801128864 -0.7788204401731491,0.10473566129803658 l-0.8874397724866867,0.09683498181402683 -1.2437406182289124,0.07393090054392815 l-1.3703279197216034,0.05745314061641693 -1.7347627878189087,0.9718693792819977 l-0.6211751326918602,0.6063700094819069 -1.9794091582298279,0.9247569739818573 l-2.06523060798645,1.4335837960243225 -2.324451506137848,1.5276724100112915 l-2.339687794446945,1.8017138540744781 -2.30251207947731,1.7722012102603912 l-2.138243317604065,1.912076622247696 -1.9889286160469055,2.1368294954299927 l-1.7654334008693695,2.1456559002399445 -0.145829813554883,1.6812807321548462 l-0.17485905438661575,1.8971771001815796 -0.1972796767950058,2.121780216693878 l-0.22855563089251518,2.4974170327186584 0.10223189368844032,0.6543920934200287 l0.8186839520931244,2.9769909381866455 2.2038888931274414,1.946139633655548 l3.4949663281440735,0.8219972997903824 \" 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=\"113.19674993254011\" version=\"1.1\" width=\"153.36459610727616\" 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=\"113.19674993254011\" width=\"153.36459610727616\" x=\"0\" y=\"0\"/><path d=\"M40.03257325384766,66.2948909480474 m-3.8162660598754883,-0.15986541286110878 l-0.7883389294147491,0.5949047207832336 -1.2420322746038437,0.0858480203896761 l-0.59779342263937,0.5741370841860771 -1.2538567185401917,0.06300198379904032 l-0.8753921091556549,1.205785721540451 -0.9758798778057098,0.7807847857475281 l-0.7316853851079941,0.6888498365879059 -0.771726593375206,0.5886916816234589 l-0.8279389888048172,0.6675708293914795 -0.6211749464273453,0.7169734686613083 l-0.6655564159154892,0.7595399022102356 -0.531512089073658,0.7882505655288696 l-0.4038754105567932,0.7748638093471527 -0.32349828630685806,0.7933560013771057 l-0.2802314981818199,0.8044315129518509 -0.15422542579472065,0.8579538762569427 l-0.10509759187698364,0.8542627096176147 -0.06649123039096594,0.8453327417373657 l0.02141656121239066,0.8106515556573868 0.08690101094543934,0.7340622693300247 l0.18347561359405518,0.6889981031417847 0.5248269811272621,1.536019891500473 l0.7953707873821259,1.554117351770401 1.0797002911567688,1.5094766020774841 l1.3275417685508728,1.4784781634807587 1.550603210926056,1.3053812086582184 l0.715714767575264,-0.3116697259247303 0.93477763235569,-0.25274813175201416 l0.7124928385019302,-0.4801773652434349 0.7027985155582428,-0.47734033316373825 l0.5135627835988998,-0.6280982494354248 1.3896535336971283,-0.9813259541988373 l0.32082706689834595,-0.937381237745285 1.8005631864070892,-1.5554134547710419 l1.7138095200061798,-2.4867086112499237 0.3892737999558449,-1.2097718566656113 l1.9685108959674835,-2.9630908370018005 1.5060633420944214,-3.8036558032035828 l0.5016252025961876,-1.5524846315383911 0.3509720042347908,-1.8232917785644531 l0.367857962846756,-1.690962016582489 0.2831321954727173,-1.778053343296051 l0.304971169680357,-1.7462094128131866 0.3146278113126755,-1.7644038796424866 l0.39750836789608,-1.6676658391952515 0.3865952044725418,-1.846936196088791 l0.5273263528943062,-1.7601057887077332 0.4883952811360359,-1.7627634108066559 l0.6109442561864853,-1.7418700456619263 0.5850951746106148,-1.6024698317050934 l0.5297483503818512,-2.35421359539032 0.6421224027872086,-1.4261479675769806 l0.45812495052814484,-2.0177550613880157 0.6436456739902496,-1.6557352244853973 l0.5103514716029167,-1.597304493188858 0.5930772796273232,-1.3387376070022583 l0.5070250853896141,-1.26156285405159 0.5387642234563828,-1.0478848963975906 l0.4155576229095459,-1.1155465990304947 0.4396255314350128,-0.8793596178293228 l0.35691797733306885,-0.9020965546369553 0.38597341626882553,-0.7613138854503632 l0.26251770555973053,-0.5853410437703133 0.25313157588243484,-0.4397992044687271 l0.20750148221850395,-0.2834713086485863 0.11071627959609032,-0.09951247833669186 l0.11806926690042019,-0.04117007367312908 0.1606605388224125,-0.020327945239841938 l0.12756722047924995,0.059813642874360085 0.099233603104949,0.18333498388528824 l0.11357907205820084,0.1798008568584919 0.12126841582357883,0.3341476246714592 l0.04448323044925928,0.3390013799071312 0.09238831698894501,0.48703014850616455 l0.026630631182342768,0.5707122385501862 -0.5830942466855049,0.25253498926758766 l-0.6648396700620651,0.4328737407922745 -0.7233510911464691,0.5741832032799721 l-0.7630164176225662,0.606192983686924 -0.7980916649103165,0.6976033002138138 l-0.826050192117691,0.7934100180864334 -0.8553500473499298,0.8452632278203964 l-0.8824422955513,0.9323541820049286 -0.925450399518013,1.0760823637247086 l-0.9614609926939011,1.1819060146808624 -0.9878689050674438,1.2775251269340515 l-1.0211972892284393,1.430395394563675 -1.0541627556085587,1.56997412443161 l-1.0557811707258224,1.5331193804740906 -1.0849883407354355,1.6884322464466095 l-1.09547920525074,1.7429794371128082 -0.2726554498076439,1.8331867456436157 l-0.30498282983899117,1.577255129814148 -0.14692298136651516,1.6105273365974426 l-0.05919511429965496,1.3731275498867035 -0.004410767869558185,1.3015952706336975 l0.029750631656497717,1.3270917534828186 0.07639400660991669,1.2149279564619064 l0.11391406878829002,1.2434080243110657 0.13565253466367722,1.1148832738399506 l0.15673797577619553,1.1707589030265808 0.16369372606277466,1.0644087940454483 l0.17058523371815681,1.0344702005386353 0.14426426030695438,1.0013449937105179 l0.1592201553285122,0.9469635784626007 0.1756288856267929,0.8761433511972427 l0.14202509075403214,0.9106259793043137 0.161249078810215,0.9199614822864532 l0.17387615516781807,0.73576919734478 0.2217382751405239,0.8012989908456802 l0.272639449685812,0.6967302411794662 0.2811011113226414,0.607282742857933 l0.4623112455010414,0.7881609350442886 0.5959033593535423,0.4918627068400383 l0.7642676681280136,0.37078142166137695 0.9761030226945877,0.025730605702847242 l0.5168663710355759,-0.1461009494960308 1.3264057040214539,-0.4153726249933243 l0.4921450838446617,-0.4601019248366356 1.5605448186397552,-0.9524043649435043 l1.5164780616760254,-1.6800987720489502 1.774546504020691,-1.8857333064079285 l1.795034408569336,-2.2829726338386536 1.8304364383220673,-2.538844347000122 l0.48543456941843033,-1.1410463601350784 1.435532122850418,-2.447289079427719 l0.43562982231378555,-1.0624612122774124 0.8837035298347473,-1.8962638080120087 l0.3980502486228943,-0.8416862040758133 0.384148471057415,-1.5245918929576874 l0.4230697453022003,-1.2872019410133362 -0.4161638393998146,0.153869716450572 l-0.4980919882655144,0.39856985211372375 -0.4936147481203079,0.4081869497895241 l-0.4573136195540428,0.47440920025110245 -0.45859042555093765,0.47828346490859985 l-0.45280560851097107,0.49169741570949554 -0.48788823187351227,0.45563217252492905 l-0.5015401914715767,0.39852872490882874 -0.5581699684262276,0.4244549199938774 l-0.5438267439603806,0.4097004234790802 -0.48789598047733307,0.37179652601480484 l-0.08836912922561169,0.9306526184082031 -0.5548013374209404,0.5165426433086395 l-0.02547947457060218,1.114661991596222 -0.6729312986135483,0.7830677926540375 l0.022859114687889814,1.215803101658821 -0.33635806292295456,0.8559639751911163 l0.05936688743531704,1.3772979378700256 -0.15328760258853436,1.0175465792417526 l-0.0389335909858346,1.1564062535762787 0.08885908871889114,1.0717521607875824 l0.15177886933088303,1.106981784105301 0.2248961478471756,1.0672900080680847 l0.4092032089829445,0.9791787713766098 0.4553718864917755,1.0048496723175049 l0.6017770618200302,0.9004862606525421 0.690818652510643,0.8266718685626984 l0.8719883114099503,0.7003453373908997 1.6643373668193817,0.8962376415729523 l1.7849987745285034,0.6126637384295464 1.8176843225955963,0.4128533974289894 l0.9538418799638748,-0.08516925387084484 0.856776237487793,-0.04818350542336702 l1.0909733921289444,-0.08986098691821098 1.0657628625631332,-0.23273687809705734 l0.8372241258621216,-0.40944140404462814 0.7607955485582352,-0.56944839656353 l0.6244820356369019,-0.7980393618345261 0.5319945141673088,-0.8764562010765076 l0.47766558825969696,-1.0455455631017685 0.44594958424568176,-1.1500129103660583 l0.3530535474419594,-1.1702824383974075 0.4280127212405205,-1.1341800540685654 l0.4266832396388054,-1.1029499024152756 0.37772879004478455,-1.078197956085205 l0.4737865552306175,-1.0647345334291458 0.5463265255093575,-1.0376162827014923 l0.6520666182041168,-1.006067618727684 0.7646689563989639,-1.0213162004947662 l0.9999643266201019,-1.0674293339252472 0.5174373090267181,-0.43586771935224533 l1.3042233884334564,-1.0512377321720123 0.5670490488409996,-0.5705125629901886 l0.698499009013176,-0.5616192892193794 0.6200192496180534,-0.6068399548530579 l0.5823193863034248,-0.6442907452583313 0.5654554069042206,-0.6146032363176346 l0.4691876098513603,-0.6401324272155762 0.468590185046196,-0.5744815617799759 l-0.04457622766494751,-0.0861591286957264 -0.21164750680327415,-0.06926734000444412 l-0.1640462689101696,-0.04919140599668026 -0.5769182369112968,-0.037508413661271334 l-0.6052453815937042,-0.020452092867344618 -0.7737115770578384,-0.00796292966697365 l-1.0022363066673279,0.003585420490708202 -0.9615053981542587,0.011020390084013343 l-1.6697359085083008,1.6035094857215881 -1.539846509695053,1.8646663427352905 l-1.3267703354358673,2.1297648549079895 -1.065681129693985,2.1220023930072784 l-0.7756197452545166,2.262053042650223 -0.37231314927339554,2.2669847309589386 l0.07842808961868286,2.0313434302806854 0.10140415281057358,2.0567792654037476 l0.6573987752199173,0.39729319512844086 0.9889422357082367,1.6364957392215729 l2.1080175042152405,0.6908412277698517 3.179669976234436,-0.6428085267543793 l0.9146033227443695,-0.5137880891561508 1.0396267473697662,-0.447707436978817 l0.9166695177555084,-0.5904974415898323 2.885763943195343,-3.215768337249756 l0.5948135256767273,-0.9837778657674789 0.7266183942556381,-1.1227869987487793 l0.6648004055023193,-1.1230912804603577 0.7040173560380936,-1.2072985619306564 l0.7721125334501266,-1.2325572222471237 0.7486914843320847,-1.3168585300445557 l0.7274062186479568,-1.3871434330940247 0.7446667551994324,-1.4437970519065857 l0.6643739342689514,-1.4477919042110443 0.639607384800911,-1.51646688580513 l0.5553688853979111,-1.6054104268550873 0.5170376226305962,-1.6995878517627716 l0.4646266996860504,-1.8159881234169006 0.5215718969702721,-1.8833458423614502 l0.44743601232767105,-2.0688658952713013 0.5161921679973602,-1.9720210134983063 l0.7283273339271545,-5.316863059997559 0.5234004557132721,-3.3433514833450317 l0.43732330203056335,-6.178526878356934 0.6399893760681152,-1.5382835268974304 l-0.19252238795161247,-4.349518716335297 0.591466948390007,-1.229826807975769 l0.21479912102222443,-1.7468680441379547 -0.1666564680635929,1.7132557928562164 l-0.303694661706686,2.3693227767944336 -0.5991145968437195,1.796494722366333 l-0.7903821021318436,1.7486552894115448 -0.8371363580226898,1.9836416840553284 l-0.8683684468269348,2.054305523633957 -0.8948487788438797,2.1950609982013702 l-0.8978117257356644,2.2509759664535522 -0.8958210051059723,2.3260289430618286 l-0.865602046251297,2.3324954509735107 -0.861278846859932,2.3874913156032562 l-0.8487476408481598,2.398211508989334 -0.8532664179801941,2.4044208228588104 l-0.8629757165908813,2.3419149219989777 -0.8660491555929184,2.2440259158611298 l-0.8573593199253082,2.1575723588466644 0.08874444290995598,1.9092099368572235 l0.0781020661816001,1.5452922880649567 0.2945600263774395,1.4157520234584808 l0.42578332126140594,1.221873015165329 0.5555009469389915,1.088419109582901 l0.6867162138223648,1.0099851340055466 0.7488120347261429,0.8530773967504501 l1.5183360874652863,0.8591121435165405 1.7526932060718536,0.3936869651079178 l1.0964955389499664,-0.3480662778019905 1.2548686563968658,-0.34643348306417465 l1.2114020437002182,-0.4971177875995636 1.2498710304498672,-0.6090120226144791 l1.2958860397338867,-0.6182653829455376 1.251712590456009,-0.7135170698165894 l1.3057051599025726,-0.6549225747585297 2.2143006324768066,-1.8666745722293854 l1.1875960975885391,-0.928875133395195 1.0730759799480438,-0.9389404207468033 l1.893135905265808,-2.2880589962005615 1.7076550424098969,-2.4192409217357635 l0.6781059503555298,-1.162780299782753 0.561421699821949,-1.1252737045288086 l0.5371836200356483,-1.0933943092823029 0.5323517695069313,-1.7988541722297668 l0.3563349321484566,-1.6235178709030151 0.24288183078169823,-0.9011548757553101 l-1.3406212627887726,0.008186360355466604 -1.2943312525749207,0.02300903433933854 l-0.8047375082969666,0.557565875351429 -0.9790941327810287,0.6606150418519974 l-1.0396208614110947,0.8247736841440201 -1.0449636727571487,0.9411390870809555 l-1.0135407000780106,1.0437173396348953 -1.0165290534496307,1.0452529042959213 l-0.9904759377241135,1.086570993065834 -0.958217978477478,1.0636956989765167 l-0.9932438284158707,1.1340217292308807 -0.9637204557657242,1.178932934999466 l-0.08018328808248043,1.4982827007770538 -0.8670001477003098,1.085098534822464 l-0.7767345011234283,1.1988601833581924 -0.7424948364496231,1.179405078291893 l-0.6964033842086792,1.16177037358284 -0.5451219901442528,1.0981015115976334 l-0.4881565272808075,1.1081452667713165 -0.3598980978131294,1.1159348487854004 l-0.14320692978799343,1.0728425532579422 0.06814752705395222,1.0084445774555206 l0.2113298512995243,0.9396404772996902 0.4589681699872017,0.9255044907331467 l0.6467690318822861,0.7552120834589005 1.6706283390522003,1.3448713719844818 l2.18279629945755,1.0761526226997375 2.7860406041145325,0.9705287963151932 l1.6392198204994202,-0.04785699304193258 1.4760114252567291,-0.1322644017636776 l1.2252167612314224,-0.3377142921090126 1.4862549304962158,-0.019603888504207134 l1.3777422904968262,-0.42165685445070267 1.1101847141981125,-0.6118878722190857 l0.8011853694915771,-0.8997184038162231 0.4668833687901497,-1.1438903212547302 l0.22353099659085274,-1.4198897778987885 0.09639644995331764,-1.67951300740242 l-0.18190337345004082,-1.8904562294483185 0.21564485505223274,0.11493516154587269 l0.619981437921524,0.09332503192126751 0.7178923487663269,0.08028347045183182 l0.23048914968967438,-1.6969428956508636 0.26991402730345726,-1.3426017761230469 l0.18162516877055168,-0.5322860553860664 0.2172783948481083,-1.4002962410449982 l0.4071052744984627,-0.3747653588652611 0.6117557361721992,-1.3751676678657532 l1.050376445055008,-1.2166126817464828 0.4810566082596779,-0.5470918864011765 l0.5142060667276382,-0.5750011652708054 0.49331482499837875,-0.6413067132234573 l0.47099608927965164,-0.672600194811821 0.463508702814579,-0.7162008434534073 l0.3962589055299759,-0.756463035941124 0.345369428396225,-0.7925677299499512 l0.3001316078007221,-0.8208893239498138 0.24816004559397697,-0.806829109787941 l0.23380709812045097,-0.8087679743766785 0.21193988621234894,-0.7766442745923996 l0.1587030105292797,-0.7749826461076736 0.186954066157341,-0.7055415213108063 l-0.7008713483810425,-0.02188330516219139 -1.037309393286705,0.004670969792641699 l-1.0787439346313477,0.01836814684793353 -1.0136772692203522,0.009076967253349721 l-1.2340214103460312,0.004305187321733683 -1.1964275687932968,-0.005416985368356109 l-0.7531558722257614,0.49269821494817734 -0.7866044342517853,0.4452073201537132 l0.0531185045838356,1.0261128097772598 -0.8528129756450653,0.3583480790257454 l0.0037154913297854364,1.1583089083433151 0.01651120954193175,1.1663976311683655 l-0.007041104254312813,1.3258786499500275 -0.010680549312382936,1.4999133348464966 l-0.014356770552694798,1.6903848946094513 -0.0023911539756227285,1.8374964594841003 l-0.06839389447122812,0.420154333114624 0.000251035817200318,2.588455080986023 l0.30506668612360954,0.14053582213819027 0.2016785368323326,0.5270331352949142 l0.3122810460627079,0.2776462398469448 0.29014434665441513,0.33058051019907 l0.338471494615078,0.20628813654184341 0.2830851450562477,0.24711627513170242 l0.2750754542648792,0.13887866400182247 0.2954908646643162,0.03878788556903601 l0.2971002086997032,-0.06591660901904106 0.24463945999741554,-0.046968841925263405 l0.3086283802986145,-0.1776418648660183 0.29981497675180435,-0.1948700100183487 l0.32106488943099976,-0.22232761606574059 0.39196446537971497,-0.3019346669316292 l0.4812570661306381,-0.41631411761045456 0.5306419357657433,-0.4169861227273941 l0.5778715014457703,0.20593775436282158 0.7431477308273315,0.1208238210529089 l0.9586697816848755,0.09258180856704712 0.5615293607115746,-0.5457546934485435 l1.3280858099460602,-0.04035079386085272 0.3555169329047203,-0.6691563129425049 l1.4968489110469818,-0.1905057206749916 0.20168840885162354,-0.7662206888198853 l1.491692215204239,-0.41499316692352295 0.12090791948139668,-0.775570273399353 l1.4961616694927216,-0.5983060970902443 0.0280816201120615,-0.7923998683691025 l1.5455089509487152,-0.7627878338098526 -0.039427331648766994,-0.8396364748477936 l1.34998619556427,-0.8653357625007629 \" 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.03482188098133\" version=\"1.1\" width=\"138.14504704136198\" 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.03482188098133\" width=\"138.14504704136198\" x=\"0\" y=\"0\"/><path d=\"M39.808317641727626,58.99316940456629 m-3.68500292301178,-0.21729789674282074 l-0.670306459069252,0.6022338569164276 -1.2272829562425613,0.06032605189830065 l-0.7157158106565475,0.627543181180954 -1.2036942690610886,0.0749062979593873 l-0.7844594866037369,0.9816835820674896 -0.9678087383508682,0.7074179500341415 l-0.8351359516382217,0.5858317390084267 -0.8124184608459473,0.5812602117657661 l-0.645642876625061,0.5734236538410187 -0.6606191396713257,0.6388555467128754 l-0.4786183312535286,0.7586333900690079 -0.6086952611804008,0.8031274378299713 l-0.44350720942020416,0.8248629420995712 -0.3386043757200241,0.7816462963819504 l-0.1986595243215561,0.8369415253400803 -0.17950914800167084,0.8033713698387146 l-0.10491162538528442,0.8478574454784393 -0.1864452101290226,0.8363828063011169 l-0.06127988453954458,0.835607573390007 0.020150868222117424,0.7215619087219238 l-0.010399557650089264,0.6942839175462723 0.4214303568005562,1.6588538885116577 l0.3446585312485695,0.5823323130607605 0.8053464442491531,1.7865264415740967 l1.0714789479970932,1.504267305135727 1.3558268547058105,1.5492117404937744 l0.637161061167717,-0.1835804060101509 0.9040793031454086,-0.09731139987707138 l0.6404557824134827,-0.3746970370411873 1.245933249592781,0.11826473288238049 l0.38985099643468857,-0.5900993943214417 1.5546774864196777,-0.5547890812158585 l0.3159767761826515,-0.8090617507696152 1.8370647728443146,-1.2170197814702988 l0.3126593679189682,-1.026412844657898 0.7400532066822052,-0.8716487884521484 l0.4235304892063141,-1.1853363364934921 0.5744095891714096,-1.1583634465932846 l0.3619226813316345,-1.3670355081558228 0.4210551083087921,-1.3110052049160004 l0.2677864208817482,-1.472039669752121 0.32610468566417694,-1.3175007700920105 l0.2121514081954956,-1.4263510704040527 0.28623824939131737,-1.3035209476947784 l0.19675172865390778,-1.5074822306632996 0.3372074291110039,-1.4308087527751923 l0.2871258743107319,-1.545473337173462 0.4265153035521507,-1.567298173904419 l0.38555726408958435,-1.6840003430843353 0.5013515427708626,-1.723467856645584 l0.4657434672117233,-1.7202328145503998 0.5696935579180717,-1.7558792233467102 l0.5506262183189392,-1.6869647800922394 0.5816066265106201,-1.5525592863559723 l0.5897339433431625,-1.630406677722931 0.5449390783905983,-1.4459262788295746 l0.92800073325634,-2.4010077118873596 0.9696124494075775,-2.171245664358139 l0.957869365811348,-2.1946632862091064 0.8756747096776962,-2.065626084804535 l0.8881467580795288,-1.9952012598514557 0.8173305541276932,-1.9449841976165771 l0.6142351403832436,-1.5036648511886597 0.4819018021225929,-1.3862994313240051 l0.3890278935432434,-1.1310108006000519 0.35253092646598816,-1.027754321694374 l0.21121688187122345,-0.6504237651824951 0.13822252862155437,-0.5230618640780449 l0.11286198161542416,-0.44838812202215195 0.045564486645162106,-0.19348205998539925 l-0.7121550291776657,0.4683878645300865 -0.7609239220619202,0.6363288313150406 l-0.8149383962154388,0.8083554357290268 -0.8043159544467926,0.7914351671934128 l-0.7798996567726135,0.7814866304397583 -0.8014259487390518,0.8882185816764832 l-0.7773879915475845,0.9403138607740402 -0.7907085120677948,0.8938899636268616 l-0.7834204286336899,0.9471841156482697 -0.8250793814659119,1.0422218590974808 l-0.8469687402248383,1.0382228344678879 -0.8768703788518906,1.0909204185009003 l-0.9093643724918365,1.1413680762052536 -0.9337306767702103,1.1029691994190216 l-0.9721411019563675,1.3153253495693207 -0.9906618297100067,1.3264872133731842 l-1.0134878009557724,1.4940933883190155 -1.0406291484832764,1.5410791337490082 l-1.0524801909923553,1.6270005702972412 -1.0819090157747269,1.6979046165943146 l-1.0745513439178467,1.7508827149868011 -0.10744852013885975,1.8160180747509003 l-0.1510986778885126,1.5308146178722382 0.019443711498752236,1.3944272696971893 l0.12612611055374146,1.330605149269104 0.16192791983485222,1.1908531934022903 l0.23383093997836113,1.1239007860422134 0.2728467993438244,0.9843510389328003 l0.31257573515176773,0.9141380339860916 0.32984431833028793,0.9048702567815781 l0.35906832665205,0.7975856214761734 0.3245140612125397,0.7854699343442917 l0.3043260984122753,0.7466521859169006 0.2740989252924919,0.7501254230737686 l0.2639949321746826,0.6481388956308365 0.255059078335762,0.6081762164831161 l0.2553711459040642,0.5778783932328224 0.24698549881577492,0.5658890306949615 l0.15101641416549683,1.005653589963913 0.31664565205574036,0.5432228744029999 l0.3041454777121544,0.7969831675291061 0.4462035745382309,0.6010287255048752 l0.5241569131612778,0.5279065668582916 0.7140734046697617,0.3176133334636688 l0.9069345146417618,0.07995929569005966 1.0563229024410248,-0.19770657643675804 l0.5326618626713753,-0.2674383297562599 1.3691933453083038,-0.6990080326795578 l0.4601394385099411,-0.5614065751433372 1.5311874449253082,-1.196785345673561 l1.4963291585445404,-1.7420443892478943 1.7256669700145721,-1.9948935508728027 l1.6659843921661377,-2.3973125219345093 1.7528320848941803,-2.47448667883873 l0.3430839627981186,-1.1804565787315369 0.5004344880580902,-0.9481508284807205 l0.7622313499450684,-1.8445508182048798 0.7619674503803253,-1.6122902929782867 l0.6778062134981155,-1.7105956375598907 0.4565957188606262,-1.3233761489391327 l0.20952992141246796,-1.2349322438240051 -0.3692801296710968,0.1558656431734562 l-0.4085029289126396,0.23225795477628708 -0.40756259113550186,0.3061068616807461 l-0.3686033561825752,0.281966719776392 -0.38392651826143265,0.24576151743531227 l-0.40039099752902985,0.23890988901257515 -0.4239515960216522,0.2162986807525158 l-0.42924776673316956,0.11971358209848404 -0.38481198251247406,0.057228594087064266 l-0.5053458735346794,0.1644837111234665 -0.4882928729057312,0.19607746973633766 l-0.5622611567378044,0.3287840262055397 -0.06222251337021589,0.8716987818479538 l-0.6885605305433273,0.5601783469319344 -0.014129969058558345,1.037139892578125 l-0.012209773994982243,1.152753010392189 0.02587749855592847,1.2242966145277023 l0.06608262658119202,1.3166873157024384 -0.15128720551729202,1.0620681196451187 l-0.07781088352203369,1.1877146363258362 -0.025650064926594496,1.2005273252725601 l0.0042781230877153575,1.1652133613824844 0.032019102945923805,1.1307987570762634 l0.039644730277359486,1.1446187645196915 0.10460843332111835,1.1222947388887405 l0.1357586495578289,1.0933934897184372 0.2009265497326851,1.0233409702777863 l0.21514907479286194,0.9886779636144638 0.329054594039917,0.9403346478939056 l0.39491087198257446,0.8412771672010422 0.43627671897411346,0.8090848475694656 l0.5324304848909378,0.7189067453145981 0.5885328352451324,0.6898810714483261 l0.6684643030166626,0.655527338385582 0.7675589621067047,0.5142232775688171 l0.89043989777565,0.46529214829206467 0.9897027909755707,0.3487582504749298 l1.0664377361536026,0.27631813660264015 1.2514887750148773,0.03214012831449509 l1.2281006574630737,0.11941899545490742 1.2297233939170837,-0.49295026808977127 l1.0947199165821075,-0.5867292732000351 1.0553339123725891,-0.8658284693956375 l0.8374793827533722,-0.9686855226755142 0.7950213551521301,-1.0606060177087784 l0.7131791114807129,-1.0958453267812729 0.7053820788860321,-1.108025312423706 l0.5620342865586281,-1.000698283314705 0.6547396630048752,-0.9715104103088379 l0.5998355522751808,-0.908566415309906 0.5531316250562668,-0.7896478474140167 l0.6525606662034988,-0.7265674322843552 0.747753381729126,-0.7707588374614716 l0.8327888697385788,-0.7539714872837067 1.0408926010131836,-0.8066315948963165 l1.2371652573347092,-0.8862052112817764 1.4329272508621216,-1.0243768244981766 l1.6417363286018372,-1.0297829657793045 1.7853689193725586,-1.2522681057453156 l0.5362605303525925,-0.4739992320537567 0.497845821082592,-0.4682070389389992 l0.9295474737882614,0.018860502168536186 0.6938106566667557,0.01597211812622845 l0.39100952446460724,0.017802465008571744 0.39347417652606964,0.04538913257420063 l-0.27150897309184074,0.04883600398898125 -0.5997390300035477,0.05031182896345854 l-0.46777166426181793,0.05000112112611532 -0.9796865284442902,0.03909720107913017 l-1.064988151192665,0.03439167747274041 -1.1923889070749283,0.03203523810952902 l-1.243925467133522,0.018056886037811637 -1.4145956933498383,0.0074618111830204725 l-1.3232077658176422,-0.00511315418407321 -1.2893098592758179,-0.028754740487784147 l-1.064072623848915,0.5154981091618538 0.014735099393874407,0.9384582936763763 l0.04442928358912468,0.9711698442697525 0.03376063657924533,1.0810092836618423 l0.041932906024158,1.2160883098840714 0.05274368915706873,1.4016486704349518 l0.05463843699544668,1.6416265070438385 0.06129854824393988,1.8801158666610718 l0.0581010477617383,2.3658548295497894 0.06226641125977039,2.242553234100342 l0.04415626637637615,2.7193135023117065 0.6246799230575562,0.3683481365442276 l0.4638873413205147,0.5242294445633888 1.925039142370224,1.9201968610286713 l0.5560576915740967,0.7807858288288116 0.5174614116549492,0.7934009283781052 l0.7026885449886322,-0.06759549025446177 0.47213058918714523,0.7962465286254883 l0.6639273464679718,-0.39968349039554596 0.5494553223252296,-0.43951641768217087 l0.5658368393778801,-0.676494911313057 2.059740126132965,-1.8375934660434723 l0.3814077749848366,-0.7228148728609085 0.5216281861066818,-0.8226415514945984 l0.44210880994796753,-0.8828257769346237 0.47669053077697754,-0.7565753906965256 l0.40795695036649704,-0.8062586933374405 0.4861464351415634,-0.7474595308303833 l0.40288519114255905,-0.7279668748378754 0.3788059577345848,-0.6512203812599182 l0.37505432963371277,-0.6536684185266495 0.39178065955638885,-0.6083907559514046 l0.32155275344848633,-0.5748848617076874 0.3331073746085167,-0.6012938916683197 l0.3142520785331726,-0.6213509663939476 0.30296163633465767,-0.6050139665603638 l0.2925272472202778,-0.6600464135408401 0.3269675001502037,-0.6786628067493439 l0.2942148596048355,-0.7453927397727966 0.2910158224403858,-0.7812317460775375 l0.2911229804158211,-0.8571235835552216 0.32746996730566025,-0.8703675121068954 l0.3084293007850647,-0.9512005001306534 0.34810062497854233,-1.0227876901626587 l0.2984565496444702,-3.0460068583488464 0.6237781792879105,-1.1228813976049423 l0.25820815935730934,-1.6406869888305664 0.8422790467739105,-2.252817153930664 l0.44259294867515564,-1.6351805627346039 0.9582843631505966,-2.461305856704712 l0.5241518467664719,-1.7358970642089844 0.7152369618415833,-1.6462738811969757 l0.8351972699165344,-2.007892429828644 0.9253565222024918,-1.811978816986084 l0.44565349817276,-1.5323953330516815 0.8780196309089661,-1.1703050881624222 l0.5123277753591537,-1.1088965833187103 0.6672237068414688,-0.6788550317287445 l0.2917991578578949,-0.5365712940692902 0.4076816141605377,-0.09253677912056446 l0.11282711289823055,-0.129081467166543 0.22844312712550163,0.1865873858332634 l-0.09370488114655018,0.2049783058464527 0.06790054962038994,0.402962826192379 l-0.20304929465055466,0.4207008332014084 -0.10725469328463078,0.6509635597467422 l-0.5012243613600731,0.6229377537965775 -0.566980391740799,0.8054953813552856 l-0.6101676449179649,1.0091552883386612 -0.6460960209369659,1.0616985708475113 l-0.6998953968286514,1.2515676021575928 -0.7461071759462357,1.349189430475235 l-0.7825081795454025,1.468784511089325 -0.8429105579853058,1.521005779504776 l-0.8828853070735931,1.5162605047225952 -0.9142496436834335,1.5608212351799011 l-0.9646495431661606,1.5055598318576813 -1.0208944231271744,1.4261510968208313 l-0.48175353556871414,7.1385276317596436 0.13504499569535255,0.8236771076917648 l-0.24359172210097313,0.9666013717651367 0.1180169265717268,0.8976918458938599 l0.05419670604169369,0.9341378509998322 0.1793406717479229,1.0112246870994568 l0.2554847300052643,0.9126207232475281 0.2997024171054363,0.8285925537347794 l0.322381854057312,0.7445903122425079 0.41785217821598053,0.7274714112281799 l0.4533679410815239,0.7019496709108353 0.4628833010792732,0.7097396999597549 l0.47446999698877335,0.6598489731550217 0.5140165984630585,0.5451220646500587 l0.5527890846133232,0.5053273588418961 0.5172885581851006,0.39484903216362 l0.5281060189008713,0.3290528804063797 0.5794208496809006,0.34713082015514374 l0.5866215750575066,0.14884714037179947 0.5932606011629105,0.09093123488128185 l0.6225715577602386,0.0434761680662632 0.612245462834835,-0.031574093736708164 l0.6701230257749557,-0.0951381865888834 1.7681905627250671,-1.0513143986463547 l1.4953312277793884,-0.8250600099563599 1.7051662504673004,-1.2923027575016022 l1.930890530347824,-1.6478459537029266 0.32856281846761703,-0.8153156191110611 l1.658225804567337,-1.7155447602272034 0.21194901317358017,-0.9438473731279373 l0.35407010465860367,-0.7109335064888 0.9078644961118698,-1.9251638650894165 l0.8521820604801178,-1.8846270442008972 0.0028597365599125624,-0.8785244822502136 l-0.00747471465729177,-0.8931592106819153 -0.038763165939599276,-0.8947325497865677 l-0.029846292454749346,-0.9018517285585403 -1.015501692891121,0.0719666201621294 l-1.0185962915420532,0.07345826365053654 -0.9915220737457275,0.07617929019033909 l-1.0305893421173096,0.06005444563925266 -1.0751964151859283,0.04817402921617031 l-0.7518086582422256,0.39052970707416534 0.05670046899467707,0.3990893065929413 l-0.829116702079773,0.28841588646173477 0.011132893851026893,0.5630077794194221 l0.009115671273320913,0.6844472885131836 -0.008544398588128388,0.8797181397676468 l0.008795232279226184,1.0055409371852875 0.005522436113096774,1.244683563709259 l-0.5334815755486488,0.5220856890082359 0.021821167320013046,1.4132750034332275 l-0.47308702021837234,0.6696924567222595 -0.42898252606391907,0.8648773282766342 l-0.3878215327858925,0.9495983272790909 -0.37411488592624664,0.9979860484600067 l-0.3460459038615227,1.0375605523586273 -0.29121242463588715,1.0276184231042862 l-0.25949250906705856,1.0616783052682877 -0.16971291974186897,0.9429076313972473 l-0.10543020442128181,0.9601236879825592 -0.022558486089110374,0.8488944172859192 l0.022110959980636835,0.7740158587694168 0.11977802030742168,0.6590991467237473 l0.17545098438858986,0.5578064918518066 0.21348055452108383,0.5335071310400963 l0.29991012066602707,0.40570419281721115 0.3465866297483444,0.2979188412427902 l0.3785448893904686,0.2894264832139015 0.4431619867682457,0.14487545937299728 l0.5071837082505226,0.04147091414779425 0.5026447027921677,0.016122357919812202 l0.5079106986522675,-0.013557105557993054 0.5176574736833572,-0.04172045737504959 l0.5314141511917114,-0.07355116307735443 0.5339891090989113,-0.09471823461353779 l0.5234842747449875,-0.060836668126285076 1.8359561264514923,-0.8920250833034515 l-0.08247010409832001,0.27066973969340324 0.11813044548034668,0.2164844051003456 l0.002444539568386972,0.22853223606944084 0.5925147235393524,-0.09047279134392738 l-0.044837500900030136,0.248461551964283 0.0004673547300626524,0.2424299344420433 l-0.028631549794226885,0.2747035212814808 -0.015822702553123236,0.2790473774075508 l-0.018468695925548673,0.293659083545208 -0.006084937485866249,0.3010166436433792 l0.022698715329170227,0.3228016197681427 0.040308982133865356,0.33076655119657516 l0.06620503962039948,0.3320275619626045 0.08267540484666824,0.33843979239463806 l0.1154024712741375,0.3303925320506096 0.13848134316504002,0.32124727964401245 l0.1804303377866745,0.31237104907631874 0.2298576943576336,0.2989075891673565 l0.5658665671944618,0.1668095774948597 0.5987994372844696,0.09262457489967346 l0.5914505571126938,-0.05626444239169359 0.3890829160809517,0.22556429728865623 l0.5131563916802406,-0.16293760389089584 0.49072619527578354,-0.236959308385849 l0.48273395746946335,-0.47264155000448227 0.5022072419524193,-0.5196219310164452 l0.4223386198282242,-0.7253505289554596 0.34516170620918274,-0.7326453179121017 l0.30121054500341415,-0.8962345123291016 \" 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=\"113.81256828113692\" version=\"1.1\" width=\"164.48929479312937\" 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=\"113.81256828113692\" width=\"164.48929479312937\" x=\"0\" y=\"0\"/><path d=\"M40.12546458747238,66.74309435795294 m-3.6747223138809204,-0.3800717741250992 l-0.6481418013572693,0.6273096799850464 -1.1204922944307327,0.06608980242162943 l-0.5323207750916481,0.520905964076519 -1.2533940374851227,0.06282518617808819 l-1.0764452815055847,0.3840750455856323 -1.0577592998743057,0.6837321817874908 l-0.8254468441009521,0.5723762512207031 -0.7739625126123428,0.5697071179747581 l-0.551762692630291,0.4837067052721977 -0.6459276378154755,0.6290578842163086 l-0.6250271201133728,0.7432440668344498 -0.540829710662365,0.6701017916202545 l-0.4768402501940727,0.7994718849658966 -0.4168080911040306,0.8276429772377014 l-0.24694204330444336,0.8647959679365158 -0.11863595806062222,0.8272404223680496 l-0.21892260760068893,0.8242467045783997 -0.06000010296702385,0.8432812988758087 l-0.11382259428501129,0.7694473117589951 -0.0954379141330719,0.720256119966507 l-0.05182270426303148,0.722859799861908 0.357077457010746,1.715681552886963 l0.6925661116838455,1.7472125589847565 0.5636244267225266,0.598551370203495 l1.0520100593566895,1.5184111893177032 1.2091752141714096,1.4939580857753754 l1.4782701432704926,1.3636741042137146 0.7071385532617569,-0.12264556251466274 l1.624959409236908,0.9223282337188721 0.5045321583747864,-0.5474625900387764 l1.7689058184623718,0.00396221352275461 0.4459765553474426,-0.6862145662307739 l1.946731060743332,-0.7665811479091644 0.310647115111351,-0.9595927596092224 l2.2783707082271576,-1.6729079186916351 0.30101750046014786,-1.248924732208252 l0.8431249856948853,-1.1441411823034286 0.3957877680659294,-1.4147169888019562 l0.5288008227944374,-1.3184301555156708 0.2219126932322979,-1.6581355035305023 l0.4109577462077141,-1.4932246506214142 0.19640067592263222,-1.5421324968338013 l0.31860578805208206,-1.4459975063800812 0.10796922259032726,-1.5532805025577545 l0.25664422661066055,-1.7621852457523346 0.15864627435803413,-1.6220732033252716 l0.31028199940919876,-1.6470865905284882 0.21629596129059792,-1.7179039120674133 l-0.17379950731992722,-3.8562557101249695 0.7315582036972046,-1.5824706852436066 l0.1080207247287035,-2.426624894142151 0.6755512207746506,-1.6886165738105774 l0.3278207778930664,-1.9701062142848969 0.5917305126786232,-1.7919644713401794 l0.6254676729440689,-2.929685115814209 0.5171813443303108,-1.307959109544754 l0.7240596413612366,-2.4319955706596375 0.3477882966399193,-1.4570662379264832 l0.6610797345638275,-1.6898775100708008 0.4445056617259979,-1.5178070962429047 l0.6909835338592529,-1.671937257051468 0.3567879647016525,-1.2200789898633957 l0.4953811317682266,-1.1430120468139648 0.38951974362134933,-1.2102968990802765 l0.3673572838306427,-0.8515071868896484 0.29420213773846626,-1.2061452865600586 l0.3141530603170395,-0.8170975744724274 0.2025621384382248,-0.7857432961463928 l0.3123485669493675,-0.7113700360059738 0.07563152816146612,-0.29978541657328606 l0.16880035400390625,-0.17099760472774506 0.06711271591484547,0.1112694013863802 l0.14824463054537773,0.08473359979689121 0.07796389982104301,0.12066738680005074 l-0.6190469488501549,0.6421421468257904 -0.7053463160991669,0.7345813512802124 l-0.7774420827627182,0.8970154821872711 -0.7953203469514847,0.921136736869812 l-0.7861258834600449,0.7654597610235214 -0.8609740436077118,1.3242994248867035 l-0.8461715281009674,1.2047628313302994 -0.9090963751077652,1.3511061668395996 l-0.9324521571397781,1.4390414953231812 -0.9454911202192307,1.2493528425693512 l-0.9890252351760864,1.5380515158176422 -1.0348503291606903,1.6627231240272522 l-1.059986725449562,1.7584694921970367 -1.0648420453071594,1.7427124083042145 l-1.0883045196533203,1.7675669491291046 -1.0960312187671661,1.9791413843631744 l-1.1014163494110107,1.9759690761566162 -0.30722638592123985,2.040773928165436 l-0.22697744891047478,1.9404248893260956 -0.11666315607726574,1.7119859158992767 l-0.056613399647176266,1.7705875635147095 0.09348020888864994,1.3875041902065277 l0.0433248421177268,1.3233757019042969 0.19587676972150803,1.1948280781507492 l0.1935984380543232,1.3268914818763733 0.25873977690935135,1.1162220686674118 l0.30006101354956627,1.1404193192720413 0.20923303440213203,1.047833189368248 l0.2684602327644825,1.0775446146726608 0.24869143962860107,0.9911121428012848 l0.24265749379992485,0.8433274179697037 0.23746319115161896,0.9371691942214966 l0.2465645782649517,0.8707980811595917 0.4298252612352371,1.0751241445541382 l0.24020075798034668,0.6728055328130722 0.34678865224123,0.6297692656517029 l0.4214037209749222,0.49765609204769135 0.5975909158587456,0.46157356351614 l0.7244319468736649,0.22284124046564102 0.9119056910276413,-0.04854305647313595 l1.051737517118454,-0.3057599440217018 1.1824771761894226,-0.6065032258629799 l1.4627940952777863,-1.0544085502624512 1.5771499276161194,-1.470678597688675 l1.6653870046138763,-1.7089028656482697 1.9678519666194916,-2.434256374835968 l1.8221676349639893,-2.4673353135585785 1.705821305513382,-2.774779796600342 l0.47008972615003586,-1.3101758062839508 1.252523511648178,-2.4118535220623016 l0.4993773251771927,-1.0543698072433472 0.4996456578373909,-1.8217363953590393 l0.46456851065158844,-0.7389714568853378 0.04756580572575331,-1.2377330660820007 l-0.42703844606876373,0.4650340601801872 -0.6082579866051674,0.5478740110993385 l-0.55275809019804,0.657586082816124 -0.5789928510785103,0.8087021112442017 l-0.5116965994238853,0.8225861936807632 -0.5499007180333138,0.9248470515012741 l-0.5082881078124046,0.8142366260290146 -0.4837283492088318,0.7943807542324066 l-0.4079601913690567,0.5646691471338272 -0.956152155995369,2.5756043195724487 l-0.46052463352680206,2.194122225046158 -0.23629961535334587,2.216506153345108 l0.6839746981859207,0.5252318829298019 0.5166919529438019,1.227441355586052 l2.6453566551208496,1.4507147669792175 2.0613740384578705,-0.0341781391762197 l1.2352178245782852,-0.06773403845727444 1.1914388090372086,-0.06707679480314255 l1.1358433216810226,-0.15047190710902214 1.1981537193059921,-0.061973147094249725 l1.1373872309923172,-0.154586061835289 1.027572974562645,-0.24479664862155914 l0.9930124878883362,-0.3317250683903694 0.8156673610210419,-0.4739208146929741 l1.6297166049480438,-0.6230929866433144 1.7612674832344055,-0.935978889465332 l1.6914701461791992,-1.0167784988880157 0.5510465428233147,-0.7857973873615265 l1.5360094606876373,-1.1702170222997665 0.2525775507092476,-0.9021836519241333 l1.092200130224228,-1.3867057859897614 0.8023840934038162,-1.6715972125530243 l0.2389863133430481,-0.6379160284996033 0.09239406324923038,-0.7125537842512131 l0.2313712053000927,-0.591910108923912 0.16789905726909637,-0.6592831015586853 l0.2605932019650936,-0.6757807731628418 0.23282490670681,-0.764368325471878 l0.3401452675461769,-0.6904549896717072 0.35248395055532455,-0.812409371137619 l0.402420237660408,-0.7494393736124039 0.34751657396554947,-0.7616338133811951 l-1.2670499086380005,-0.05649869795888662 -1.4341507852077484,-0.07624986581504345 l-1.5488764643669128,-0.06960135884582996 -0.7177270203828812,0.21093785762786865 l-0.8773447573184967,0.16818106174468994 -0.8570529520511627,0.4555671662092209 l-1.4186736941337585,1.379033625125885 -0.8388382941484451,0.5630745366215706 l-0.8664783090353012,0.7538635283708572 -0.9460002928972244,0.7806561887264252 l-0.9058070927858353,0.9594596922397614 -0.09042451158165932,1.2555134296417236 l-0.7941591739654541,0.8365035057067871 -0.6457469612360001,1.1322736740112305 l-0.5638214573264122,1.0835376381874084 -0.4267626255750656,1.0455313324928284 l-0.313306488096714,1.1849059909582138 -0.17793426290154457,1.1327570676803589 l-0.06302265916019678,1.0974311828613281 0.06583710666745901,1.1853702366352081 l0.25981031358242035,1.0610150545835495 0.35683009773492813,1.0060621052980423 l0.4531990736722946,0.9313677996397018 1.8279753625392914,1.723516583442688 l0.7904130965471268,0.4372205212712288 0.8429686725139618,0.47918815165758133 l0.804641991853714,0.241402518004179 0.983712375164032,0.002453453780617565 l1.0113608092069626,-0.27157576754689217 0.9694647043943405,-0.28709884732961655 l1.0034580528736115,-0.5550099536776543 1.0646165162324905,-0.6430770456790924 l1.067856028676033,-0.9298119693994522 0.33966463059186935,-0.7308659702539444 l1.0403598099946976,-1.0733628273010254 1.025899276137352,-1.1575618386268616 l1.087084412574768,-1.1772208660840988 1.138395220041275,-1.3192848861217499 l1.227467879652977,-1.384110003709793 1.4272159337997437,-1.2180910259485245 l1.5588828921318054,-1.5757018327713013 0.12729349546134472,-0.5716390535235405 l1.4960353076457977,-1.2800289690494537 0.11282850056886673,-0.591726116836071 l1.68655127286911,-1.1860407888889313 0.24487227201461792,-0.5377313867211342 l1.895594447851181,-0.9562035650014877 1.9299539923667908,-1.314147561788559 l0.6776141375303268,-0.28024470433592796 0.5582605302333832,-0.40318403393030167 l0.765707865357399,-0.27191922068595886 0.6856948137283325,-0.2796601690351963 l0.5947518721222878,-0.31476687639951706 0.5582975968718529,-0.2647677809000015 l0.3339865803718567,-0.3761082887649536 1.245458871126175,-0.5046615749597549 l1.0442625731229782,-0.7734125107526779 -1.4134781062602997,0.014660723973065615 l-0.9975609928369522,0.0135889183729887 -1.331792026758194,-0.0024824513820931315 l-1.5386343002319336,-0.03440591972321272 -1.6479295492172241,-0.013742359587922692 l-0.8150073885917664,0.5549753084778786 -1.4361651241779327,-0.03003438701853156 l0.013197073712944984,0.7578863948583603 -1.2190861254930496,-0.029963513370603323 l-0.014055917272344232,0.7591758668422699 -0.041077788919210434,0.7399508357048035 l-0.03599219722673297,0.7500897347927094 -0.042299069464206696,0.8326159417629242 l-0.051077986136078835,0.9624160826206207 -0.052612265571951866,0.9472353756427765 l-0.06501490250229836,1.1208007484674454 -0.06560326553881168,1.3727901875972748 l-0.061741964891552925,1.3816720247268677 -0.05784264300018549,2.3053929209709167 l-0.07034988608211279,2.5139817595481873 -0.08266511373221874,1.94839745759964 l0.3308582678437233,0.2347930334508419 0.3577814996242523,0.2815350331366062 l-0.07365855388343334,2.421393096446991 0.5570627376437187,-0.10336036793887615 l0.27695365250110626,0.10257757268846035 0.5056224390864372,0.7643137872219086 l0.283158328384161,-0.1589738391339779 0.29673410579562187,-0.15939505770802498 l0.2670813538134098,-0.29809892177581787 0.3077801875770092,-0.37960395216941833 l1.1396164447069168,0.09535066783428192 1.7481149733066559,-1.4430022239685059 l0.9403679519891739,-0.2684236876666546 1.0247676074504852,-0.5622460693120956 l1.1114652454853058,-0.47015927731990814 0.37176407873630524,-0.771191194653511 l1.3093478977680206,-0.4558400809764862 1.2278369069099426,-0.7860742509365082 l0.4084404185414314,-0.7056029140949249 0.45848242938518524,-0.6440171599388123 l0.3036315180361271,-0.6161990016698837 1.0975787043571472,-0.5395518988370895 l1.0470835864543915,-0.8367281407117844 1.3469590246677399,-0.9533607214689255 l0.1753198727965355,-0.7307678461074829 2.8305506706237793,-2.1869827806949615 l1.130676344037056,-1.653900146484375 1.473703384399414,-1.7221808433532715 l1.3188506662845612,-1.9319243729114532 1.710270643234253,-2.4046623706817627 l0.13966798782348633,-1.022067368030548 0.4716108739376068,-0.968133956193924 l0.9089558571577072,-2.2369952499866486 1.1064068228006363,-2.195580005645752 l1.0480708628892899,-2.7829208970069885 1.3032253086566925,-2.4364271759986877 l0.22706516087055206,-0.9436453878879547 0.7655291259288788,-1.935785859823227 l0.7604245841503143,-1.9275645911693573 0.485369935631752,-0.8721857517957687 l0.38834109902381897,-0.9045252948999405 0.4310760274529457,-0.6239022314548492 l0.16916219145059586,-0.8623664081096649 0.031624988187104464,-0.3732926771044731 l-0.1031013298779726,0.34608542919158936 -0.22445125505328178,0.363524928689003 l-0.9238488227128983,1.4441126585006714 -0.13018961995840073,0.5714147537946701 l-0.12399903498589993,0.5413149297237396 -0.018972954712808132,0.5114498361945152 l0.018085349583998322,0.3405623883008957 -0.66444993019104,0.5935898423194885 l-0.6331383436918259,0.5462615564465523 -0.00039253649447346106,0.6437074393033981 l-1.2013379484415054,0.9775706380605698 -0.6835202872753143,0.8463940024375916 l-1.3254617154598236,1.6642482578754425 -0.9037446975708008,1.2545058131217957 l-0.8832814544439316,1.1807414889335632 -0.8988791704177856,1.2452136725187302 l-0.9539096802473068,1.3061827421188354 -0.9779941290616989,1.22081957757473 l-0.9943481534719467,1.198139563202858 -0.5134472995996475,1.3280318677425385 l-0.9827358275651932,0.9744144976139069 -0.5767792463302612,1.3098350167274475 l-0.670381709933281,1.0774106532335281 -0.5324979871511459,1.1159884184598923 l-0.5014548823237419,1.2009885162115097 -0.3558880090713501,1.103542149066925 l-0.3864530846476555,1.142742857336998 -0.2596062608063221,1.2476439028978348 l-0.15615840442478657,1.1096175014972687 -0.10995829477906227,0.9276173263788223 l-0.014212124515324831,0.9488508105278015 0.12844335287809372,0.8007648587226868 l0.1493539661169052,0.8138803392648697 0.2811410650610924,0.6382785737514496 l0.2792408876121044,0.8065144717693329 0.4635278880596161,0.6142016872763634 l0.5014286562800407,0.4623488336801529 0.5209530144929886,0.5983132123947144 l0.5911678820848465,0.4890685901045799 0.6256985664367676,0.3786459192633629 l0.5831455811858177,0.49652982503175735 0.7104827463626862,0.16459181904792786 l0.7320190966129303,0.25946538895368576 0.7972730696201324,0.18784107640385628 l0.8762887120246887,0.09248350746929646 0.9323067218065262,0.20880382508039474 l0.8566692471504211,0.39994120597839355 1.1906010657548904,0.01343084266409278 l0.5697166174650192,-0.13114566914737225 0.8002907037734985,0.32305244356393814 l0.4587435722351074,-0.27166057378053665 0.5270029604434967,-0.23861046880483627 l0.4420905187726021,-0.32895393669605255 2.1947506070137024,-1.120208352804184 l0.4043932631611824,-0.573379211127758 0.46152763068675995,-0.45770179480314255 l0.2688617631793022,-0.6320583075284958 0.24266589432954788,-0.6308259069919586 l0.9093113988637924,-1.252802163362503 0.16196860000491142,-0.7894842326641083 l0.16946492716670036,-0.7114831358194351 0.17789896577596664,-0.7913129031658173 l0.5890106782317162,-2.5496068596839905 0.23710200563073158,-0.5300306156277657 l0.5024144798517227,-3.3258068561553955 1.008467674255371,-1.7895187437534332 l0.0671636825427413,-0.7884664833545685 0.3237399458885193,-0.8397729694843292 l0.2704555168747902,-1.017550379037857 1.2081869691610336,-2.391514778137207 l1.1396066844463348,-2.324405014514923 0.4800866171717644,-1.1103226244449615 l0.4948357865214348,-1.224411427974701 1.1565181612968445,-2.3247213661670685 l0.5138898268342018,-1.1265790462493896 0.9517709910869598,-2.170344740152359 l0.5910276994109154,-2.0186783373355865 1.040537878870964,-1.7843970656394958 l0.9586837887763977,-1.9532407820224762 0.7756460458040237,-1.603400558233261 l0.8789300918579102,-1.371515542268753 0.7018992304801941,-1.2876127660274506 l0.7080159336328506,-1.0580852627754211 0.5532994866371155,-0.9205877780914307 l0.5048579722642899,-0.9728268533945084 0.5251390114426613,-0.9185581654310226 l0.2574625797569752,-0.8067523688077927 0.03168654628098011,-0.28179535642266273 l-0.10654943995177746,-0.39773281663656235 -0.2888907305896282,-0.17088759690523148 l-0.43561991304159164,-0.05158654414117336 -0.5698869749903679,0.24010024964809418 l-0.8734486997127533,0.486254058778286 -1.1291240900754929,2.474820762872696 l-0.23731525987386703,0.7723120599985123 -1.123918890953064,1.0075952112674713 l0.036971012596040964,1.0924149304628372 -1.0530880093574524,1.1685699224472046 l-0.999070480465889,1.3760064542293549 \" 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.72756597027183\" version=\"1.1\" width=\"163.54308656264038\" 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.72756597027183\" width=\"163.54308656264038\" x=\"0\" y=\"0\"/><path d=\"M40.65155844204128,54.35611378867179 m-3.8173767924308777,-0.14946958050131798 l-0.9452050179243088,0.5939102917909622 -1.299666166305542,0.05714001599699259 l-0.5702795833349228,0.5941613391041756 -1.3488394021987915,0.07853173650801182 l-1.0648539662361145,1.0083699226379395 -1.0265538096427917,0.7674417644739151 l-0.8635496348142624,0.7657954841852188 -0.9642898291349411,0.6317772716283798 l-0.8156207948923111,0.7350096106529236 -0.5930155143141747,0.7382350414991379 l-0.581173375248909,0.802856907248497 -0.5159410834312439,0.7063116133213043 l-0.32440822571516037,0.8363614231348038 -0.24780189618468285,0.7720978558063507 l-0.24296298623085022,0.7708516716957092 -0.16332047060132027,0.8687138557434082 l-0.06111321970820427,0.7651109993457794 -0.10023114271461964,0.8058158308267593 l-0.10535553097724915,0.8317931741476059 0.01994420075789094,0.7731461524963379 l0.06898015271872282,0.7030463963747025 0.5428212881088257,1.5916256606578827 l0.9372353553771973,1.6340194642543793 1.0788407176733017,1.716289222240448 l1.3071054220199585,1.5127234160900116 1.7962326109409332,1.4975172281265259 l1.8279880285263062,0.9622684121131897 0.8700758963823318,-0.2747911214828491 l1.0217106342315674,-0.2929939888417721 0.829504206776619,-0.6090432032942772 l0.7173773646354675,-0.6213322281837463 1.629248708486557,-1.0533096641302109 l0.444248765707016,-0.9813147783279419 2.119165062904358,-1.7575295269489288 l0.29394447803497314,-1.3154111802577972 0.5614755675196648,-1.0827458649873734 l0.33387061208486557,-1.424950659275055 1.6027463972568512,-3.0427873134613037 l1.400851160287857,-3.862867057323456 0.26181986555457115,-1.4853507280349731 l0.2642599120736122,-1.7614567279815674 0.15089105814695358,-1.6567721962928772 l0.13860205188393593,-1.6817162930965424 0.1808806136250496,-1.7810285091400146 l0.2555396407842636,-1.690531075000763 -0.27829334139823914,-5.86739182472229 l-0.3296453505754471,-5.347694158554077 -0.7004288583993912,-6.379160284996033 l-0.10553321801126003,-3.23301762342453 0.41557785123586655,-1.7482498288154602 l0.30465850606560707,-1.8932801485061646 0.4940759018063545,-1.441943496465683 l-0.48095595091581345,-0.44089648872613907 -0.562274269759655,0.03367502009496093 l-0.6536295264959335,0.6058453023433685 -0.7321667671203613,0.6960172951221466 l-0.7846111059188843,1.040940061211586 -0.8252038806676865,1.3801255822181702 l-0.8345919102430344,1.3371886312961578 -0.8286648243665695,1.5067322552204132 l-0.8440282940864563,1.7396757006645203 -0.7790105044841766,1.7002080380916595 l-0.7782655954360962,1.9441774487495422 -0.7292316854000092,1.9012020528316498 l-0.7188989967107773,2.025219351053238 -0.6952394545078278,2.220078259706497 l-0.06643673405051231,2.214902639389038 -0.5987115204334259,2.2962693870067596 l0.021406880114227533,2.248968183994293 -0.07123639341443777,1.947188675403595 l0.09088664315640926,1.6663336753845215 0.04731541499495506,1.9370783865451813 l0.179517213255167,1.7911764979362488 0.20187707617878914,1.6048753261566162 l0.23726118728518486,1.4892052114009857 0.29080629348754883,1.392865777015686 l0.2554131858050823,1.4054450392723083 0.2970043197274208,1.2185877561569214 l0.27311528101563454,1.080605909228325 0.35789627581834793,0.9275951981544495 l0.23594923317432404,0.9130100160837173 0.38724783807992935,1.4205938577651978 l0.3104102797806263,0.5282685905694962 0.7557828724384308,0.7697414606809616 l0.2128041535615921,-0.13499336317181587 0.5512366816401482,-0.07168176583945751 l0.9888575226068497,-0.5692767351865768 0.5480443313717842,-0.27952881529927254 l1.3723960518836975,-1.3591744005680084 0.6139188259840012,-0.637592151761055 l0.6812354177236557,-0.8309071511030197 0.6877098232507706,-0.8097054809331894 l0.6947328150272369,-1.0306299477815628 0.6915932893753052,-1.069168597459793 l0.6441982090473175,-1.249622404575348 0.631617084145546,-1.350882202386856 l0.5864103883504868,-1.231524869799614 0.47318462282419205,-1.2886002659797668 l0.7800991833209991,-2.0992031693458557 0.40323201566934586,-1.0710974782705307 l0.3514665737748146,-1.121089681982994 0.3293764963746071,-1.0146144032478333 l0.2648945525288582,-1.3520580530166626 0.45740146189928055,-0.7921771705150604 l0.28994906693696976,-0.97015380859375 0.20606519654393196,-0.6674668937921524 l-0.32646071165800095,0.0010744744940893725 -0.25342633947730064,1.9897472858428955 l-0.6448765099048615,0.3921753913164139 -0.1399038452655077,1.4675165712833405 l-0.6821083277463913,0.5226051434874535 -0.43984849005937576,3.7352362275123596 l-0.6809534132480621,0.6768795102834702 -0.17081532627344131,3.5449475049972534 l-0.0544652808457613,2.979915738105774 0.29917577281594276,1.0293404012918472 l0.27543099597096443,0.965406745672226 1.0494255274534225,1.8300162255764008 l0.5171399191021919,0.6490644067525864 3.104827105998993,0.9542495012283325 l1.0240555554628372,-0.6226395070552826 1.4763644337654114,-0.2505050413310528 l1.2035280466079712,-0.5344811826944351 1.9261185824871063,-0.9097553044557571 l1.143198162317276,-0.7615568488836288 1.0923722386360168,-0.5925797298550606 l1.739269345998764,-1.1578884720802307 0.6311535090208054,-0.7976601272821426 l1.796833574771881,-1.17961585521698 1.6542226076126099,-1.742905080318451 l1.78923100233078,-1.609051376581192 0.35146668553352356,-1.1562615633010864 l1.3837836682796478,-1.4506618678569794 0.0850081630051136,-1.0077761858701706 l0.8750073611736298,-1.1459100991487503 0.07270131725817919,-0.9722229838371277 l0.4736635833978653,-1.139592006802559 0.18722444772720337,-0.8147264271974564 l0.2326713316142559,-0.7304806262254715 0.3037733770906925,-0.8478016406297684 l-1.0857242345809937,-0.04089128226041794 -1.5519438683986664,-0.07073477376252413 l-0.5183761566877365,0.1622096449136734 -1.2428578734397888,0.43323446065187454 l-0.6655975431203842,0.31861934810876846 -0.7698383927345276,0.3100486844778061 l-1.2990589439868927,1.0164234787225723 -0.8794759213924408,0.5329814180731773 l-1.4537054300308228,1.646413803100586 -0.08895821869373322,0.8782125264406204 l-0.08180183358490467,1.0858169943094254 -0.07313528098165989,1.338324099779129 l-0.0603521429002285,1.3765902817249298 -0.03606109879910946,1.279890090227127 l-0.3980129584670067,0.7191279530525208 -0.03203590866178274,1.8032512068748474 l0.01511579961515963,1.9301638007164001 -0.017083664424717426,0.9369125962257385 l0.05685312207788229,1.1298003792762756 0.06933413911610842,0.9925816208124161 l0.15344263054430485,1.0118947923183441 0.21137244999408722,0.9949122369289398 l0.28782710433006287,0.9727158397436142 0.32557353377342224,0.8048923313617706 l0.3655434399843216,0.7757776230573654 0.3497639298439026,0.6265605986118317 l0.42611900717020035,0.4484045132994652 0.4463578015565872,0.34522708505392075 l0.4656609520316124,0.1834150031208992 0.8082689344882965,0.04978007171303034 l1.0076896846294403,-0.2478666976094246 1.2055608630180359,-0.39554424583911896 l1.1610814929008484,-0.5546589940786362 1.3200321793556213,-0.6498189270496368 l1.5253908932209015,-1.0726379603147507 0.4765436053276062,-0.7731558382511139 l1.6176021099090576,-1.0877860337495804 1.327260434627533,-1.2808643281459808 l1.5879154205322266,-1.2292563915252686 1.576983630657196,-1.5565037727355957 l1.6417497396469116,-1.336769163608551 1.6890135407447815,-1.4775025844573975 l1.7423036694526672,-1.3872969150543213 0.18590131774544716,-0.5512858182191849 l1.5528412163257599,-1.121937334537506 1.5577425062656403,-1.350095272064209 l1.7287488281726837,-1.2372314184904099 0.36310069262981415,-0.4258417710661888 l0.5421983450651169,-0.31471196562051773 1.603294014930725,-0.7192695885896683 l0.44423557817935944,-0.47862060368061066 0.7176573574542999,-0.24747846648097038 l1.477004736661911,-0.5403946712613106 0.6019562110304832,-0.3400646895170212 l0.15983186662197113,0.014635451370850205 -0.509413368999958,-0.0013643242709804326 l-0.5430314689874649,-0.0010791134991450235 -0.5396609753370285,-0.006806328310631216 l-1.1237812787294388,-0.011294300202280283 -1.3028548657894135,-0.02948117908090353 l-1.3713112473487854,-0.02872004872187972 -1.3597774505615234,-0.039576576091349125 l-1.3692830502986908,-0.05375318229198456 -2.6899901032447815,1.6756092011928558 l-0.7013151794672012,0.5214148759841919 -0.014569320483133197,0.7573242485523224 l-0.01845005084760487,0.8312100917100906 -0.03669416531920433,0.8805637806653976 l-0.04144913982599974,0.9463220089673996 -0.04859055858105421,1.159529760479927 l-0.037167167756706476,1.1497431248426437 -0.5726121366024017,0.4981882870197296 l-0.05313429981470108,1.4919887483119965 -0.05020062904804945,2.271638810634613 l0.30001312494277954,0.07943138480186462 -0.045301541686058044,2.109728306531906 l0.432659275829792,-0.06056132726371288 -0.04455023445188999,1.5120111405849457 l0.5230927839875221,-0.1127400528639555 0.39682142436504364,-0.03932966850697994 l0.38122009485960007,-0.14827259816229343 0.3086424618959427,-0.0437397975474596 l0.43824344873428345,0.5521101504564285 0.34156281501054764,-0.22183416411280632 l0.33164944499731064,-0.29432106763124466 0.3846489265561104,-0.33560506999492645 l0.421433225274086,-0.44255007058382034 0.39026103913784027,-0.4148520156741142 l0.4670453444123268,-0.5528060719370842 0.5162173137068748,-0.5403168871998787 l0.5111422389745712,0.013651351910084486 0.5760278552770615,-0.07715168409049511 l2.974851429462433,-2.5469663739204407 0.05005272105336189,-0.7763460278511047 l1.5082582831382751,-0.8951035141944885 1.0401879996061325,-1.0558824241161346 l1.348394751548767,-1.091541051864624 1.3587403297424316,-1.3412049412727356 l1.451166421175003,-1.5179014205932617 1.5778984129428864,-1.8286684155464172 l1.5681315958499908,-1.893097311258316 1.6031350195407867,-2.4021531641483307 l0.2626396529376507,-1.1575443297624588 1.246083453297615,-2.070082575082779 l1.3216301798820496,-2.480294108390808 1.3056211173534393,-2.3678401112556458 l0.18450113013386726,-1.2581664323806763 1.252480149269104,-2.4457284808158875 l0.07032246794551611,-1.1808156222105026 0.9666614979505539,-2.0161503553390503 l0.09997151792049408,-0.994216725230217 0.49258600920438766,-1.4063332974910736 l0.3962044045329094,-1.5396660566329956 0.6518814712762833,-1.506820023059845 l0.364297479391098,-1.2077882885932922 0.16317764297127724,-0.8235815912485123 l0.229834895581007,-0.824347585439682 0.12820294126868248,-0.5343719571828842 l0.061087971553206444,0.4239676520228386 -0.051095844246447086,0.27441220358014107 l-0.8397352695465088,1.332727074623108 -0.002476889349054545,0.5564908310770988 l0.05892415065318346,0.46497881412506104 -0.656011775135994,0.19782187417149544 l-0.6770344823598862,1.0047443211078644 -0.0010323055175831541,0.47307178378105164 l-0.9872453659772873,0.8189378678798676 0.061925058253109455,0.5463404953479767 l-0.7215049862861633,0.6547868251800537 -0.9121184796094894,1.5825700759887695 l-0.18446683883666992,0.6122302636504173 -0.767669603228569,0.9321799129247665 l-0.7992606610059738,1.199464499950409 -0.8236187696456909,1.219463273882866 l-0.37712953984737396,1.110614687204361 -0.8618468046188354,1.1464431136846542 l-0.8608883619308472,1.1866743862628937 -0.9328898042440414,1.0714676231145859 l-0.5028257519006729,1.2202375382184982 -0.5013860017061234,1.112532615661621 l-0.9054390341043472,1.0504298657178879 -0.4677562415599823,1.2085854262113571 l-0.5507723242044449,1.196008026599884 -0.4210982099175453,1.2012305110692978 l-0.4551544040441513,1.1838296055793762 -0.3351554274559021,1.2587040662765503 l-0.32973021268844604,1.1087631434202194 -0.14425239525735378,1.1190174520015717 l-0.10920600034296513,1.0550075769424438 -0.0455801747739315,0.9607408195734024 l0.08780742064118385,0.823645293712616 0.191840548068285,0.7445327192544937 l0.23132426664233208,0.7677168399095535 0.24622688069939613,0.7221826910972595 l0.42689718306064606,0.611567385494709 0.4287424311041832,0.5032709240913391 l0.4668287932872772,0.4581768810749054 0.4726613685488701,0.5535492300987244 l0.5852288752794266,0.4414075240492821 3.133842647075653,1.5144380927085876 l3.7776312232017517,-0.8178836107254028 0.7850776612758636,-0.41387442499399185 l0.7592456787824631,-0.24021197110414505 2.337022125720978,-0.7033655047416687 l0.4676518589258194,-0.6306026875972748 0.6382373720407486,-0.18050611019134521 l0.32008882611989975,-0.35528630018234253 0.41530054062604904,-0.20604712888598442 l0.2503095380961895,-0.33159907907247543 0.2255902998149395,-0.2781812287867069 l0.24825956672430038,-0.2886256016790867 0.2527177520096302,-0.40043219923973083 l0.28791526332497597,-0.3814471885561943 0.290815569460392,-0.46943578869104385 l0.3909769654273987,-0.468338243663311 1.3111883401870728,-1.28628671169281 l0.31302232295274734,-0.595557913184166 0.40430765599012375,-0.4969809576869011 l0.20960787311196327,-0.5961997807025909 1.0216183215379715,-1.9320093095302582 l0.1305948756635189,-0.5984476953744888 0.5378004536032677,-2.5431275367736816 l0.044462624937295914,-0.5990976467728615 -0.01240251469425857,-0.7733185589313507 l0.09655614383518696,-0.8059560507535934 0.5825891345739365,-2.1732820570468903 l-0.32258301973342896,-2.919405996799469 0.4249953106045723,-0.8429747819900513 l0.023941898252815008,-1.2411876022815704 0.5304526537656784,-2.2588783502578735 l0.04641260951757431,0.34593041986227036 0.5486996471881866,-2.278199642896652 l0.7363505661487579,-1.6767124831676483 0.456462986767292,-1.1631212383508682 l0.4676635190844536,-1.5346714854240417 0.5573482066392899,-1.2366071343421936 l0.4536004737019539,-1.2586002051830292 0.4133395105600357,-0.9196203202009201 l0.30651409178972244,-0.9182041138410568 0.5037903785705566,-0.7417181134223938 l0.05651525687426329,0.8642885088920593 0.04841441288590431,0.9193997085094452 l0.05315244663506746,1.0375449061393738 -0.6798683106899261,0.16798639670014381 l0.0021658909099642187,1.1009718477725983 -0.792500302195549,0.5419605225324631 l-0.07902435958385468,1.1054185777902603 -0.8520065248012543,0.7969231158494949 l-0.18349144607782364,1.2424995750188828 -0.9092921018600464,1.0198450833559036 l-0.23025711998343468,1.2609347701072693 -0.29371513053774834,1.387968361377716 l-0.26212457567453384,1.5556752681732178 -0.20238103345036507,0.7290730625391006 l-0.23800138384103775,1.359158307313919 -0.2189980261027813,1.3545015454292297 l-0.1841781847178936,0.7212325930595398 -0.2520349249243736,0.7682030647993088 l-0.190958883613348,1.1501792073249817 -0.06526508834213018,0.8683966845273972 l-0.027684122323989868,0.6575760990381241 -0.023479163646697998,0.8826684951782227 l0.09522243402898312,0.6462448090314865 0.1280306838452816,0.8289368450641632 l0.30095065012574196,0.6561095267534256 0.39633117616176605,0.6839665770530701 l0.40806133300065994,0.615493580698967 0.4888583719730377,0.5489720404148102 l0.45862827450037,0.4726400598883629 0.5354206636548042,0.4696836695075035 l0.5364872887730598,0.39486080408096313 0.704410970211029,0.25070782750844955 l0.6617552042007446,0.27276940643787384 0.7320792227983475,0.22834878414869308 l0.754646360874176,0.1305848080664873 0.8349047601222992,0.07233709562569857 l0.8285510540008545,0.4445023462176323 0.9843718260526657,-0.05920129828155041 l1.1447349190711975,-0.22037219256162643 0.813654288649559,0.3332236781716347 l1.7425267398357391,-0.6097497045993805 2.1215617656707764,-0.732172355055809 l2.027210295200348,-0.9725135564804077 0.5211029946804047,-0.5136093869805336 l0.3855457156896591,-0.4400620236992836 0.22630246356129646,-0.4937263950705528 l0.045940703712403774,-0.5540836229920387 0.5395616218447685,-0.9135286509990692 l-0.0326382159255445,-0.6115798652172089 0.08582763373851776,-0.48953719437122345 l0.5609035491943359,-1.088080257177353 \" 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=\"109.52097366127418\" version=\"1.1\" width=\"179.04972939242725\" 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=\"109.52097366127418\" width=\"179.04972939242725\" x=\"0\" y=\"0\"/><path d=\"M44.90564834559336,58.91194827854633 m-3.750782310962677,-0.12110919691622257 l-2.4727652966976166,-0.02790074795484543 -1.3418784737586975,0.35870227962732315 l-1.3178059458732605,0.5590899661183357 -1.566746085882187,0.6948208808898926 l-1.3323642313480377,0.9403450042009354 -1.5130752325057983,0.9924900531768799 l-1.286836713552475,0.9423038363456726 -1.3625767827033997,1.0857876390218735 l-1.1700430512428284,0.9699138253927231 -0.8543615788221359,1.0863295942544937 l-0.7604627311229706,1.16442009806633 -0.5143484100699425,1.2747524678707123 l-0.36256272345781326,1.0069657117128372 -0.14656685292720795,0.9502867609262466 l-0.03157776081934571,0.8536873757839203 -0.1208941638469696,0.9192848950624466 l0.08410616777837276,0.9085366129875183 0.3691193461418152,1.3693632185459137 l0.7856711745262146,1.2724998593330383 0.9758017212152481,1.2318705022335052 l1.4345163106918335,0.9196195006370544 1.7883460223674774,0.5908488482236862 l2.1730080246925354,0.18569692969322205 1.0226298868656158,-0.7738028466701508 l1.9798095524311066,-0.49775924533605576 1.0311467945575714,-1.2404736131429672 l1.2555426359176636,-0.9818563610315323 1.9198648631572723,-2.040470391511917 l2.000298500061035,-2.703351080417633 0.7863593101501465,-1.3367046415805817 l1.0564383119344711,-1.4667774736881256 0.720912367105484,-1.740056574344635 l0.7573676854372025,-1.6162605583667755 1.4447298645973206,-3.3824554085731506 l0.561482347548008,-1.7669938504695892 1.352473497390747,-3.8489368557929993 l1.2850438058376312,-4.635159075260162 0.46796463429927826,-1.7903082072734833 l1.0357842594385147,-4.107958078384399 0.5599472299218178,-1.969696581363678 l0.5152552202343941,-2.231098860502243 0.9146418422460556,-3.4684258699417114 l0.5806823447346687,-2.070695012807846 0.9173852205276489,-2.7196654677391052 l0.5954025685787201,-1.7600347101688385 0.6266649067401886,-1.6834446787834167 l0.5140642076730728,-1.57453253865242 0.34435853362083435,-1.2415190786123276 l0.41405219584703445,-0.60174360871315 0.25617314502596855,-0.6856775283813477 l0.23316401988267899,-0.1046959962695837 0.07413719315081835,0.09875906631350517 l0.06986360065639019,0.6350681185722351 -0.04845024552196264,0.5906121805310249 l-0.04959475249052048,1.1135254800319672 -0.22580821067094803,1.3058866560459137 l-0.2302091382443905,1.5711012482643127 -0.8665220439434052,2.9438751935958862 l-0.9347745776176453,3.3087188005447388 -0.3051118925213814,1.6218335926532745 l-1.312362402677536,3.709399104118347 -1.0213472694158554,3.5055524110794067 l-1.3155782222747803,4.052203297615051 -0.45392483472824097,1.6459958255290985 l-0.763934850692749,3.4268158674240112 -0.5369839817285538,2.6189973950386047 l-0.32659854739904404,1.677655577659607 -0.49030307680368423,3.7266674637794495 l0.025784922763705254,1.409328281879425 -0.14040588401257992,1.4255304634571075 l0.03469359828159213,1.272059679031372 -0.045378473587334156,1.1880387365818024 l0.04665276501327753,1.15061454474926 0.12100553140044212,1.083747074007988 l0.05914741661399603,1.184600219130516 0.12319125235080719,1.1368756741285324 l0.23180359974503517,1.0535451024770737 0.8002371340990067,1.2129395455121994 l0.5659585446119308,0.36987680941820145 0.914708822965622,0.4529023915529251 l0.9115877747535706,0.1562793366611004 1.1793909221887589,-0.03959788475185633 l1.1819416284561157,-0.23209480568766594 1.2364991754293442,-0.33030837774276733 l1.074555441737175,-0.5432140454649925 1.1402181535959244,-0.5529346689581871 l1.2058910727500916,-0.8005208522081375 1.091865673661232,-0.8179263025522232 l0.998314693570137,-0.9847885370254517 0.9583868831396103,-0.9200114756822586 l0.8298496156930923,-0.9837606549263 0.8113150298595428,-1.2065448611974716 l0.6573925167322159,-0.9867686033248901 0.6186264753341675,-1.090712994337082 l1.477215588092804,-2.477581202983856 0.3803159296512604,-0.8149489015340805 l0.9294185042381287,-1.8217743933200836 0.4384952783584595,-0.5006307736039162 l0.2933420054614544,-0.588996410369873 0.4844256862998009,-0.3939228504896164 l0.05950882565230131,-0.5503221973776817 -0.21606894209980965,0.7327965646982193 l-0.36061350256204605,0.6907154619693756 -0.36730315536260605,0.8416680991649628 l-0.38445688784122467,0.7258559018373489 -0.30878933146595955,0.7478426396846771 l-0.5211855098605156,0.6988737732172012 -0.46896766871213913,0.7796876132488251 l-0.5484135448932648,0.7767795771360397 -0.5628271400928497,0.9718479961156845 l-0.6037786975502968,1.0158490389585495 -1.4389592409133911,2.309109717607498 l-0.4209144040942192,1.2623250484466553 -0.5270224809646606,1.1869912594556808 l-0.4118002951145172,2.1280738711357117 -0.0362522853538394,1.117885485291481 l0.10050926357507706,0.9914783388376236 0.24524101987481117,0.8736000955104828 l0.49200501292943954,0.6407059729099274 1.281086802482605,0.3498077765107155 l1.6824595630168915,-0.003999888722319156 1.0472648590803146,-0.11493423953652382 l1.124601736664772,-0.05214472766965628 1.9000667333602905,-0.4501974582672119 l1.1449920386075974,-0.3270166739821434 1.159581020474434,-0.33646494150161743 l2.0287394523620605,-1.029815748333931 1.871332973241806,-1.2810279428958893 l1.0731570422649384,-0.7580502331256866 1.0008998960256577,-0.7744798809289932 l1.3820862770080566,-1.4034567773342133 1.5288303792476654,-1.7871597409248352 l0.7418134808540344,-0.9853842109441757 0.6222205609083176,-0.8883672207593918 l0.4849293455481529,-0.9304212033748627 0.46600762754678726,-0.8401569724082947 l0.35558219999074936,-0.8213257044553757 0.37224970757961273,-1.2625350058078766 l0.18700050190091133,-0.7207818329334259 -0.10444943793118,-1.1047332733869553 l-0.45146357268095016,-0.5729823559522629 -0.31253889203071594,-0.024386495351791382 l-0.43919917196035385,0.0035158294485881925 -0.8022316545248032,0.2926955185830593 l-0.45623715966939926,0.41665632277727127 -0.5222785845398903,0.3992684930562973 l-0.574551559984684,0.4686783626675606 -0.6802394986152649,0.6000706180930138 l-0.6861946731805801,0.651974081993103 -0.8195093274116516,0.7377371937036514 l-0.8732617646455765,0.7945024967193604 -0.87930828332901,0.7432541996240616 l-0.928109809756279,0.813896432518959 -0.9168422222137451,0.828397125005722 l-1.0272499918937683,0.799584835767746 -0.9548290073871613,0.8522766083478928 l-1.0476722568273544,1.9621415436267853 -0.751684308052063,0.678335651755333 l-0.6870773434638977,0.9796255081892014 -0.5907901003956795,0.903795138001442 l-0.42501330375671387,0.9186000376939774 -0.1910044066607952,1.4644351601600647 l-0.16071049496531487,1.0458220541477203 -0.09052721783518791,1.1143096536397934 l0.008357869810424745,1.0024185478687286 0.17707960680127144,0.8895139396190643 l0.2601963095366955,1.0630431771278381 0.3052213788032532,0.8357533067464828 l0.4800843819975853,0.7470543682575226 0.5999331921339035,0.5526270344853401 l0.6567168980836868,0.5369928479194641 1.095602810382843,0.04028152674436569 l1.2883369624614716,-0.29740843921899796 1.5451884269714355,-0.8142178505659103 l1.5682034194469452,-1.1156506836414337 1.9358757138252258,-1.6707934439182281 l1.9957666099071503,-1.8555350601673126 0.810563787817955,-0.9331434965133667 l0.8474855124950409,-0.9003956615924835 2.1088336408138275,-2.0314298570156097 l0.8756272494792938,-0.8167620003223419 1.0226885974407196,-0.7957072556018829 l0.9364568442106247,-0.74843630194664 0.9335591644048691,-0.6974093616008759 l1.0105252265930176,-0.6409666687250137 0.9924501180648804,-0.6223104521632195 l1.1100246757268906,-0.5211159586906433 1.104375571012497,-0.5906406044960022 l1.1827095597982407,-0.5613229051232338 1.2356522679328918,-0.5148360133171082 l1.3124163448810577,-0.5174585804343224 1.0927000641822815,-0.5742397159337997 l1.1325078457593918,-0.42530935257673264 0.9209676831960678,-0.47857102006673813 l0.8735454827547073,-0.405510812997818 0.5866077914834023,-0.4536017030477524 l0.5700233578681946,-0.3627239912748337 0.49651525914669037,-0.37664104253053665 l-0.9069620072841644,-0.15356766059994698 -0.8405803889036179,-0.008811397710815072 l-0.9369849413633347,-0.09413284249603748 -0.9226583689451218,-0.05963623523712158 l-0.8685983717441559,-0.014427130809053779 -0.830797553062439,0.023269557859748602 l-0.8709865808486938,0.052579063922166824 -0.8854746073484421,0.16105994582176208 l-0.8833678811788559,0.20806847140192986 -0.960773378610611,0.23242441937327385 l-2.8074058890342712,1.4403849840164185 -0.8142609894275665,0.7024729996919632 l-2.6071888208389282,1.8172000348567963 -2.164703458547592,1.980108618736267 l-0.49206044524908066,1.0679350048303604 -0.06942588370293379,1.211814507842064 l-0.7279973477125168,0.8151062577962875 -0.13405379839241505,0.9136120229959488 l-0.06033387966454029,0.7215450704097748 0.03232500981539488,0.632031038403511 l0.1224739570170641,0.5749288201332092 0.2807964198291302,0.4329057037830353 l0.433277003467083,0.3001212142407894 1.5136760473251343,1.197110041975975 l0.6803473085165024,-0.20305747166275978 2.8184354305267334,0.3975643962621689 l1.4304356276988983,-0.033565787598490715 1.9149880111217499,0.06730287335813046 l0.8829575031995773,-0.21277472376823425 1.7933595180511475,-0.16464797779917717 l0.6195968016982079,-0.5350193381309509 1.3746747374534607,-0.3678838536143303 l0.5498237907886505,-0.5686867609620094 0.5497381836175919,-0.5169831588864326 l0.6810424476861954,-0.7114753872156143 0.353689081966877,-0.6633319705724716 l0.3612435981631279,-0.6567944586277008 1.4236406981945038,-2.872411608695984 l0.9935331344604492,-1.622508019208908 1.7588739097118378,-5.021811127662659 l1.094372719526291,-2.7142632007598877 0.36297641694545746,-1.8334291875362396 l1.244853213429451,-3.4018757939338684 1.136903092265129,-3.832296133041382 l0.5291682109236717,-1.8787437677383423 0.5546911060810089,-2.0661112666130066 l0.5316509678959846,-1.9756656885147095 0.5339429900050163,-1.6929668188095093 l0.47554556280374527,-1.6801649332046509 0.5163221061229706,-1.7252077162265778 l0.4137321561574936,-1.5676414966583252 0.5286629870533943,-1.9031284749507904 l0.5659331008791924,-1.6279785335063934 0.3867597132921219,-1.3422076404094696 l0.3589228540658951,-0.9558463841676712 0.4140790179371834,-0.8488166332244873 l0.08499030955135822,-0.6317547708749771 -0.3041570261120796,0.5679537728428841 l-0.209126565605402,0.15456493012607098 -0.13683567754924297,0.6799682229757309 l-0.5606957525014877,0.6176095083355904 0.030246293172240257,0.8697406947612762 l-0.0771328154951334,0.6768197566270828 0.07067185826599598,0.6943702697753906 l-0.6330876052379608,0.9084003418684006 -0.533178374171257,1.0728397965431213 l-0.8318512886762619,1.4941954612731934 -0.0439990870654583,0.8502651005983353 l-0.1373709738254547,0.8441092818975449 -0.548471249639988,1.2727956473827362 l-0.5559667572379112,1.338026523590088 -0.5991465225815773,1.3844375312328339 l-0.6501124799251556,1.490972638130188 -0.6883375346660614,1.5444746613502502 l-0.7136520743370056,1.5199624001979828 -0.7626421749591827,1.6073556244373322 l-0.24413013830780983,1.474137306213379 -0.7737688720226288,1.4866706728935242 l-0.18875280395150185,1.4426445960998535 -0.719696655869484,1.2887100875377655 l-0.14690189622342587,1.49203360080719 -0.14688856899738312,1.4782965183258057 l0.018544523045420647,1.4279916882514954 -0.022377027198672295,1.3400980830192566 l0.06803382188081741,1.2651574611663818 0.09263072162866592,1.1407368630170822 l0.21718991920351982,1.0264502465724945 0.27066366747021675,0.8962584286928177 l0.3292880952358246,0.943504199385643 0.4568442702293396,0.7273443043231964 l0.43924208730459213,0.6563568115234375 0.5543863400816917,0.6265643239021301 l0.6357860565185547,0.41727639734745026 0.6022758409380913,0.3529606759548187 l0.6364452093839645,0.38205914199352264 0.6861643493175507,0.2775265835225582 l0.6104795262217522,0.20609702914953232 0.62821164727211,0.1962759718298912 l0.6296345591545105,0.06426265928894281 0.7212298363447189,-0.012831839267164469 l0.6997738778591156,-0.06954353302717209 2.6442739367485046,-0.5716624483466148 l3.4456005692481995,-1.9244401156902313 0.5063710734248161,-0.7621529698371887 l0.5139046162366867,-0.5613670498132706 1.090986654162407,-0.6880773603916168 l2.77773916721344,-2.5191938877105713 0.2207108773291111,-0.9596400707960129 l0.3912852331995964,-0.6747408211231232 0.12999470345675945,-0.7588215172290802 l0.7431082427501678,-1.4830394089221954 0.09113903157413006,-0.8256711065769196 l0.18503371626138687,-0.8122296631336212 0.10589619167149067,-0.898183062672615 l0.14135372824966908,-0.981435626745224 0.07682260125875473,-0.9308260679244995 l0.1294286735355854,-0.9597015380859375 0.08490312844514847,-1.0558276623487473 l0.048556793481111526,-1.1195632815361023 0.15329374000430107,-1.8315543234348297 l0.05116847809404135,-1.8035763502120972 0.13431538827717304,-1.0888957232236862 l-1.48763045668602,0.06139845121651888 -1.7282110452651978,0.04738594405353069 l-0.7216820120811462,-0.3224198520183563 -0.8358846604824066,-0.18421288579702377 l0.0442825211212039,0.552339181303978 -0.9306910634040833,-0.12239144183695316 l-0.0013737000699620694,0.594625286757946 -0.897141769528389,0.14844892546534538 l-0.026950605679303408,0.7937762141227722 -0.024592808913439512,1.05750173330307 l-0.028467352967709303,1.2013335525989532 -0.011348867556080222,1.3298629224300385 l0.0054989015916362405,1.3789473474025726 0.026087122969329357,1.7009931802749634 l0.041132308542728424,1.9644013047218323 -0.36252282559871674,0.7830852270126343 l0.0627325801178813,2.3807747662067413 -0.21131934598088264,0.9159912168979645 l-0.1870327815413475,1.1245570331811905 -0.16675647348165512,0.9801967442035675 l-0.2059490792453289,1.0938150435686111 -0.17485244199633598,1.1131995916366577 l-0.259590744972229,1.0601318627595901 -0.14148548245429993,0.9208950400352478 l-0.22546835243701935,1.0720960050821304 -0.09482144378125668,0.7608718425035477 l-0.10016626678407192,0.7392127066850662 0.03471403382718563,0.6328961998224258 l0.029594392981380224,0.543096736073494 0.10160401463508606,0.43818648904561996 l0.18816720694303513,0.32855719327926636 0.23479066789150238,0.22616013884544373 l0.36038417369127274,0.12607120908796787 0.43061818927526474,0.21525580435991287 l1.1520794034004211,0.6221668422222137 0.6660015136003494,-0.1644512079656124 l0.5257874354720116,0.34911200404167175 0.7518021017313004,-0.06254923064261675 l0.7900901883840561,-0.19626647233963013 0.7831296324729919,-0.23526398465037346 l0.4656243324279785,0.2091660536825657 0.8085145056247711,-0.05432143807411194 l0.4818328469991684,0.17426269128918648 2.0465564727783203,-0.8675333857536316 l2.4832603335380554,-1.9666261970996857 1.1952188611030579,-0.4918437823653221 l1.3633154332637787,-0.8955907076597214 1.1166108399629593,-0.85264652967453 l1.034475788474083,-1.1430982500314713 1.022353172302246,-1.224507987499237 l0.8694910258054733,-1.269565224647522 0.7363006472587585,-1.4780208468437195 l0.6104407832026482,-1.411246508359909 0.6211018934845924,-1.6085702180862427 l0.6119199097156525,-1.4966654777526855 0.7673770189285278,-1.880803406238556 l0.6778079271316528,-1.8117883801460266 0.4187992960214615,-0.03320092102512717 l0.7797662913799286,-1.9997099041938782 1.0817210376262665,-1.6618962585926056 l1.350555568933487,-2.1606820821762085 0.34528281539678574,-0.573279857635498 l1.5497443079948425,-1.7869941890239716 0.5019186437129974,-0.6344786286354065 l1.6680055856704712,-1.4935722947120667 1.7159919440746307,-1.6390910744667053 l1.9863717257976532,-1.698502004146576 1.7724812030792236,-1.7210207879543304 l0.6753717362880707,-0.4276411607861519 -0.7818099111318588,0.06680530030280352 l-0.15585191547870636,0.12011070735752583 \" 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.34220313606784\" version=\"1.1\" width=\"160.91873748868238\" 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.34220313606784\" width=\"160.91873748868238\" x=\"0\" y=\"0\"/><path d=\"M41.4589988719672,55.585920528974384 m-4.1259849071502686,-0.27907272800803185 l-0.9383123368024826,0.5787131935358047 -1.3608404994010925,0.10208177380263805 l-0.9145505726337433,0.6634464114904404 -1.2485060840845108,0.09682822972536087 l-1.088477373123169,1.1237972229719162 -1.078430637717247,0.8159902691841125 l-1.1365582793951035,0.8372606337070465 -0.8374771475791931,0.811503529548645 l-0.8160315454006195,0.8150813728570938 -0.6254060566425323,0.7912465184926987 l-0.7029755413532257,0.9441427886486053 -0.9147966653108597,1.510552316904068 l-0.24499906226992607,0.7864222675561905 -0.22025177255272865,0.879180058836937 l-0.12405815534293652,0.793968141078949 -0.08134223520755768,0.9006596356630325 l0.07921408861875534,0.8652092516422272 0.1085936464369297,0.8182379603385925 l0.10021860711276531,0.8361220359802246 0.42509976774454117,1.315498948097229 l0.3519255295395851,0.5873376131057739 0.8526874333620071,1.35738804936409 l1.1448484659194946,1.2789985537528992 1.3679231703281403,1.1624787747859955 l1.658627986907959,0.9135263413190842 1.8279772996902466,0.44968344271183014 l0.8675146847963333,-0.5528416484594345 1.0460492968559265,-0.4853418469429016 l0.8145424723625183,-0.7311457395553589 1.6070441901683807,-1.1506617069244385 l1.6028964519500732,-1.9992899894714355 1.931048035621643,-2.552797794342041 l0.34309569746255875,-1.1922580748796463 0.5334663391113281,-1.3645732402801514 l0.37762079387903214,-1.490047574043274 0.33942997455596924,-1.590210497379303 l0.8076461404561996,-0.7562419772148132 -0.05190827418118715,-1.8108226358890533 l0.5083445459604263,-1.4068719744682312 0.008882472175173461,-1.7574535310268402 l0.5455784872174263,-3.2338812947273254 0.23058617487549782,-3.6386138200759888 l0.5452814698219299,-1.6163481771945953 0.19635597243905067,-1.9428199529647827 l0.637376680970192,-1.479388177394867 0.4858849197626114,-1.9783888757228851 l0.5229294300079346,-5.604575872421265 0.9090228378772736,-1.2180043756961823 l0.5052149668335915,-1.9934307038784027 0.7803899049758911,-1.5827824175357819 l0.5570169538259506,-1.8007069826126099 0.5392272025346756,-1.680268794298172 l0.3484775125980377,-1.0642782598733902 0.3576228767633438,-0.9865157306194305 l0.33588942140340805,-0.7956085354089737 0.29655907303094864,-0.7755084335803986 l0.22609127685427666,-0.5140681564807892 0.16619300469756126,-0.4662655293941498 l0.30451497063040733,-0.5115866288542747 0.26802001520991325,-0.35102907568216324 l0.27435576543211937,-0.24436887353658676 0.17072584480047226,-0.023206237237900496 l0.20354228094220161,0.08259902708232403 -0.5492191761732101,0.5132162570953369 l-0.5672666057944298,0.5680518224835396 -0.6667700409889221,0.767068937420845 l-0.7068390399217606,1.0337983816862106 -0.6609340012073517,0.8727941662073135 l-0.7009313255548477,1.1581602692604065 -0.24378400295972824,1.467217206954956 l-0.7037404924631119,1.0984048247337341 -0.7297941297292709,1.3978026807308197 l-0.7467242330312729,1.2456323206424713 -0.7769787311553955,1.3747599720954895 l-0.7960841059684753,1.3613034784793854 -0.8398175984621048,1.626238375902176 l-0.8887125551700592,1.6688287258148193 -0.3732561320066452,1.8568944931030273 l-0.8132652938365936,1.5295158326625824 -0.8576001971960068,1.6949062049388885 l-0.22624051198363304,1.8276391923427582 -0.2735571935772896,1.56381756067276 l-0.1054166816174984,1.686152070760727 -0.08618020452558994,1.4395508170127869 l-0.05646512843668461,1.3597694039344788 0.01867254846729338,1.1182618141174316 l-0.022766024339944124,1.090576946735382 0.00719897507224232,1.1124411970376968 l0.024033861700445414,1.1123782396316528 -0.03809409914538264,1.1270975321531296 l-0.019691484048962593,1.1379892379045486 -0.05783017724752426,0.995364710688591 l-0.11662977747619152,1.022922322154045 -0.09818749502301216,1.016356498003006 l-0.16975486651062965,1.204422190785408 -0.11392238549888134,1.0788290202617645 l-0.1599210500717163,1.056497022509575 -0.12610509060323238,1.0167492181062698 l-0.0355740450322628,1.0315898805856705 0.03310902277007699,0.9428739547729492 l0.10202770121395588,0.8711770176887512 0.009534163982607424,0.9633169323205948 l0.2173778973519802,0.8614999055862427 1.8547947704792023,1.0185472667217255 l0.24942360818386078,-0.1513150054961443 0.781591460108757,0.23742588236927986 l0.504780001938343,-0.2799520082771778 0.68128801882267,-0.19450834020972252 l1.232135072350502,-0.8657152950763702 1.534457504749298,-1.212276667356491 l0.6664736568927765,-0.7572514563798904 1.7944952845573425,-1.8636147677898407 l0.5976852774620056,-1.0073846578598022 0.7630199939012527,-1.0336145013570786 l0.5700192600488663,-1.1847303062677383 1.549096703529358,-2.625797390937805 l1.305980384349823,-2.561578154563904 0.3726709261536598,-1.06541708111763 l0.6782237440347672,-1.8231995403766632 0.5704233050346375,-1.687292605638504 l0.3693600371479988,-1.4250881969928741 0.2713845856487751,-1.2004383653402328 l-0.49202386289834976,0.4187494143843651 -0.6135600060224533,0.634678527712822 l-0.5294536799192429,0.7571806013584137 -0.4829718545079231,0.760410875082016 l-0.4180043563246727,0.7263950258493423 -0.4826274886727333,0.7223416119813919 l-0.4759408161044121,0.7448346167802811 -0.43584566563367844,0.6293462961912155 l-0.482725091278553,0.7409150898456573 -0.8603928983211517,2.558813691139221 l-0.15945421531796455,0.6607790291309357 -0.360872745513916,0.8298464864492416 l-0.14578218571841717,0.8726111054420471 -0.11851822957396507,0.9350524097681046 l1.4563100039958954,3.9797362685203552 0.7198672741651535,0.618220791220665 l1.7551818490028381,1.2017308175563812 4.334346652030945,0.0371607462875545 l1.3132935762405396,-0.24949237704277039 1.3250882923603058,-0.17228031530976295 l1.1730297654867172,-0.31755734235048294 1.0926151275634766,-0.33712398260831833 l1.004188358783722,-0.3922003135085106 1.618797481060028,-0.6728889048099518 l1.5232908725738525,-0.8892883360385895 1.6628353297710419,-0.9508640319108963 l0.4611710458993912,-0.8019397407770157 1.3726985454559326,-1.1707120388746262 l1.2823967635631561,-1.6045588254928589 1.3297013938426971,-1.6028159856796265 l1.0749170184135437,-1.9289471209049225 0.1643502525985241,-0.6144708395004272 l0.2294325828552246,-0.6096234172582626 0.6233261898159981,-1.3475419580936432 l0.22841410711407661,-0.5468947812914848 0.20931998267769814,-0.6444303691387177 l0.26618577539920807,-0.6234166398644447 0.2138085477054119,-0.6906715035438538 l-1.5031816065311432,-0.07688436657190323 -1.2750117480754852,-0.08187772706151009 l-1.458769142627716,-0.04393402487039566 -1.4914627373218536,0.534038320183754 l-0.7591297477483749,0.295088067650795 -1.3259996473789215,0.9233009815216064 l-1.4232097566127777,1.2593941390514374 -0.7857546955347061,0.7554791867733002 l-1.137523129582405,1.736907958984375 -0.7593042403459549,0.8291919529438019 l-0.7197698205709457,1.9487617909908295 -0.1498422957956791,1.7452982068061829 l-0.35446472465991974,0.9382644295692444 -0.2647159621119499,0.8688391000032425 l-0.17775079235434532,0.9659703075885773 -0.049893991090357304,0.9422864019870758 l0.07565046660602093,0.9168499708175659 0.17583142966032028,1.0026130080223083 l0.3569403290748596,0.8649770170450211 0.4110589995980263,0.8562814444303513 l0.5611883103847504,0.7072655856609344 0.6173946335911751,0.715322270989418 l0.6942152231931686,0.5618865787982941 0.6579149514436722,0.4101156070828438 l0.7176410406827927,0.3280472755432129 0.6380004435777664,0.28765348717570305 l0.7133746892213821,0.08394024334847927 0.6927996873855591,0.0029116618679836392 l0.8441555500030518,0.0483442097902298 0.8855513483285904,-0.010034978622570634 l0.8284424990415573,-0.11692293919622898 0.9265676140785217,-0.22632651031017303 l0.9263759851455688,-0.31690139323472977 0.9465030580759048,-0.5716291442513466 l1.1632771044969559,-0.5029734224081039 1.2644894421100616,-0.7863666117191315 l1.2530730664730072,-0.8614578098058701 1.3192446529865265,-0.8601901680231094 l-0.047260960564017296,-0.5315526574850082 1.2981781363487244,-0.7721483707427979 l1.0763924568891525,-1.129796877503395 1.3022762537002563,-1.025153324007988 l1.4337427914142609,-1.2928411364555359 0.16178419813513756,-0.2784827724099159 l0.18956536427140236,-0.2947031334042549 1.2177114188671112,-0.9563248604536057 l0.21898601204156876,-0.27252253144979477 0.3952058404684067,-0.24627609178423882 l1.2348837405443192,-0.976502001285553 0.32626915723085403,-0.26976650580763817 l0.4026849567890167,-0.2492951601743698 0.35067345947027206,-0.30020633712410927 l1.479034274816513,-0.8629253506660461 0.35364367067813873,-0.40926914662122726 l0.6312287598848343,-0.3173452243208885 1.4264102280139923,-0.9703091531991959 l0.3563227877020836,-0.4873887822031975 0.507233589887619,-0.4286103695631027 l0.006766795413568616,-0.0003313272463856265 -0.6755952537059784,-0.0038023103843443096 l-1.0008922964334488,-0.030112750828266144 -1.1971178650856018,-0.04439549054950476 l-1.01949542760849,-0.046502104960381985 -1.1567140370607376,-0.056044445373117924 l-0.6440827995538712,0.5105110630393028 -0.6732288748025894,0.3892761096358299 l-0.6856488436460495,0.43862149119377136 -0.6687766313552856,0.44191110879182816 l-0.8140397816896439,-0.0485738180577755 0.016502399230375886,0.80606609582901 l0.0052807945758104324,0.7890529185533524 -0.009938022121787071,0.8530616015195847 l-0.6555964052677155,0.06938996259123087 -0.021088102366775274,1.1293593049049377 l-0.029517612420022488,1.2397534400224686 -0.04335003439337015,1.3796183466911316 l-0.05286052357405424,1.441785842180252 0.03932816907763481,0.2605246938765049 l-0.04284385126084089,1.6150927543640137 -0.5447464063763618,0.5832124501466751 l-0.04612968768924475,1.7058065533638 0.3100728988647461,0.13286967761814594 l0.3273310884833336,0.2608841098845005 0.29170624911785126,0.03801458282396197 l0.2469518966972828,0.10710547678172588 0.13052510097622871,0.02273495076224208 l0.09820359759032726,-0.0036771150189451873 0.14681169763207436,-0.07057677954435349 l0.16898095607757568,-0.18709300085902214 0.1705050840973854,-0.18684420734643936 l0.20948201417922974,-0.16953317448496819 0.2757679112255573,-0.3032614663243294 l0.24494608864188194,-0.1423026341944933 0.35437118262052536,-0.20678289234638214 l0.8495476096868515,0.6709551811218262 0.573635995388031,-0.3898996487259865 l0.7028394937515259,-0.2726208418607712 2.4295149743556976,-0.32109901309013367 l1.313958615064621,-0.4178876429796219 1.8192049860954285,-0.3395795077085495 l0.26017850264906883,-0.738920196890831 1.7465224862098694,-0.28170695528388023 l1.474524587392807,-0.6534454971551895 1.7176629602909088,-0.6115196645259857 l0.4018387570977211,-0.772075280547142 1.6333164274692535,-0.4220831021666527 l1.5524174273014069,-1.1058909446001053 1.643310934305191,-0.9246327728033066 l1.6423465311527252,-1.2855613231658936 1.8892352283000946,-1.4335475862026215 l1.3824647665023804,-1.5285815298557281 0.5390364676713943,-0.8755865693092346 l1.469700187444687,-1.7170432209968567 1.4548222720623016,-2.164326012134552 l1.2320564687252045,-2.2934894263744354 1.2899009883403778,-2.586277723312378 l0.4648609086871147,-0.9580601006746292 1.2005352973937988,-2.7411672472953796 l1.1623690277338028,-2.409171313047409 0.42255155742168427,-0.8705319464206696 l0.48267312347888947,-1.0842414200305939 0.47608353197574615,-1.0189172625541687 l0.8907049894332886,-2.0084506273269653 0.3936658799648285,-0.8470308780670166 l0.3712358698248863,-1.1107926815748215 0.5491288006305695,-1.1505113542079926 l0.19379599019885063,-0.9117375314235687 -0.30031658709049225,0.4534251242876053 l-0.19038252532482147,0.11287117376923561 -0.06517840083688498,0.18696771934628487 l-0.5954005941748619,0.9139633923768997 -0.12411678209900856,0.2315366454422474 l-0.11774593964219093,0.3963957354426384 -0.6297435611486435,0.44771481305360794 l-0.07074751891195774,0.5284534022212029 -0.15368321910500526,0.3661428391933441 l-0.788113921880722,0.8924779295921326 -0.13870084658265114,0.38379158824682236 l-0.9802519530057907,1.4624807238578796 -0.7590080052614212,0.9254609793424606 l-0.2710033394396305,0.6420761346817017 -0.7628481835126877,1.0045801103115082 l-0.7628585398197174,1.0360696911811829 -0.7841476052999496,1.1070138961076736 l-0.8858925849199295,1.157057210803032 -0.9040532261133194,1.1068440973758698 l-0.9209197759628296,1.0823117941617966 -0.5627866089344025,1.316838264465332 l-0.9382973611354828,0.996173694729805 -0.5633401870727539,1.180054321885109 l-0.9170705080032349,0.9697100520133972 -0.4833942651748657,1.2768973410129547 l-0.5353661254048347,1.0780804604291916 -0.4259233921766281,1.1644799262285233 l-0.36725979298353195,1.108057126402855 -0.23592844605445862,1.0105647146701813 l-0.24592995643615723,1.0556598007678986 0.04776188638061285,0.8980742841959 l-0.05288919433951378,0.9164894372224808 0.10420729406177998,0.6173691898584366 l0.06726453546434641,0.7655118405818939 0.16505245119333267,0.6810989230871201 l0.2649809792637825,0.49186471849679947 0.40938638150691986,0.5535301566123962 l0.3990262746810913,0.31140564009547234 0.4248682036995888,0.3336138278245926 l0.4235607758164406,0.42799923568964005 0.433051660656929,0.30931828543543816 l0.5241511389613152,0.5677369982004166 0.6026777625083923,0.3985268250107765 l0.6115920469164848,0.3266505151987076 2.0614972710609436,0.776989758014679 l0.38725558668375015,-0.11470440775156021 1.0514989495277405,0.07286409381777048 l0.41244760155677795,-0.035522368270903826 1.0383979976177216,0.160719845443964 l2.603040337562561,-0.4590669646859169 0.5077557638287544,-0.3742668032646179 l0.7360309362411499,-0.06839699111878872 3.045234978199005,-2.193055748939514 l0.560263954102993,-0.49638811498880386 0.5863111093640327,-0.38701601326465607 l2.1947088837623596,-2.653267979621887 0.34144267439842224,-0.43095778673887253 l0.2438509650528431,-0.4903731867671013 0.19267380237579346,-0.5694881454110146 l0.17775218933820724,-0.6820112466812134 0.13561704196035862,-0.7267630100250244 l0.20691979676485062,-0.7162212580442429 0.13275209814310074,-0.9103906899690628 l0.21808315068483353,-0.8257142454385757 0.16252553090453148,-0.9788081794977188 l0.2596993185579777,-0.9195803850889206 0.23229198530316353,-0.9530774503946304 l0.2361835353076458,-1.1584646999835968 0.29604610055685043,-1.078321933746338 l0.2819257415831089,-1.2516997754573822 0.37086766213178635,-1.2423235177993774 l0.42796533554792404,-1.174965724349022 0.41632600128650665,-1.302744746208191 l0.5051937699317932,-1.1633704602718353 0.4420456290245056,-1.2486183643341064 l0.5216952413320541,-1.4726239442825317 0.442722924053669,-1.1042194813489914 l0.53488839417696,-1.3965968787670135 0.5197591707110405,-0.969766303896904 l0.5455785244703293,-1.1118028312921524 0.3707551583647728,-0.858645960688591 l0.373811274766922,-0.5774078890681267 0.24302443489432335,-0.6070930138230324 l-0.022757805418223143,-0.19059717655181885 0.0767428521066904,-0.06858326029032469 l-0.1094887126237154,0.13444971293210983 -0.5947018042206764,-0.27611909434199333 l0.09202348999679089,0.6205747276544571 -0.5581071600317955,-0.2228040248155594 l0.01496790093369782,0.6514187902212143 -0.6758034229278564,0.06573350634425879 l-0.06167630199342966,0.6836219131946564 -0.7322811335325241,0.2850528433918953 l-0.1370683964341879,0.8520955592393875 -0.17340051010251045,0.8759553730487823 l-0.15891015529632568,1.153283342719078 -0.16415389254689217,1.2237691134214401 l-0.20341232419013977,1.1540056020021439 -0.19363466650247574,1.3607785105705261 l-0.1953333616256714,1.28348708152771 -0.17983941361308098,1.3340359926223755 l-0.16752690076828003,1.3638836145401 -0.3839239105582237,0.6315533071756363 l-0.3135988861322403,0.7611600309610367 \" 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.33192928368226\" version=\"1.1\" width=\"163.24351467075758\" 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.33192928368226\" width=\"163.24351467075758\" x=\"0\" y=\"0\"/><path d=\"M39.323299997486174,59.80471268063411 m-3.8047799468040466,-0.326155386865139 l-0.6489138305187225,0.5685578286647797 -1.3558989763259888,0.07676951587200165 l-0.5302832648158073,0.5258041992783546 -1.2367069721221924,0.05988022778183222 l-0.9788244217634201,1.0604923218488693 -0.995720624923706,0.8156581223011017 l-0.7893180102109909,0.6998518109321594 -0.622037835419178,0.5758290737867355 l-0.7518113404512405,0.5565100163221359 -0.5657417699694633,0.7134897261857986 l-0.517512783408165,0.7800177484750748 -0.4139246791601181,0.7197177410125732 l-0.31403567641973495,0.7340309023857117 -0.42323779314756393,0.7594039291143417 l-0.24337079375982285,0.8084696531295776 -0.09148739278316498,0.9164546430110931 l-0.03969388548284769,0.8370308578014374 0.045782141387462616,0.795694962143898 l0.0111748359631747,0.7832019776105881 0.027652455028146505,0.72081059217453 l-0.021223595831543207,0.6893985718488693 0.460679829120636,1.6900603473186493 l0.6652000546455383,1.5966671705245972 0.9575430303812027,1.7178793251514435 l1.2680251896381378,1.6241922974586487 1.471332609653473,1.3458362221717834 l0.7373721897602081,-0.21178064867854118 1.5865083038806915,0.8934428542852402 l0.49962613731622696,-0.5645572021603584 1.5834319591522217,0.027542735915631056 l0.40413297712802887,-0.8287136256694794 1.6307936608791351,-0.8268120884895325 l0.3418964147567749,-0.9773547947406769 1.9677446782588959,-1.6214941442012787 l0.31690318137407303,-1.2748557329177856 2.2254663705825806,-2.382325828075409 l0.09729430079460144,-1.6654402017593384 2.151796668767929,-3.2033145427703857 l1.322794258594513,-4.0658921003341675 0.5646583437919617,-1.5481513738632202 l0.2140168659389019,-1.9832858443260193 0.31929515302181244,-1.8063682317733765 l0.2076597511768341,-1.8726524710655212 0.2540326490998268,-1.8345335125923157 l0.24738000705838203,-1.9099441170692444 0.2879980765283108,-1.6921214759349823 l0.36245670169591904,-1.8094895780086517 0.4047629237174988,-1.9933590292930603 l0.46298786997795105,-1.8509916961193085 0.5124101787805557,-1.6038087010383606 l0.5228843539953232,-1.5197326242923737 0.4844023287296295,-1.6018867492675781 l0.6260111182928085,-2.3848724365234375 0.45667655766010284,-1.2490151822566986 l0.4846365377306938,-1.6697421669960022 0.5841280519962311,-1.5233610570430756 l0.5513360351324081,-1.192360520362854 0.6207245588302612,-1.4265786111354828 l0.5946537107229233,-1.0312433540821075 0.5027925595641136,-1.243351548910141 l0.45207075774669647,-0.9720278531312943 0.42246390134096146,-0.9379900991916656 l0.2921098470687866,-1.0089629143476486 0.40199171751737595,-0.8014918863773346 l0.07345581892877817,-0.2688540704548359 0.2733772061765194,-0.43796826153993607 l0.21882958710193634,-0.5362874269485474 0.25551849976181984,-0.1422072108834982 l0.1040570717304945,-0.0960717536509037 0.147422943264246,0.29823290184140205 l0.08825134485960007,0.045701758936047554 -0.5571243166923523,0.32677050679922104 l-0.63520647585392,0.44986989349126816 0.038553832564502954,0.581352487206459 l-0.3665401041507721,0.856112614274025 -0.13546246103942394,1.1891741305589676 l-0.6925439834594727,0.7107187807559967 -0.7578398287296295,0.8993037790060043 l-0.792991891503334,0.8206374198198318 -0.8183068037033081,0.9233909845352173 l-0.8584382385015488,1.0831987112760544 -0.9138493239879608,1.2416498363018036 l-0.9608445316553116,1.3474223017692566 -0.9537462890148163,1.2878821790218353 l-0.9806269407272339,1.3881660997867584 -0.9963911026716232,1.4612719416618347 l-1.0521386563777924,1.6571202874183655 -1.0496518015861511,1.6324828565120697 l-1.079668253660202,1.795705109834671 -1.084040105342865,1.709057241678238 l-0.21385710686445236,2.0074084401130676 -0.29443804174661636,1.766504943370819 l-0.08285169489681721,1.5926529467105865 -0.09792414493858814,1.5867425501346588 l0.03475192002952099,1.3861115276813507 0.09767936542630196,1.2954282760620117 l0.08149378933012486,1.123553141951561 0.11238466948270798,1.191503256559372 l0.10703871957957745,1.1948668211698532 0.09386071003973484,1.3148082792758942 l0.172455832362175,1.2750709056854248 0.20593253895640373,1.0296734422445297 l0.1061799842864275,1.0673946142196655 0.19807389006018639,1.0543719679117203 l0.17474014312028885,0.9047967195510864 0.17859827727079391,1.1044008284807205 l0.2329515852034092,0.7639312744140625 0.21604716777801514,0.8091382682323456 l0.2887018583714962,0.6759802252054214 0.25790803134441376,0.2221698872745037 l0.2878318540751934,0.5599251016974449 0.2924562059342861,0.0755677605047822 l0.38897350430488586,0.12011772021651268 0.6209759041666985,0.19034121185541153 l0.7713357359170914,-0.12898389250040054 0.9709955751895905,-0.4398331046104431 l1.23825803399086,-0.8421021699905396 1.478990763425827,-1.2674960494041443 l0.526169128715992,-0.7162671536207199 1.7354875802993774,-1.9223195314407349 l0.5698814243078232,-1.0027919709682465 2.6413610577583313,-3.8825199007987976 l1.493043303489685,-2.557069957256317 1.6376803815364838,-2.8118619322776794 l1.1374960094690323,-2.3161646723747253 0.2971865236759186,-1.012408658862114 l0.4808394983410835,-1.724669337272644 0.25920320302248,-1.2558482587337494 l-0.5442659929394722,0.46859126538038254 -0.5927198752760887,0.6104835867881775 l-0.5031103640794754,0.7719668000936508 -0.439465269446373,0.7029952108860016 l-0.45797158032655716,0.8034905046224594 -0.41406892240047455,0.709141194820404 l-0.42535603046417236,0.7146793603897095 -0.4423109441995621,0.6318451464176178 l-0.3990091010928154,0.6014464795589447 -0.4333680123090744,0.7412555068731308 l-0.8254320174455643,2.534915804862976 -0.33167701214551926,2.330096662044525 l-0.07797108963131905,2.3875784873962402 0.10018464177846909,0.775148943066597 l0.6107965111732483,1.4790433645248413 2.266516536474228,1.7087912559509277 l4.11904901266098,0.17772693186998367 1.1086791008710861,-0.27714941650629044 l1.3643933832645416,-0.12883693911135197 1.2616771459579468,-0.2584434673190117 l1.1177852004766464,-0.3729774057865143 1.0144352912902832,-0.404696948826313 l2.0147523283958435,-0.7638763636350632 2.1245628595352173,-1.0598312318325043 l2.0110292732715607,-1.206003800034523 2.055268734693527,-1.2806081771850586 l0.6489866971969604,-0.8527662605047226 0.7791683822870255,-0.7032909989356995 l1.319109946489334,-1.5525662899017334 0.44815361499786377,-0.7581214606761932 l0.9490425139665604,-1.5972645580768585 0.26810968294739723,-0.6799478828907013 l0.23479009047150612,-0.6834161281585693 0.15278828330338,-0.6121751666069031 l0.7607180625200272,-1.5361076593399048 0.07949848659336567,-0.6890153884887695 l0.1491144299507141,-0.7138808071613312 0.13739998452365398,-0.7025758177042007 l0.13955088332295418,-0.6849165260791779 -1.9462236762046814,-0.056320345029234886 l-1.4638565480709076,-0.07327958010137081 -1.5503892302513123,0.4112290218472481 l-1.4567409455776215,0.7931722700595856 -0.8847235888242722,0.4122062399983406 l-1.6154679656028748,1.3971725106239319 -1.3322468101978302,1.5310028195381165 l-1.2533073127269745,1.7464789748191833 -0.7565908133983612,0.9085097908973694 l-0.8878143876791,1.8951667845249176 -0.5751696228981018,1.0479933023452759 l-0.31168440356850624,1.8041408061981201 -0.3868226706981659,0.9624417871236801 l-0.2532622776925564,0.9385902434587479 -0.1295526698231697,0.9154050052165985 l-0.046186717227101326,0.8638009428977966 0.18977772444486618,0.9311258792877197 l0.2222389169037342,0.8565621078014374 0.4476403445005417,0.8973296731710434 l0.4368125647306442,0.7180076837539673 0.5632798373699188,0.5833732709288597 l0.6119563058018684,0.5999821424484253 0.7156980782747269,0.4495282843708992 l2.314874678850174,0.4847913980484009 1.2689676880836487,0.05103734787553549 l1.6251349449157715,-0.03978417254984379 1.3630330562591553,-0.22577345371246338 l1.4486457407474518,-0.5542024597525597 1.4545722305774689,-0.6267076730728149 l1.1948028951883316,-0.8192075788974762 1.3771367073059082,-1.0345039516687393 l1.2414294481277466,-1.2768039107322693 1.216125339269638,-1.2530627846717834 l1.2235713750123978,-1.390596181154251 1.2332795560359955,-1.4353370666503906 l1.2441304326057434,-1.6333231329917908 1.4439377188682556,-1.5660516917705536 l1.5370956063270569,-1.535707414150238 1.6603252291679382,-1.6283713281154633 l0.3198888525366783,-0.2766532637178898 1.6320571303367615,-1.2047070264816284 l0.38793381303548813,-0.2576984837651253 1.7472423613071442,-0.9148825705051422 l1.8303361535072327,-1.097252145409584 0.7652469724416733,-0.03443042980507016 l0.6792017072439194,-0.21509522572159767 0.7427200675010681,-0.12281658127903938 l0.7489660382270813,-0.2375595085322857 0.6719332933425903,-0.22167149931192398 l0.020130195189267397,0.09871765039861202 -0.5444688722491264,0.0634210417047143 l-1.2838305532932281,0.041763163171708584 -0.951496884226799,0.01761958934366703 l-1.1584848910570145,-0.013628393644466996 -1.2122736871242523,-0.020059384405612946 l-1.1058329790830612,-0.021828401368111372 -1.5300530195236206,-0.02996006514877081 l-1.4324109256267548,-0.03051915904507041 -1.2412048876285553,-0.035682106390595436 l-1.1237913370132446,-0.025566446129232645 -0.9451727569103241,0.5623528733849525 l-0.022802511230111122,0.5890350416302681 -0.03358682617545128,0.6386787444353104 l-0.03910487983375788,0.6817395985126495 -0.05030278582125902,0.9366947412490845 l-0.03533368930220604,1.0504183173179626 -0.04693061579018831,1.2092971801757812 l-0.05462652537971735,1.5116187930107117 -0.0633860332891345,1.685056984424591 l-0.05156868137419224,1.7798011004924774 -0.07313088979572058,2.1933695673942566 l0.29280105605721474,0.09392552077770233 -0.06819270551204681,2.2597314417362213 l0.5437575653195381,0.04487760365009308 0.2923710271716118,0.22454142570495605 l0.36204993724823,0.04022757988423109 0.2629191242158413,0.10281361639499664 l0.17178617417812347,0.06771913729608059 0.5074447765946388,2.42876797914505 l0.3644759953022003,-0.19576704129576683 0.3880845010280609,-0.15422485768795013 l2.117549031972885,0.9183316677808762 0.5370941385626793,-0.684601366519928 l0.25929098948836327,0.4583936929702759 0.8336476236581802,0.15762750059366226 l0.3295135498046875,-0.4514462500810623 3.5179367661476135,-1.7815978825092316 l0.2553173527121544,-0.9075197577476501 1.530751883983612,-0.5792630091309547 l1.1853571236133575,-0.8092602342367172 1.6030901670455933,-0.8617869764566422 l0.34980814903974533,-0.8280865848064423 1.38739213347435,-0.7336650788784027 l0.2298271283507347,-0.8415628969669342 1.6788078844547272,-0.8241823315620422 l0.12459531426429749,-0.8513451367616653 1.6391335427761078,-1.0195736587047577 l3.4151560068130493,-3.6815130710601807 1.8586485087871552,-2.386997640132904 l1.9230975210666656,-2.4703888595104218 1.610911786556244,-2.6999258995056152 l0.3067482076585293,-1.1818946152925491 1.511816829442978,-2.8049275279045105 l0.22606495767831802,-1.1962401121854782 0.5252598598599434,-1.0908452421426773 l0.30159344896674156,-1.196097508072853 0.32995712012052536,-0.9861060976982117 l0.29350563883781433,-1.0823632776737213 0.3341097757220268,-1.013183817267418 l0.217489842325449,-0.966721698641777 0.7866934686899185,-1.5532244741916656 l0.12317739427089691,-1.0397279262542725 0.4767616465687752,-1.1259585618972778 l0.13620843179523945,-1.2197910994291306 0.21681051701307297,-0.8121827989816666 l-0.0670006312429905,-0.7739633321762085 -0.17832530662417412,-0.44797949492931366 l-0.7430976629257202,1.1091655492782593 -0.8292729407548904,1.431766301393509 l-0.18018091097474098,0.41374634951353073 -0.059075853787362576,0.34041911363601685 l-0.9193506836891174,0.5603671446442604 -0.8758191019296646,0.9288789331912994 l-0.08621921762824059,0.5755569785833359 -1.174711361527443,0.9253813326358795 l-1.0377977788448334,1.4769767224788666 -0.10801581665873528,0.5371729284524918 l-0.8003184944391251,0.8433330804109573 -0.7964378595352173,0.9895069152116776 l-0.19041309133172035,0.7810582965612411 -0.8043163269758224,0.8777941763401031 l-0.20422438159585,0.7882312685251236 -0.7938005030155182,0.7997800409793854 l-0.7546191662549973,0.8306290209293365 -0.8402473479509354,0.8718918263912201 l-0.8835203945636749,0.9261501580476761 -0.9578550606966019,0.8910965919494629 l-0.5592053011059761,1.3462543487548828 -0.6457994133234024,1.314162015914917 l-0.5453278124332428,1.3417664170265198 -0.565439760684967,1.294863373041153 l-0.5299057066440582,1.414223164319992 -0.40865421295166016,1.3374373316764832 l-0.4316087067127228,1.2119867652654648 -0.29601171612739563,1.4378125965595245 l-0.28420161455869675,1.2422329187393188 -0.1240160409361124,0.9358144551515579 l-0.08303385227918625,1.1725706607103348 0.11096702888607979,0.9721188247203827 l0.1553117111325264,0.8771975338459015 0.3039364516735077,0.8743470907211304 l0.3398870676755905,0.8068713545799255 0.3982657566666603,0.7508194446563721 l0.47776371240615845,0.564936101436615 0.5568595975637436,0.5355197191238403 l0.613996610045433,0.4241742938756943 0.583738274872303,0.3112949803471565 l0.6462869048118591,0.36568205803632736 0.7294680923223495,0.16275262460112572 l0.8003572374582291,0.14252127148211002 0.8071505278348923,0.14288180507719517 l2.27745458483696,-0.3264624997973442 0.4220917448401451,-0.42974255979061127 l1.19078129529953,-0.10560273192822933 0.3642909973859787,-0.41792504489421844 l1.804019957780838,-0.5100399255752563 0.2557205781340599,-0.6478013098239899 l1.7544981837272644,-0.702870786190033 0.2865196764469147,-0.6739567220211029 l1.6248013079166412,-0.9980253130197525 0.27275819331407547,-0.7452239841222763 l1.338610053062439,-1.1493834108114243 0.15170696191489697,-0.7619602978229523 l0.37669260054826736,-0.6093078479170799 0.889914408326149,-1.5207089483737946 l0.15567478723824024,-0.6865265965461731 0.8207245171070099,-1.617225855588913 l0.15026929788291454,-0.6346519291400909 1.0933028906583786,-1.7816747725009918 l0.07488870061933994,-0.8122041076421738 0.31189415603876114,-0.7411476969718933 l0.22467752918601036,-0.8345403522253036 0.31236350536346436,-0.8932927250862122 l0.3425384685397148,-0.9397568553686142 0.46114522963762283,-0.9572547674179077 l0.4691529646515846,-0.9688953310251236 1.2002559751272202,-2.11842879652977 l0.4944155365228653,-0.9349414706230164 0.590820200741291,-0.9491708874702454 l0.8888246864080429,-1.7893899977207184 0.6891927123069763,-1.5292826294898987 l0.5648903921246529,-1.4347268640995026 0.4759877920150757,-1.2049009650945663 l0.5905140191316605,-1.1452598124742508 0.5131502449512482,-0.837186723947525 l0.30576612800359726,-0.8324486017227173 0.41442837566137314,-0.5097070708870888 l0.15444929711520672,-0.5481809005141258 -0.4789239168167114,-0.4236749932169914 l-0.0036263963556848466,0.4068218171596527 0.13107125647366047,0.5270984396338463 l-0.5238543450832367,-0.3383924812078476 0.07900937460362911,0.6331514567136765 l-0.7092341780662537,0.14179760590195656 0.016858922317624092,0.6865118443965912 l-0.007410457474179566,0.7485702633857727 -0.6683605909347534,0.3695780038833618 l-0.09701906703412533,0.8903066068887711 -0.77982597053051,0.5501740053296089 l-0.12160728685557842,1.1300195008516312 -0.1524658501148224,1.3468973338603973 l-0.13910907320678234,1.5861889719963074 -0.16115931794047356,1.6240081191062927 l-0.17511136829853058,1.5884484350681305 -0.6640381366014481,0.7001955062150955 l-0.13671447522938251,1.712513417005539 -0.17135551199316978,1.5734876692295074 l-0.1623736135661602,1.330541968345642 0.26335859671235085,0.6114073470234871 l-0.2820954658091068,0.6325403600931168 -0.015214955201372504,0.7399902492761612 l-0.07607685867697,0.7761426270008087 0.009323614067398012,0.9626207500696182 l0.17520947381854057,0.8387281745672226 \" 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=\"116.60408185096458\" version=\"1.1\" width=\"182.11866088124225\" 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=\"116.60408185096458\" width=\"182.11866088124225\" x=\"0\" y=\"0\"/><path d=\"M45.761276967823505,58.5834403836634 m-3.658663034439087,-0.016652137273922563 l-2.688651382923126,-0.06728110834956169 -1.3107390701770782,0.42065203189849854 l-1.0417619347572327,0.37394385784864426 -1.8204106390476227,0.08617484010756016 l-1.3583292067050934,1.0707557201385498 -1.4800065755844116,0.8226882666349411 l-1.3938069343566895,1.0254372656345367 -1.3212139904499054,0.7174122333526611 l-1.3358713686466217,1.133967712521553 -1.0421782732009888,1.0509195923805237 l-0.7634492218494415,1.2005314975976944 -0.4932704195380211,1.2577898800373077 l-0.35523753613233566,1.103951409459114 -0.34916892647743225,1.1000920087099075 l-0.3485184535384178,2.9038119316101074 0.22660527378320694,0.6421870738267899 l0.22734582424163818,0.8167163282632828 0.3163277730345726,1.1953209340572357 l0.2996688336133957,0.6436091661453247 1.0560894012451172,0.9132778644561768 l1.152046024799347,0.7189352065324783 1.5558403730392456,0.6044188886880875 l0.8922844380140305,-0.5942054465413094 2.0017871260643005,-0.016841969918459654 l2.344936430454254,-0.8466244488954544 1.1049636453390121,-0.9692322462797165 l1.2303462624549866,-0.878257229924202 1.9882845878601074,-1.8042317032814026 l2.2036148607730865,-2.8091856837272644 1.1140455305576324,-1.4066798985004425 l0.9391452372074127,-1.4227932691574097 2.3602761328220367,-3.257862627506256 l0.7083746790885925,-1.8116380274295807 0.9414245188236237,-1.7962050437927246 l0.7575725764036179,-1.934390366077423 0.7875805348157883,-2.1689753234386444 l0.5716106668114662,-1.9708853960037231 0.5916443467140198,-2.0675915479660034 l1.1473587155342102,-3.842940330505371 0.8244014531373978,-1.741267740726471 l1.1069665104150772,-4.207566976547241 0.7466008514165878,-1.7708373069763184 l0.4468182846903801,-1.8469734489917755 0.8796452730894089,-3.0218151211738586 l0.5437786132097244,-1.7225490510463715 0.642760619521141,-2.326994389295578 l0.6775695830583572,-1.5266433358192444 0.46722762286663055,-1.5415436029434204 l0.4752786457538605,-1.5443149209022522 0.41361816227436066,-1.3547313213348389 l0.3848041221499443,-0.874728336930275 0.22827772423624992,-0.22359473630785942 l0.17931895330548286,0.015568850794807076 0.13943812809884548,0.5624611303210258 l-0.10480222292244434,0.5528230220079422 -0.8226260542869568,0.7795867323875427 l-1.1044446378946304,2.912309169769287 -0.6010034307837486,1.4165619015693665 l-1.1620471626520157,3.224267363548279 -1.11478753387928,3.0629360675811768 l-0.5664743483066559,1.73643097281456 -0.9500260651111603,1.5627381205558777 l-1.0297347605228424,3.3959349989891052 -1.4163139462471008,3.3412769436836243 l-0.5058116465806961,1.920139342546463 -1.484740674495697,3.1074348092079163 l-0.7049556821584702,2.8658199310302734 -0.5688539519906044,1.8368521332740784 l-0.3732983022928238,1.8409483134746552 -0.40988948196172714,1.6227610409259796 l-0.7482096552848816,3.9171329140663147 -0.06288631819188595,1.4809253811836243 l-0.29371146112680435,1.5181784331798553 -0.07221124600619078,1.397739052772522 l0.042095454409718513,1.295221745967865 0.06984226871281862,1.342705488204956 l0.4008490964770317,1.730462908744812 0.3281160816550255,1.196998506784439 l0.7577523589134216,0.3976130485534668 0.9904073923826218,0.22942416369915009 l1.7250682413578033,0.022248574532568455 1.350339949131012,-0.16469089314341545 l1.2795539200305939,-0.11924079619348049 1.4747822284698486,-0.5283240973949432 l1.5545274317264557,-0.6322398036718369 2.194683700799942,-1.769338995218277 l1.3918836414813995,-0.9764078259468079 1.34164497256279,-0.9052422642707825 l1.1555150151252747,-1.110094115138054 0.9804727137088776,-0.9923853725194931 l1.0820965468883514,-1.1914479732513428 0.998539924621582,-0.9545743465423584 l0.8164699375629425,-1.1171086877584457 0.7686803489923477,-1.0873174667358398 l0.753483921289444,-0.8114385604858398 0.5291083827614784,-0.6021412089467049 l0.8459415286779404,-1.3798598945140839 0.47480329871177673,-0.4463377594947815 l0.5591394752264023,-0.638287365436554 0.236006248742342,-0.6027131900191307 l-0.17031537368893623,0.6916164606809616 -0.3828807547688484,0.8011165261268616 l-0.42923010885715485,0.9227703511714935 -0.4399557411670685,0.8605585247278214 l-0.4731397330760956,0.9451977163553238 -0.5303520709276199,0.9418681263923645 l-0.5114396288990974,0.928465723991394 -0.5657390132546425,0.861460417509079 l-0.703456699848175,1.1620354652404785 -0.6538557261228561,1.1533772200345993 l-1.101273074746132,1.990896463394165 -0.39020951837301254,1.2602992355823517 l-0.3171708434820175,1.1465921998023987 -0.31701643019914627,1.6425535082817078 l0.054504466243088245,0.996791422367096 0.8744235336780548,0.6203830987215042 l1.1254534870386124,0.3073209337890148 1.5493305027484894,0.015907782362774014 l2.1292078495025635,-0.45743368566036224 1.096043661236763,-0.320381224155426 l1.2691868841648102,-0.22748734802007675 1.1531560868024826,-0.40281668305397034 l2.3154158890247345,-0.9392495453357697 1.1260518431663513,-0.598113052546978 l1.0931915789842606,-0.551077350974083 2.1946516633033752,-1.5207061171531677 l1.2002459913492203,-0.7854083180427551 1.6349837183952332,-1.3661140203475952 l1.0530268400907516,-1.0191401839256287 1.2855380773544312,-1.3110622763633728 l0.8916319161653519,-0.9734804183244705 0.7970450073480606,-0.8780904114246368 l0.6320718675851822,-0.9830604493618011 0.5187759175896645,-0.7878284156322479 l0.26517100632190704,-1.2950897216796875 0.3454279154539108,-0.729636549949646 l-0.3194821998476982,-1.0177356004714966 -0.6112664937973022,-0.8398699760437012 l-1.156444028019905,0.14790263026952744 -1.190696433186531,0.4666829854249954 l-0.6825964897871017,0.5661817267537117 -0.595950074493885,0.5209819227457047 l-0.5342720448970795,0.7040838152170181 -0.5782531201839447,0.7288956642150879 l-0.5245184525847435,0.7879485189914703 -0.48555247485637665,0.842796266078949 l-0.5308770015835762,0.83450548350811 -0.6549182534217834,0.8905431628227234 l-0.6315400451421738,1.0017146170139313 -0.6084367260336876,0.8974156528711319 l-0.6448788940906525,0.868176594376564 -0.7232397794723511,0.8837217837572098 l-0.5656939372420311,0.8224161714315414 -0.5789331346750259,0.7947881519794464 l-0.49400217831134796,0.8398672193288803 -0.38346100598573685,0.7982899248600006 l-0.2720537967979908,1.2884436547756195 -0.2926355227828026,0.8372271060943604 l-0.23232785984873772,1.0196810215711594 -0.0370942335575819,0.8331781625747681 l0.129299433901906,0.8941616863012314 0.24596577510237694,0.8919055014848709 l0.2844350039958954,0.7105784863233566 0.9146228432655334,0.34356676042079926 l1.1909763514995575,-0.2475777082145214 1.219988614320755,-0.551769882440567 l1.09020434319973,-0.4789978638291359 1.6890345513820648,-1.3257397711277008 l1.9301946461200714,-1.6710302233695984 1.2505747377872467,-0.7137987017631531 l2.27708101272583,-2.3349183797836304 2.3134632408618927,-1.8579648435115814 l1.10077366232872,-0.7022647559642792 1.3092310726642609,-0.6365000456571579 l1.155567616224289,-0.5841835588216782 2.8657174110412598,-1.4683832228183746 l1.4255470037460327,-0.45351963490247726 1.4390535652637482,-0.396035872399807 l1.6106048226356506,-0.37708137184381485 1.3517515361309052,-0.49105823040008545 l1.392865926027298,-0.532379150390625 1.2609058618545532,-0.41200149804353714 l1.221858486533165,-0.5018676444888115 1.2610585987567902,-0.42599935084581375 l-1.3301466405391693,-0.06994034629315138 -1.2947845458984375,0.19321950152516365 l-1.26007080078125,0.30660226941108704 -1.2835153937339783,0.3625991567969322 l-1.3881002366542816,0.3183182328939438 -1.2927858531475067,0.3333636373281479 l-1.1349785327911377,0.5903581902384758 -1.1067764461040497,0.5241528898477554 l-1.104758083820343,0.5456368997693062 -1.070086508989334,0.5470248311758041 l-1.1094330251216888,0.6294899433851242 -0.8601957559585571,0.7441993057727814 l-0.7623285800218582,0.8149449527263641 -1.6934852302074432,1.7704005539417267 l-0.38329772651195526,1.1831332743167877 -0.3097514249384403,1.1359337717294693 l-0.6575768440961838,1.5558512508869171 0.10364959016442299,1.1269734799861908 l0.1496772188693285,1.2836995720863342 0.21463431417942047,1.540454775094986 l0.7355383038520813,1.2393292039632797 0.9187985211610794,1.3047535717487335 l1.5590976178646088,0.5542375147342682 1.8346872925758362,0.09462681598961353 l2.217951714992523,-0.1857764646410942 1.4035041630268097,-0.6622611731290817 l2.035716623067856,-0.8029431104660034 1.3074012100696564,-0.9491948038339615 l1.3358484208583832,-0.9913088381290436 1.5403008460998535,-1.88388392329216 l1.3223163783550262,-1.974429041147232 1.344035267829895,-2.3672640323638916 l1.044027954339981,-2.536434531211853 1.215127855539322,-3.234524130821228 l1.5000198781490326,-3.5419222712516785 1.30237877368927,-4.137186110019684 l1.3036325573921204,-4.095332026481628 0.8639923483133316,-3.604170083999634 l1.307787001132965,-3.829566538333893 1.0946766287088394,-3.760574758052826 l1.0905443131923676,-5.018085241317749 0.4646449536085129,-1.4325203001499176 l0.384393073618412,-1.4316530525684357 0.46500008553266525,-1.1319875717163086 l0.3090882673859596,-0.14632588252425194 -0.7374851405620575,1.1162687838077545 l-0.569944866001606,1.5556561946868896 -0.9250003844499588,1.600530594587326 l-0.6015726923942566,1.6612695157527924 -0.6598693132400513,1.741165816783905 l-0.6123827025294304,1.6529913246631622 -0.49299780279397964,1.7641761898994446 l-0.403822623193264,1.616140455007553 -1.2387001514434814,2.7520424127578735 l-0.7454370707273483,2.072392702102661 -0.23893779143691063,1.6344757378101349 l-0.3834858164191246,1.6114838421344757 -0.26504965499043465,1.7079320549964905 l-0.3197064995765686,1.5536203980445862 -0.23039758205413818,1.6368834674358368 l-0.2241656370460987,1.5333597362041473 -1.0107024759054184,4.085834324359894 l0.10992328636348248,1.4197467267513275 -0.04661334212869406,1.4382877945899963 l0.2074023336172104,1.1288781464099884 0.12684068642556667,1.3155265152454376 l0.24676864966750145,1.212790310382843 0.6099851801991463,1.3969294726848602 l0.28220679610967636,0.9126913547515869 0.4164842888712883,0.9608609229326248 l0.4249409958720207,0.8702981472015381 1.375201940536499,1.4839054644107819 l1.0940656065940857,0.11977511458098888 1.1845070123672485,-0.39661940187215805 l3.142460286617279,0.007346100173890591 1.1832446604967117,-0.49302972853183746 l1.408512443304062,-0.4667268320918083 1.4442181587219238,-0.6245158240199089 l3.36570143699646,-1.7787088453769684 1.43096461892128,-1.1603248119354248 l1.6012141108512878,-1.2306316196918488 1.4091108739376068,-1.325831413269043 l1.4756731688976288,-1.0296561568975449 1.2819279730319977,-1.4228634536266327 l1.285727471113205,-1.246660277247429 1.1620689928531647,-1.171228289604187 l1.0066317021846771,-1.340947151184082 0.8288044482469559,-1.3554222881793976 l0.5466894805431366,-1.3398964703083038 0.44542502611875534,-1.3514001667499542 l0.3228810802102089,-1.4912256598472595 0.2936040051281452,-1.2848471105098724 l-0.0282805017195642,-1.3273438811302185 -0.7538555562496185,-0.08602826856076717 l-0.9123159199953079,-0.10126179084181786 -1.4404544234275818,-0.191819928586483 l-1.3257324695587158,0.4418201744556427 -1.1050495505332947,0.5605560541152954 l-1.2031256407499313,0.5537693202495575 -1.058686375617981,0.7172804325819016 l-1.0197894275188446,0.7768327742815018 -1.1611758917570114,0.9076796472072601 l-1.0307268798351288,0.9916127473115921 -1.1498743295669556,0.8668468147516251 l-1.1506857722997665,0.9968031197786331 -1.2160837650299072,1.0910041630268097 l-1.0790950804948807,1.088685765862465 -0.30676890164613724,1.796490103006363 l-1.2028928846120834,1.1048132181167603 -0.7349386811256409,1.1193376779556274 l-0.8413903415203094,1.2259814143180847 -0.5658302828669548,1.0741420090198517 l-0.5963408201932907,1.19365893304348 -0.2117897942662239,0.9444963932037354 l-0.22562971338629723,1.2065791338682175 0.004780601302627474,1.111745461821556 l0.14059449546039104,1.12201526761055 0.34776099026203156,1.0289963334798813 l0.5502051115036011,0.966215655207634 0.6783947348594666,0.7544437795877457 l0.6604472547769547,0.8616503328084946 0.7181353121995926,0.8909808099269867 l1.1350065469741821,0.6700263917446136 1.1417659372091293,0.5601809173822403 l1.326976865530014,0.32494861632585526 1.3142043352127075,0.1324087381362915 l1.1849995702505112,0.16905302181839943 2.4170927703380585,0.660317912697792 l2.131616175174713,0.3854465112090111 1.1571737378835678,-0.4639531299471855 l1.1124895513057709,-0.43717026710510254 0.7249113917350769,-0.6620900332927704 l0.3732934221625328,-0.7549319416284561 0.2274499461054802,-0.87112195789814 l0.1552240364253521,-0.862191691994667 -0.06369205191731453,-0.8095399290323257 l-0.1671498827636242,-1.0880406200885773 -0.21663518622517586,-0.893867015838623 l-0.22969858720898628,-0.8032753318548203 -0.24557942524552345,-0.7931971549987793 l-0.06877755746245384,-0.75079046189785 -0.3709564730525017,-0.6532318890094757 l-0.44428836554288864,-0.6418301165103912 -0.5232837051153183,-0.647529736161232 l-0.5653740093111992,-0.597122311592102 0.12905041687190533,-0.5191747844219208 l0.31021349132061005,-0.27934521436691284 -0.48100411891937256,-0.4658099263906479 l0.4104141891002655,-0.19368940964341164 -1.1230485886335373,-0.9527783840894699 l-0.6049911677837372,0.21568076685070992 0.13186396099627018,0.045460574328899384 l-1.302322894334793,0.19564080983400345 0.05353233776986599,0.43896865099668503 l-0.06340897642076015,0.45415617525577545 -0.1760259084403515,1.152084395289421 l-0.07805132772773504,0.8251019567251205 -0.040730005130171776,0.91048963367939 l-0.03207816043868661,1.0199316591024399 0.021620127372443676,1.0688042640686035 l0.017088137101382017,1.0789461433887482 0.04255813546478748,1.0059335827827454 l0.1695800945162773,1.0797588527202606 0.11580858379602432,1.0395914316177368 l0.20797252655029297,1.0520976036787033 0.17784373834729195,1.0349643230438232 l0.3376350924372673,0.8578261733055115 0.21787043660879135,0.9760548919439316 l0.29243122786283493,0.8778321743011475 0.2882669121026993,0.8699608594179153 l0.36598220467567444,0.7098373025655746 0.4123494029045105,0.86492620408535 l0.44224031269550323,0.6945270299911499 0.5150271952152252,0.5736684799194336 l0.4870684817433357,0.6646240502595901 0.6607162207365036,0.4530464857816696 l0.5732159689068794,0.48453211784362793 0.6476354598999023,0.4164167121052742 l0.7119825482368469,0.33452071249485016 0.8150922507047653,0.09590836241841316 l0.8341237157583237,0.14403828419744968 0.9105227142572403,-0.06043825298547745 l0.9655284136533737,-0.22655175998806953 0.840478241443634,-0.18835658207535744 l0.35578031092882156,-0.3106722980737686 1.0020366311073303,-0.4999106004834175 l0.36068450659513474,-0.334993451833725 0.5687598884105682,-0.3551838919520378 l1.0650590062141418,-0.9948000311851501 1.0712631046772003,-1.135512962937355 l0.4300878942012787,-0.7570549100637436 0.9231457859277725,-1.6807512938976288 l0.9452755004167557,-1.9846941530704498 0.9622382372617722,-2.0707890391349792 l0.8351878076791763,-2.431015223264694 0.37280555814504623,-1.0869264602661133 l0.346122607588768,-1.4461502432823181 0.774204283952713,-2.7418315410614014 l1.0337751358747482,-3.0393990874290466 0.8609849214553833,-2.748563289642334 l0.5621270835399628,-1.8564997613430023 1.0841938108205795,-3.4622159600257874 l0.6600387394428253,-2.285959869623184 0.5653886497020721,-2.210741639137268 l0.5681731924414635,-2.251638025045395 0.5494208633899689,-2.3149460554122925 l0.4971599578857422,-2.3383888602256775 \" 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=\"113.14346739600296\" version=\"1.1\" width=\"177.10793349506275\" 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=\"113.14346739600296\" width=\"177.10793349506275\" x=\"0\" y=\"0\"/><path d=\"M40.257907938212156,62.476473150309175 m-3.580443561077118,-0.5510041117668152 l-0.6335920095443726,0.6384765356779099 -1.390063613653183,0.034238623920828104 l-0.8380010724067688,0.5740785971283913 -0.7011379301548004,0.5994541943073273 l-0.8601774275302887,1.0743137449026108 -0.7272321730852127,0.8865923434495926 l-0.5090932548046112,0.6881940364837646 -0.7280853390693665,0.3872116655111313 l-2.0614847540855408,2.3431651294231415 -0.8147087693214417,0.9211210906505585 l-0.44622723013162613,0.8186791837215424 -0.7917751371860504,1.9708077609539032 l-0.26093926280736923,0.8854576945304871 -0.4907064512372017,1.0806971043348312 l-0.23166129365563393,1.0490750521421432 -0.19257865846157074,1.0442259907722473 l0.021430475171655416,1.0707391798496246 0.027217792812734842,0.8933661878108978 l0.14456342905759811,0.8188652247190475 0.33318232744932175,1.2532691657543182 l0.6360220164060593,1.5955394506454468 0.9571827948093414,1.4397963881492615 l1.1921828240156174,1.180797591805458 1.3562759757041931,1.1727094650268555 l1.7927733063697815,0.6738750636577606 1.8853729963302612,0.18111038953065872 l2.173673063516617,-0.4079686850309372 0.8597958087921143,-0.8205860108137131 l0.9071348607540131,-0.8340604603290558 1.7512370645999908,-2.0905405282974243 l0.5329355224967003,-1.3186576962471008 1.980196088552475,-2.8397592902183533 l3.624032437801361,-7.433468699455261 1.5143901109695435,-4.169433414936066 l2.0639298856258392,-5.071030259132385 -0.03997515421360731,-2.1198388934135437 l1.5233685076236725,-4.579078257083893 0.012112613767385483,-2.3814335465431213 l0.3602919727563858,-2.2453972697257996 0.09214543737471104,-4.123977422714233 l0.31413111835718155,-3.426928222179413 0.1974904164671898,-7.621236443519592 l0.23345105350017548,-3.238283395767212 0.3763117641210556,-1.336502879858017 l0.29007885605096817,-1.5774303674697876 -0.23069506511092186,-3.2561656832695007 l0.739813819527626,-0.7861489802598953 -0.14315782114863396,-0.5233994871377945 l0.3476344421505928,0.33088620752096176 -0.1528478879481554,0.1322874054312706 l-0.49371305853128433,0.631260946393013 -0.5791093409061432,0.646330863237381 l-0.2178327739238739,7.6964980363845825 -0.6961841881275177,1.3091541826725006 l-0.7092192023992538,1.6551899909973145 -0.6793082505464554,1.6005071997642517 l-0.3477109223604202,10.238672494888306 -0.7214252650737762,1.659179925918579 l-0.219550970941782,6.1021387577056885 -0.6107674911618233,1.9476024806499481 l-0.33323146402835846,9.322816133499146 0.6275740265846252,1.1064274609088898 l0.09768820367753506,1.5961888432502747 0.41284579783678055,1.2421321123838425 l0.22271502763032913,1.5043197572231293 0.06102642044425011,2.321622371673584 l0.49577921628952026,1.3134105503559113 0.34334108233451843,1.0498851537704468 l0.4012150689959526,0.7604939490556717 0.3719157353043556,1.1449365317821503 l0.5152765288949013,0.9182685613632202 0.22396959364414215,-0.09745204821228981 l0.4624469578266144,-0.12247741222381592 0.34830957651138306,-0.2167048119008541 l0.4638536646962166,-0.09109809994697571 0.9490809589624405,-0.7806827872991562 l1.1473546922206879,-0.9342677146196365 0.5783083662390709,-0.6485974788665771 l1.5333521366119385,-1.8776702880859375 0.5434680357575417,-0.8032407611608505 l1.8571734428405762,-2.561136782169342 0.3679516166448593,-1.168542057275772 l1.4964425563812256,-2.5547075271606445 0.3390965983271599,-1.2293049693107605 l0.5511271208524704,-1.1460533738136292 0.31819671392440796,-1.2082110345363617 l0.38507401943206787,-1.2294047325849533 0.3005187027156353,-0.9641985595226288 l0.25421930477023125,-1.0898467153310776 0.27509039267897606,-0.8787085115909576 l0.20998535677790642,-0.904032289981842 0.34174952656030655,-1.0613549500703812 l0.17994405701756477,0.4140230268239975 -0.21305125206708908,-0.08006877265870571 l0.133455079048872,1.520058661699295 -0.3663206472992897,0.12250135652720928 l-0.3970574215054512,0.2906789816915989 -0.24436073377728462,2.392675429582596 l-0.19245756790041924,2.60825514793396 -0.5147630348801613,0.36838147789239883 l-0.07527153007686138,3.5541528463363647 0.34974832087755203,2.0833930373191833 l0.4446427524089813,2.9622334241867065 0.3690490126609802,0.5890631303191185 l0.691288560628891,-0.05875646136701107 0.5385958030819893,-0.1105692982673645 l2.0669735968112946,0.5074517801403999 0.47974295914173126,-0.615091398358345 l0.9998159110546112,-0.18628669902682304 1.3544881343841553,-0.50108652561903 l0.7779519259929657,-0.41721902787685394 1.772189736366272,-0.6370707601308823 l0.4486393555998802,-0.6655701249837875 0.8207319676876068,-0.3997476398944855 l1.5234732627868652,-1.0636892169713974 0.3428812697529793,-0.6216532364487648 l1.324787437915802,-1.1044009774923325 0.26049019768834114,-0.7283497601747513 l1.3356570899486542,-1.1379074305295944 1.0625223070383072,-1.5201622247695923 l0.6007000431418419,-0.05258433520793915 0.08002531714737415,-0.8920780569314957 l0.43401144444942474,-0.43861091136932373 0.42348913848400116,-1.4698287844657898 l0.7576487213373184,-1.3889101147651672 0.038651369977742434,-0.7573092728853226 l0.4910000041127205,-1.42173171043396 0.14142189174890518,-0.7993113249540329 l-0.3377852961421013,-0.06372570525854826 -0.5735354870557785,-0.023161110002547503 l-0.2188466116786003,-0.44796906411647797 -0.31392429023981094,-0.1717889867722988 l-0.888216495513916,-0.005471782642416656 -0.5206182599067688,0.28235649690032005 l-0.7156683504581451,-0.006773008499294519 -0.009624619851820171,0.5611706152558327 l-0.8087159693241119,-0.018698342610150576 -0.006721453391946852,0.5256159231066704 l-0.5455214530229568,-0.14979615807533264 -0.016016834415495396,0.6809931993484497 l-0.013503835070878267,0.8478008955717087 -0.5254878103733063,0.017582912696525455 l-0.008587748743593693,0.9318013489246368 -0.033354691695421934,1.0203103721141815 l-0.048326151445508,1.1363300681114197 -0.5164721235632896,0.6166328862309456 l-0.004551577439997345,1.3390837609767914 -0.513235442340374,0.5160056054592133 l0.019293315708637238,1.0322100669145584 0.02951738890260458,0.8746202290058136 l0.005833398317918181,1.137445867061615 0.5250075459480286,0.547049306333065 l0.3895166888833046,3.5013577342033386 0.7788356393575668,0.6251255422830582 l0.5272113159298897,0.6949906051158905 0.6671253591775894,0.6349330395460129 l0.3509625792503357,-0.1525199320167303 0.014075224753469229,0.7741779088973999 l0.11689200066030025,0.5152982845902443 0.7206542789936066,0.544760450720787 l0.749843567609787,0.492352657020092 0.3791419044137001,-0.49279235303401947 l0.4343075305223465,-0.4222060739994049 0.35325683653354645,-0.5250268056988716 l1.209552064538002,-0.7606378942728043 1.0113438218832016,-0.9182256460189819 l1.344572752714157,-1.1561935395002365 0.29258374124765396,-0.8191955089569092 l1.230018213391304,-1.045982763171196 0.18784038722515106,-0.7218661904335022 l1.152840256690979,-0.7105875760316849 0.06377804093062878,-0.8632657676935196 l1.1631511896848679,-1.0454754531383514 1.3879336416721344,-1.3315024971961975 l1.137419417500496,-1.1363445222377777 0.22297192364931107,-0.5016219988465309 l0.1852189563214779,-0.3893791139125824 0.9611601382493973,0.07184846792370081 l1.1937916278839111,-1.0668820142745972 1.0929671674966812,0.07118582725524902 l1.4900682866573334,-1.1044622957706451 1.7091573774814606,-0.5907894298434258 l0.6904353201389313,-0.4128245636820793 0.930347740650177,-0.13715917244553566 l0.7174884527921677,-0.4158484935760498 0.963180810213089,-0.23281432688236237 l0.8442042768001556,-0.2745901048183441 1.0343115776777267,-0.027950960211455822 l0.9204885363578796,-0.023116478696465492 0.5571160092949867,-0.021208168473094702 l-0.5367062613368034,-0.028892289847135544 -1.7831914126873016,0.001455247838748619 l-1.5885582566261292,-0.007696742541156709 -0.9600898623466492,-0.021389632020145655 l-0.9933627396821976,-0.028969249688088894 -2.5419065356254578,1.2456034868955612 l-2.3862324655056,1.6121183335781097 -0.5954621359705925,0.40019359439611435 l-2.0869019627571106,1.8086843192577362 -0.4522807151079178,0.5938395857810974 l-1.9926472008228302,2.2018763422966003 -1.3314618170261383,2.0964600145816803 l-0.0002254732680739835,1.6047824919223785 0.014164433814585209,2.041018009185791 l0.06308907642960548,1.8629822134971619 0.647163987159729,1.318206638097763 l0.8678821474313736,-0.058838208205997944 0.6598993390798569,-0.1603725180029869 l0.4981103166937828,0.6057803705334663 2.6400867104530334,0.3733760863542557 l4.006112217903137,-1.2357386946678162 0.8720425516366959,-0.7384486496448517 l0.9941454231739044,-0.4786698892712593 0.7177618145942688,-0.7145463675260544 l1.4424602687358856,-1.277986764907837 0.6015976145863533,-0.8220104873180389 l2.241470217704773,-3.2450342178344727 1.090627834200859,-2.3975972831249237 l0.596892312169075,-1.2638048827648163 0.5136208236217499,-1.5467211604118347 l1.2134216725826263,-2.7953869104385376 0.4400762543082237,-1.6372200846672058 l0.5587157607078552,-1.7762984335422516 0.5051834136247635,-1.9519372284412384 l0.408577024936676,-1.9992727041244507 0.3705139085650444,-1.959702968597412 l0.35544130951166153,-2.0270001888275146 0.44267915189266205,-2.168642580509186 l0.4460032284259796,-2.141643464565277 0.3224584460258484,-2.2980664670467377 l0.44488850980997086,-3.1632384657859802 0.7145646214485168,-2.3294030129909515 l0.18690558150410652,-2.043011486530304 0.5205652490258217,-1.6603431105613708 l0.26374727487564087,-1.0449270159006119 0.1790904998779297,-0.5966437980532646 l-0.33750586211681366,0.501134917140007 -0.3075728751718998,3.063492476940155 l-0.7141634076833725,2.921988368034363 -0.7955711334943771,1.3501536846160889 l-0.8140886574983597,1.6233448684215546 -0.9034212678670883,1.5306735038757324 l-0.7721390575170517,4.285770654678345 -0.9562119841575623,1.8876159191131592 l-0.855671688914299,2.0961953699588776 -0.9012934565544128,1.862923949956894 l-0.8415623009204865,1.8375049531459808 -0.8315044641494751,1.875322312116623 l-0.6980837881565094,6.7284369468688965 -0.8608441799879074,1.485404521226883 l0.16405528411269188,1.3326099514961243 -0.5812117084860802,1.266845166683197 l0.4090149328112602,0.8869914710521698 0.2847134508192539,1.0193835198879242 l0.5516037344932556,0.9503555297851562 -0.2663920447230339,0.9527201950550079 l0.5672811344265938,1.0445776581764221 -0.17717162147164345,0.8304585516452789 l0.6893856078386307,0.9250932186841965 0.9777405112981796,1.2346132844686508 l2.940813899040222,0.9398361295461655 0.7458493858575821,-0.06680852733552456 l1.0996848344802856,0.1685568504035473 0.8671209216117859,-0.17139406874775887 l0.9250674396753311,-0.17113488167524338 0.9881874918937683,-0.1290132850408554 l0.7853183150291443,-0.30595796182751656 2.1758225560188293,-1.1692669987678528 l0.5530860275030136,-0.5919631570577621 0.8167465776205063,-0.390968918800354 l1.8696929514408112,-1.8430159986019135 0.489330030977726,-0.7093723863363266 l1.8933044373989105,-1.9781948626041412 1.6107499599456787,-2.2719095647335052 l0.35595059394836426,-0.8967456966638565 0.38147054612636566,-0.8475085347890854 l0.31312592327594757,-0.8932121843099594 0.3524758294224739,-0.8876265585422516 l0.6711512058973312,-1.9515180587768555 0.35291094332933426,-2.027440369129181 l0.2463645488023758,-0.7537512481212616 -0.34904640167951584,-1.6645747423171997 l-1.3447412848472595,0.043790931813418865 -1.3450531661510468,0.058345491997897625 l-0.9868055582046509,0.04975660238415003 -1.088142767548561,0.678786113858223 l-1.1092567443847656,0.7819703966379166 -0.9153764694929123,0.6388474255800247 l-1.059693619608879,0.8560942858457565 0.013628287706524134,0.7150375097990036 l-0.023416762705892324,0.791831836104393 -1.1348545551300049,1.662399172782898 l-0.858512818813324,0.6925788521766663 -0.04045749083161354,1.1932098120450974 l-0.04877122584730387,1.333688646554947 -0.016742864390835166,1.4589034020900726 l-0.005048110615462065,1.731981635093689 0.025053287390619516,1.7122119665145874 l0.01962941139936447,1.8538492918014526 0.8821489661931992,0.643036887049675 l0.773112028837204,0.6537076085805893 -0.22949893027544022,0.9020019322633743 l-0.11359157040715218,0.9291747212409973 -0.23246847093105316,1.0139056295156479 l-0.09752266108989716,0.9999983012676239 -0.09188394993543625,0.9338448941707611 l-0.12013975530862808,1.051696240901947 -0.16039449721574783,1.0449901223182678 l0.10281331837177277,0.6023126468062401 0.11963270604610443,0.6867317855358124 l0.6099005416035652,0.8693589270114899 0.3370308130979538,0.49397099763154984 l0.30838441103696823,0.44000275433063507 0.4447619616985321,0.38889292627573013 l0.5129352957010269,0.1654457487165928 0.5555898323655128,0.23057788610458374 l0.6400620937347412,0.5250922217965126 0.6264997273683548,0.47531653195619583 l0.6678801029920578,-0.4057120159268379 0.5699533596634865,-0.48701759427785873 l0.7319538295269012,-0.17590953037142754 0.5230503156781197,0.29993481934070587 l0.5900480225682259,0.26458578184247017 0.6424466520547867,0.24409575387835503 l0.919148325920105,0.037721963599324226 1.0422558337450027,-0.01961644971743226 l1.1759919673204422,-0.22760288789868355 0.6867481768131256,0.22127529606223106 l0.8130683749914169,0.21847184747457504 1.0153742134571075,-0.5781775340437889 l1.0576049238443375,-0.6214774772524834 0.7245630025863647,0.1958669349551201 l0.8652554452419281,-0.7379108667373657 0.9322237968444824,-0.6685809791088104 l0.8968400210142136,-0.9977748245000839 0.8332265168428421,-0.8011195063591003 l1.053076982498169,-1.0384269803762436 1.0304560512304306,-1.3778974115848541 l0.960756242275238,-1.3618898391723633 0.9819412976503372,-1.3139121234416962 l0.02772038569673896,-0.5081633850932121 0.9850803762674332,-1.299155205488205 l0.4949133098125458,0.1345612946897745 1.1451758444309235,-1.4893028140068054 l1.3346539437770844,-1.2784083187580109 1.4040686190128326,-1.4925357699394226 l1.6532321274280548,-1.7137821018695831 1.9297069311141968,-1.9418756663799286 l0.41163425892591476,-0.6611970812082291 0.48094823956489563,-0.7635781913995743 l0.5755858868360519,-0.74546217918396 -0.6630703806877136,-0.14535928145051003 l1.3289539515972137,-1.2971214950084686 1.3876716792583466,-1.8740777671337128 l0.26004673913121223,-0.7183830440044403 0.044230734929442406,-0.8081652969121933 l-1.5653029084205627,0.04309430252760649 -1.872333139181137,0.07064803037792444 l-2.4085962772369385,0.07057392504066229 -2.615150213241577,0.037434042897075415 l-0.9012880176305771,0.8083275705575943 -0.9858923405408859,0.5841198191046715 l-0.9391126036643982,0.824233815073967 -0.9479482471942902,0.8041055500507355 l-0.9441016614437103,0.8581004291772842 -0.04271359648555517,1.0759453475475311 l-1.0112473368644714,0.6539954245090485 -0.09192720986902714,1.2337259203195572 l-0.06440743338316679,1.267353594303131 -0.0688150804489851,1.6858917474746704 l-0.046627637930214405,1.8243882060050964 -0.025821460876613855,2.051291912794113 l0.00263579364400357,2.50380277633667 0.00992907676845789,2.5165939331054688 l0.3427289053797722,0.33041205257177353 0.20343977957963943,0.5693012848496437 l0.24383606389164925,0.4768213629722595 0.0003311654654680751,3.0954918265342712 l0.45804474502801895,0.3416336700320244 0.23576993495225906,0.5450941994786263 l0.2805767208337784,0.3472467511892319 0.3586364910006523,0.23877520114183426 l0.3026643767952919,0.0932803563773632 0.37385042756795883,0.09571192786097527 l0.44536951929330826,-0.2411438524723053 0.4409739002585411,-0.1997971534729004 l0.4784907028079033,-0.13555596582591534 0.5305352434515953,-0.15744416043162346 l3.2216545939445496,-0.18983809277415276 1.208881363272667,0.08207036182284355 l3.9275002479553223,-2.18154177069664 \" 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=\"113.90405789017677\" version=\"1.1\" width=\"178.3309201330121\" 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=\"113.90405789017677\" width=\"178.3309201330121\" x=\"0\" y=\"0\"/><path d=\"M40.40873152669519,64.6168016816955 m-3.635281026363373,-0.2642315439879894 l-0.6533800065517426,0.6204355508089066 -1.4088815450668335,0.019131313310936093 l-0.5521930754184723,0.5887001752853394 -1.0421212762594223,-0.015112897381186485 l-0.9968172758817673,0.388420969247818 -1.3917817175388336,0.1757185347378254 l-1.2766171991825104,0.655447319149971 -0.8612089604139328,0.5433459207415581 l-0.5681432411074638,0.6091776862740517 -0.9341514855623245,0.5824032053351402 l-0.33869922161102295,0.9187854081392288 -0.39388377219438553,0.6012697890400887 l-0.4957948625087738,0.7500847429037094 -0.09078123606741428,0.7506503164768219 l-0.19408037886023521,0.6831614673137665 -0.3491216152906418,0.7984670996665955 l-0.09217356331646442,0.8918595314025879 -0.09907531552016735,0.816618874669075 l-0.03454475197941065,0.7630623877048492 0.1251964084804058,1.4183932542800903 l0.08280369453132153,0.6505966931581497 0.04724299069494009,0.6539522856473923 l-0.20687200129032135,1.0705281794071198 0.4164917394518852,2.0417892932891846 l0.8715476095676422,1.9155600666999817 0.25912513956427574,0.8927633613348007 l1.2112893164157867,1.881752610206604 1.3674162328243256,1.575184166431427 l1.2705345451831818,1.3093404471874237 0.7237004488706589,-0.03255600342527032 l0.8239612728357315,-0.008210984524339437 0.763474702835083,-0.25661224499344826 l0.7907600700855255,-0.30395738780498505 0.5104897916316986,-0.5252928286790848 l0.49515094608068466,-0.5398458614945412 1.7879381775856018,-1.0930748283863068 l0.5059527978301048,-1.0051114112138748 2.232830822467804,-1.8338268995285034 l0.42261920869350433,-1.4202484488487244 0.6873513013124466,-1.1498450487852097 l0.576266422867775,-1.5668405592441559 0.6103481724858284,-1.4788421988487244 l0.36437492817640305,-1.7673410475254059 0.43292712420225143,-1.5130029618740082 l0.2329546958208084,-1.7937855422496796 0.24453798308968544,-1.7118996381759644 l0.1925172284245491,-1.9551746547222137 0.17452949658036232,-1.7227749526500702 l0.2600969932973385,-1.6596601903438568 0.13782802037894726,-2.153978645801544 l0.268489234149456,-1.9645965099334717 0.02075040014460683,-4.291734993457794 l0.5793764069676399,-1.631380021572113 0.08483210578560829,-2.482423633337021 l0.6044084578752518,-1.9911682605743408 0.3181030973792076,-1.9706542789936066 l0.5274136736989021,-1.9205957651138306 0.6816600263118744,-2.9813188314437866 l1.0280794650316238,-2.044874131679535 0.8092785626649857,-2.2606010735034943 l1.008487492799759,-3.071489930152893 0.49036987125873566,-1.12347811460495 l0.6622593849897385,-2.5216367840766907 0.18427880480885506,-1.5389218926429749 l0.568891204893589,-1.6363218426704407 0.37598196417093277,-1.1272895336151123 l0.18754184246063232,-1.2275774031877518 0.29464783146977425,-0.6744690239429474 l0.1517081167548895,-0.5983169749379158 0.2126852236688137,-1.0352621227502823 l0.005991831421852112,-0.3180644288659096 -0.32095707952976227,0.7626798003911972 l-0.63276007771492,0.4956056922674179 -0.8172419667243958,0.7720848917961121 l-0.998808741569519,2.4053774774074554 -0.3764868900179863,1.613597720861435 l-0.23111801594495773,1.0642384737730026 -0.776374414563179,1.2033016234636307 l-0.7932771742343903,1.3038408756256104 -0.8468671143054962,1.2413205206394196 l-0.8804097026586533,1.2180174887180328 -0.9768293052911758,1.8120209872722626 l-0.9890332818031311,1.6735436022281647 -1.0579775273799896,1.9621694087982178 l-1.0267939418554306,1.739414632320404 -0.9513086080551147,5.056279897689819 l-1.0713381320238113,1.9330677390098572 -0.8686516433954239,6.571933627128601 l-0.07984021678566933,1.3991740345954895 -0.2529692277312279,2.060566544532776 l-0.001990963937714696,1.8555425107479095 -0.10590153746306896,1.5414071083068848 l0.029598649125546217,1.6226141154766083 0.1882275938987732,1.6452749073505402 l0.2586451731622219,1.1059793084859848 0.21482542157173157,1.2767529487609863 l0.2447223663330078,1.0831788182258606 0.212249755859375,1.009998545050621 l0.20560748875141144,0.9304732084274292 0.22166404873132706,1.0471253097057343 l0.2702178992331028,0.8047382533550262 0.2563553676009178,0.86025170981884 l1.9019189476966858,1.5374323725700378 0.09818030521273613,-0.19710514694452286 l0.618351623415947,0.2882503531873226 0.41882671415805817,-0.13867034576833248 l0.5525438860058784,-0.045461440458893776 0.9335965663194656,-0.2903861925005913 l0.9459040313959122,-0.6471133977174759 1.2793581187725067,-1.1483027040958405 l1.3303717970848083,-1.3695110380649567 1.5018296241760254,-1.7276212573051453 l1.718120276927948,-2.3828384280204773 0.6732076406478882,-1.1849375814199448 l1.52449831366539,-2.6850473880767822 0.6723394989967346,-1.2103352695703506 l1.2381785362958908,-2.757505476474762 0.7011514902114868,-0.9658033400774002 l0.45906081795692444,-1.0677506774663925 0.5444556474685669,-0.7948149740695953 l0.4172620549798012,-1.3520263135433197 0.4246050864458084,-1.119585558772087 l0.1632310077548027,-2.7695685625076294 -0.22042099386453629,0.5371933430433273 l-0.7492577284574509,0.5426250770688057 -0.6047418341040611,0.9875926375389099 l-0.6086328625679016,1.0266602784395218 -0.3828920051455498,1.0051421076059341 l-1.202569231390953,2.9223307967185974 -1.1006755381822586,3.1748852133750916 l-0.39177820086479187,2.833370864391327 -0.16661480069160461,0.9021149575710297 l0.2629120647907257,2.7144211530685425 0.17899617552757263,0.6617076694965363 l0.04576078150421381,0.792045071721077 2.0776432752609253,1.6952885687351227 l5.543684959411621,-0.44248107820749283 1.227126568555832,-0.6143558025360107 l1.4372016489505768,-0.37046682089567184 1.166491061449051,-0.7022693008184433 l2.8830882906913757,-1.222175508737564 5.817527174949646,-4.350107908248901 l1.1337737739086151,-0.9553420543670654 2.504388391971588,-1.6058564186096191 l2.986319065093994,-3.6050161719322205 0.5495838820934296,-0.8020676672458649 l0.5692825838923454,-0.9895915538072586 0.3341542184352875,-0.7069610059261322 l0.38210146129131317,-0.7983888685703278 0.20201832056045532,-0.7061788439750671 l0.26193197816610336,-0.7924121618270874 0.11203519999980927,-1.2640461325645447 l0.1522822305560112,-0.66874198615551 -2.2986461222171783,-0.041987099684774876 l-1.6316883265972137,-0.058288825675845146 -1.516077071428299,-0.041624815203249454 l-1.440104991197586,-0.07159882690757513 -0.9805493801832199,0.47478560358285904 l-1.022760346531868,0.45727111399173737 -3.68895024061203,3.0000463128089905 l-1.2496419250965118,2.0238016545772552 -1.3370874524116516,2.343459874391556 l-0.9689587354660034,2.516617774963379 -0.2429712936282158,2.2541776299476624 l0.002950769558083266,2.234547734260559 0.18281057476997375,2.1029558777809143 l0.1984560862183571,1.0213549435138702 0.18873680382966995,1.0208351165056229 l0.3223903104662895,0.8956155925989151 0.6479489803314209,0.6139129772782326 l0.34234926104545593,0.802922323346138 0.5048861727118492,0.6993872672319412 l0.8066514879465103,0.6635836511850357 0.863737165927887,0.47370266169309616 l1.2633328139781952,0.6317909061908722 1.4558887481689453,0.4732295870780945 l1.6946017742156982,0.14884641394019127 1.9274337589740753,-0.22067459300160408 l2.1709249913692474,-0.45524224638938904 1.7772176861763,-0.7029486447572708 l0.9771882742643356,-0.6086501479148865 1.4606103301048279,-0.7880808413028717 l1.474214494228363,-1.0690993815660477 1.4643137156963348,-1.2243758141994476 l1.5920357406139374,-1.3094815611839294 1.7230170965194702,-1.3569344580173492 l0.5906010419130325,-0.8431475609540939 0.619291141629219,-0.6782564520835876 l1.4506733417510986,-1.459970772266388 1.6049064695835114,-1.7582781612873077 l0.41511718183755875,-0.6727120280265808 1.3100296258926392,-1.6232706606388092 l0.31009646132588387,-0.5572976544499397 1.352885216474533,-1.446768045425415 l0.5293277651071548,-0.44134143739938736 1.4484784007072449,-0.8433352410793304 l1.734030693769455,-0.8746622502803802 0.6474927067756653,-0.47420747578144073 l0.7331805676221848,-0.33969853073358536 0.8822229504585266,-0.318644717335701 l0.5062544345855713,-0.36912426352500916 -0.19769437611103058,0.06331831216812134 l-0.7185181975364685,0.05244494881480932 -1.2323461472988129,0.023610128555446863 l-0.7829083502292633,0.5258332565426826 -1.0713496059179306,-0.015045235631987453 l-1.4276227355003357,-0.013113546883687377 -1.6235628724098206,-0.01644268981181085 l-0.7796669006347656,0.577625222504139 -0.8040668070316315,0.3429502621293068 l-0.9175597131252289,0.45785848051309586 -0.8650737255811691,0.3742906078696251 l-2.503809630870819,1.9246631860733032 -0.011201417073607445,0.7713382691144943 l-0.02114783739671111,0.9200721979141235 -0.044478243216872215,1.0899890214204788 l-0.6516028195619583,0.38203537464141846 -0.018755743512883782,1.5181991457939148 l-0.028524971567094326,1.8803459405899048 -0.00891058414708823,1.504807323217392 l-0.008254832937382162,1.9909805059432983 -0.012289307778701186,1.7894424498081207 l0.6265015155076981,0.007840126054361463 0.26961905881762505,0.20320363342761993 l0.31220128759741783,0.1456888858228922 0.48188410699367523,0.6769560277462006 l1.0257650911808014,3.1397807598114014 0.7000675052404404,-0.4048148915171623 l0.541202649474144,-0.0846184603869915 0.5040542408823967,-0.3204823285341263 l0.44828519225120544,-0.32725758850574493 0.23394441232085228,-0.1746123656630516 l0.5563338473439217,-0.7170257717370987 0.34466955810785294,0.40231622755527496 l0.5831632018089294,-0.7132155448198318 0.5460863560438156,0.06271506659686565 l0.7264544814825058,-0.8713889122009277 0.7312969118356705,-0.041595897637307644 l0.34354496747255325,-0.6101706624031067 0.4348311945796013,-0.4181982949376106 l0.8197437971830368,-0.12284129858016968 0.30757222324609756,-0.5537250638008118 l1.1033069342374802,-0.021769930608570576 3.1917276978492737,-2.2268176078796387 l0.19139697775244713,-0.7007251679897308 0.6132436171174049,-0.5923358723521233 l1.3883747160434723,-0.9182944148778915 1.524902731180191,-1.3123543560504913 l0.3122577629983425,-0.7810679078102112 1.5514127910137177,-1.3631175458431244 l0.177121814340353,-0.837109163403511 1.2058312445878983,-1.5074865520000458 l0.21978678181767464,-1.0704902559518814 0.36582186818122864,-0.7352719455957413 l0.2544511668384075,-0.9433196485042572 1.1089631915092468,-2.147718071937561 l0.9177221357822418,-2.584594190120697 1.0849334299564362,-2.378556877374649 l0.8641665428876877,-2.7881240844726562 0.9321151673793793,-2.5321388244628906 l0.3388533741235733,-1.1485771089792252 0.5309303849935532,-1.286623775959015 l0.5864992737770081,-2.3036542534828186 0.4068112373352051,-0.7471619546413422 l0.3447522968053818,-1.3817493617534637 0.5912605300545692,-1.413383036851883 l0.054122176952660084,-1.237715482711792 0.23976949974894524,-0.9418434649705887 l0.052652149461209774,-0.529790110886097 -0.08338040672242641,-0.5941116064786911 l-0.2711040526628494,0.0046514562563970685 -0.48007749021053314,-0.025471278931945562 l-0.46748265624046326,0.3396568074822426 -0.9136023372411728,1.5224465727806091 l-1.1319347470998764,1.8909429013729095 0.08347058668732643,0.6010905653238297 l0.07344793062657118,0.6223511695861816 -0.6372940540313721,0.586974173784256 l-0.5181961506605148,1.2240824848413467 -0.7173246890306473,0.9006772935390472 l-0.6830958276987076,0.9334573894739151 -0.7454407215118408,1.0617220401763916 l-0.0005466112997964956,0.7770181447267532 -0.6994540244340897,0.9269906580448151 l-0.7174839079380035,0.9501777589321136 -0.760483592748642,1.1107411980628967 l-0.7701768726110458,1.0012750327587128 -0.886160284280777,1.1553503572940826 l-0.9338854253292084,1.1549463123083115 -1.1720115691423416,7.648365497589111 l0.016661828849464655,0.8887507021427155 -0.7372645288705826,1.0325169563293457 l-0.7753370702266693,1.0350671410560608 -0.2820783667266369,1.334443837404251 l-0.24847710505127907,1.3346071541309357 -0.3082670830190182,1.281568706035614 l-0.2974191680550575,1.304527372121811 -0.2450777031481266,1.3598676025867462 l-0.06796127185225487,1.003042459487915 -0.12058664113283157,1.3562113046646118 l-0.00946133048273623,1.2185057997703552 0.1270985510200262,0.9346199035644531 l0.14472967945039272,1.081990897655487 0.3772425279021263,0.7597453892230988 l0.3466445580124855,0.7498591393232346 0.42599648237228394,0.6971830874681473 l0.6467293202877045,0.5062974989414215 0.5105593055486679,0.41776739060878754 l0.5604291707277298,0.4354420304298401 0.7500749081373215,0.2610653266310692 l0.6756506860256195,0.18580729141831398 3.377407193183899,-0.5735431984066963 l1.9040985405445099,-0.8465583622455597 0.46364717185497284,-0.395343080163002 l2.8709346055984497,-1.8960672616958618 0.2519281767308712,-0.7176795601844788 l0.5015620589256287,-0.3981182351708412 1.567588895559311,-1.6359089314937592 l1.6453996300697327,-1.6871805489063263 0.09802510030567646,-0.6168442964553833 l0.16143539920449257,-0.4812336713075638 1.2235164642333984,-2.3081427812576294 l0.13826314359903336,-0.44873878359794617 0.010294847888872027,-0.7054070383310318 l0.16883958131074905,-0.6403786689043045 0.13860884122550488,-0.6919093430042267 l0.6306816637516022,-2.168722301721573 0.6770630180835724,-1.5215231478214264 l1.0136133432388306,-1.7746862769126892 1.1023242771625519,-1.813080608844757 l0.19884036853909492,-0.6796661019325256 -1.2013307958841324,0.0002524123374314513 l-0.6547251343727112,0.02633975585922599 -0.7665915787220001,0.013200291432440281 l-1.0670547187328339,-0.05977843888103962 -1.5868979692459106,0.5504453182220459 l-1.1661747843027115,-0.04555347841233015 0.03965543117374182,0.5607199668884277 l0.026805060915648937,0.5150101333856583 0.01414427300915122,0.5777348577976227 l0.005294291186146438,0.7002292573451996 0.007321515586227179,0.8879160135984421 l-0.0075807684333994985,0.8028542995452881 0.012453802628442645,0.9907291829586029 l-0.005620316951535642,1.323915421962738 0.0008146190521074459,1.8382276594638824 l0.028762631118297577,1.8697988986968994 0.016499963821843266,1.712486445903778 l0.17598139122128487,0.5996733158826828 0.029406973626464605,0.6788793951272964 l0.09534706361591816,0.5024020373821259 0.6051875278353691,0.6305678933858871 l-0.12741894461214542,0.5208501219749451 0.07528153248131275,0.5413086712360382 l0.04278145730495453,0.4431594908237457 0.07123371120542288,0.6973550468683243 l0.10705968365073204,0.4618972912430763 0.1368678081780672,0.24972451850771904 l0.12524353340268135,0.435573048889637 0.29710786417126656,0.30240390449762344 l0.31584177166223526,0.006431170622818172 0.46662282198667526,-0.031101845670491457 l0.3738148510456085,-0.05439487751573324 2.8459572792053223,-1.1565206944942474 l0.5637042969465256,-0.7999391853809357 1.5107323229312897,-0.44049859046936035 l1.319122463464737,-0.5086126178503036 1.5251138806343079,-0.45446883887052536 l1.2733781337738037,-0.6947619467973709 0.9265032410621643,-0.6275926530361176 l1.4729928970336914,-0.7498535513877869 0.01998548163101077,-0.685056522488594 l1.0149789601564407,-0.4539266973733902 0.8897434920072556,-0.9200157225131989 l1.2241418659687042,-0.6504382193088531 1.1225420236587524,-0.772024542093277 l1.3048413395881653,-0.7978258281946182 0.9903892874717712,-0.8567290753126144 l1.1762689799070358,-0.9857562929391861 1.2758971750736237,-1.0990114510059357 l1.1558176577091217,-1.2890271842479706 0.04322487395256758,-0.24883203208446503 l1.2330368906259537,-1.1493302881717682 -0.0002512438004487194,-0.30747126787900925 l1.1629437655210495,-0.8844147622585297 0.8430695533752441,-1.0079565644264221 l1.4306272566318512,-0.9617531299591064 1.3457481563091278,-1.3402797281742096 l0.5227096006274223,-0.05922914948314428 0.6463989615440369,0.09641998447477818 l-0.05165650509297848,0.10809491388499737 \" 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=\"108.56894696131349\" version=\"1.1\" width=\"165.64039816817967\" 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=\"108.56894696131349\" width=\"165.64039816817967\" x=\"0\" y=\"0\"/><path d=\"M43.0301107885316,62.856549955904484 m-3.3622705936431885,-0.6793142855167389 l-0.8730844408273697,0.5159173905849457 -1.387132853269577,0.1056345272809267 l-0.906015932559967,0.4102182015776634 -1.1276314407587051,0.18795663490891457 l-1.2797021865844727,0.297001376748085 -1.218816339969635,0.7546679675579071 l-1.1059325188398361,0.7067612558603287 -1.1477580666542053,0.642472505569458 l-1.0363168269395828,0.7036296278238297 -0.7761383801698685,0.621706061065197 l-0.8736258745193481,0.7916263490915298 -0.42836960405111313,0.7571492344141006 l-0.6231669336557388,0.9311041235923767 -0.5817782878875732,1.0659531503915787 l-0.21665049716830254,0.933164432644844 -0.1619730331003666,0.9240400046110153 l-0.4334624111652374,0.8833564817905426 -0.09557208977639675,0.82600437104702 l-0.133703900501132,1.6193439066410065 -0.061485753394663334,0.8656973391771317 l-0.19952282309532166,0.7866145670413971 0.2735678665339947,0.6608098745346069 l0.5850764736533165,1.6634529829025269 0.877230316400528,1.6032518446445465 l0.7905785739421844,-0.14882669784128666 1.1196190118789673,1.2639352679252625 l1.4474539458751678,1.0190685093402863 0.8606084436178207,-0.260996762663126 l0.9411168843507767,-0.29326513409614563 1.679815948009491,0.03102914895862341 l1.8487241864204407,-0.43015625327825546 1.9318071007728577,-0.9423431009054184 l0.6899302452802658,-0.7714851945638657 0.8583146333694458,-0.7158464193344116 l0.521327443420887,-0.7865679264068604 0.7950860261917114,-0.8844118565320969 l1.7323297262191772,-2.010158896446228 0.514703169465065,-1.1906841397285461 l0.4593317583203316,-1.2611277401447296 0.5137146264314651,-1.37415811419487 l0.3014170937240124,-1.504185050725937 1.4008288085460663,-3.0632853507995605 l0.16803622245788574,-1.3436099886894226 0.4242692142724991,-1.4191880822181702 l0.2846946567296982,-1.5828721225261688 0.2595347724854946,-1.4471492171287537 l0.182979516685009,-3.4412825107574463 0.6813661009073257,-1.2200579047203064 l0.2842015027999878,-2.067210227251053 0.7691875100135803,-1.7655478417873383 l0.3853808343410492,-1.5626630187034607 0.8537031710147858,-1.7197757959365845 l0.47973133623600006,-1.4851465821266174 0.6612851470708847,-2.0006199181079865 l0.9425092488527298,-2.713578939437866 0.4890623316168785,-1.3926754891872406 l0.379704013466835,-1.487104594707489 0.7739667594432831,-1.7754597961902618 l0.6258317828178406,-1.4023274183273315 0.7734480500221252,-1.5492649376392365 l0.7382597029209137,-1.619119644165039 0.6296095252037048,-1.6059046983718872 l0.4911438003182411,-1.4449803531169891 0.4829076677560806,-1.4516593515872955 l0.40463950484991074,-1.1302351206541061 0.40227264165878296,-1.3734813034534454 l0.25144968181848526,-1.3973234593868256 0.4224896803498268,-0.8679430931806564 l0.03450852585956454,-0.6027960032224655 -0.0046864652540534735,0.006299060769379139 l-0.016544988611713052,-0.24862581863999367 -0.016279580304399133,0.23436948657035828 l-0.6995992362499237,0.2393050119280815 -0.7889124006032944,0.6111375987529755 l-0.7540412992238998,0.6820431351661682 -0.8470547944307327,1.0844732075929642 l-0.7872288674116135,0.5509918555617332 -1.548408716917038,7.527061104774475 l-0.9312589466571808,1.0628201067447662 -1.1116988211870193,4.7099769115448 l-0.9584745019674301,1.4866958558559418 -1.0290410369634628,1.9051581621170044 l-1.0433940589427948,1.6387945413589478 -1.337565928697586,4.917931258678436 l-1.0664460062980652,1.7039711773395538 -1.0511334240436554,8.353230953216553 l-1.012217327952385,1.5553538501262665 -0.2473795786499977,1.7386873066425323 l-0.02002360299229622,1.182529404759407 -0.029133630450814962,1.401294767856598 l0.13741258531808853,0.9088313579559326 0.08097551763057709,1.0590492188930511 l0.03731002798303962,1.3587509095668793 0.19709547981619835,0.8628053218126297 l0.08884365670382977,0.9424562752246857 0.12611258774995804,0.9530928730964661 l0.10757484473288059,0.9618585556745529 0.2193973772227764,0.825522243976593 l0.1862717606127262,0.8051100373268127 0.23796528577804565,0.8311456441879272 l0.6320314109325409,0.8178354054689407 2.84305602312088,0.5754765495657921 l0.43663594871759415,-0.4229641705751419 1.9580303132534027,-0.34371204674243927 l0.6221773102879524,-0.4227709397673607 0.8037002384662628,-0.34831706434488297 l1.4316560328006744,-1.286671757698059 0.804751068353653,-0.7419736683368683 l1.5473030507564545,-1.890150010585785 0.6911361217498779,-0.7911936193704605 l0.7617880403995514,-0.9659125655889511 1.3679635524749756,-2.3426806926727295 l1.3344384729862213,-2.3600557446479797 0.5055144429206848,-1.0905671864748 l1.5528000891208649,-2.768051326274872 0.35211198031902313,-0.8642822504043579 l0.7760237902402878,-1.705610454082489 0.5703384801745415,-0.5874264985322952 l0.1924060843884945,-1.2843571603298187 0.27926281094551086,-0.5027848854660988 l-0.2645827457308769,-0.1558117289096117 -0.4360199347138405,0.7606581598520279 l-0.5702539533376694,0.7331458479166031 -0.44697489589452744,0.8499128371477127 l-1.1210820078849792,1.7757698893547058 -0.5132852867245674,0.961158275604248 l-0.5879687517881393,0.7454133778810501 -0.5513487383723259,0.7171677798032761 l-1.1224845051765442,2.8021451830863953 -0.6664992868900299,0.8654818683862686 l-0.7730580121278763,2.788643538951874 -0.0772185530513525,2.090001553297043 l0.30842289328575134,2.084522247314453 1.6321152448654175,2.2662773728370667 l0.0962912105023861,0.6800844520330429 0.6096481159329414,0.6543280929327011 l1.9296690821647644,0.41458912193775177 1.19577556848526,-0.16549181193113327 l2.5130099058151245,-0.29719045385718346 1.2087257206439972,-0.37409011274576187 l1.2887729704380035,-0.2616998553276062 1.1643297225236893,-0.32978516072034836 l1.0472918301820755,-0.448833629488945 1.8432173132896423,-0.6663760542869568 l0.7269290834665298,-0.7016026228666306 1.2587857246398926,-0.5756762623786926 l1.4501363039016724,-1.4772288501262665 1.4372120797634125,-1.2017358094453812 l2.853005528450012,-4.798158705234528 0.20220553502440453,-0.886150449514389 l0.787237361073494,-1.6233846545219421 0.6751945614814758,-1.4269445836544037 l0.3008432127535343,-1.2372071295976639 0.38709674030542374,-1.088602989912033 l0.18652115017175674,-1.0047993063926697 -0.8273237943649292,-0.04163824953138828 l0.056908768601715565,-0.7228339463472366 -1.213705763220787,-0.0018028613703791052 l-0.48719950020313263,0.07044014055281878 -0.5969435721635818,-0.09938490577042103 l-1.0809306055307388,0.008609772194176912 -1.1432508379220963,0.008245438802987337 l-0.7706067711114883,0.22818548604846 -0.8190514147281647,0.1869361847639084 l-1.397736370563507,1.5645401179790497 -0.9137850254774094,0.49450334161520004 l-0.7640163600444794,0.5503978952765465 -0.06535025779157877,0.9055942296981812 l-0.8252663910388947,0.589640662074089 -0.5499747768044472,2.3471906781196594 l-0.5088760703802109,0.7389557361602783 -0.5106177181005478,0.9987995773553848 l-0.4033944383263588,0.921543762087822 -0.35135693848133087,0.9877683967351913 l-0.1104607805609703,1.196204051375389 -0.055451784282922745,1.092030107975006 l-0.004774399858433753,1.0837434232234955 0.08464813232421875,1.131327748298645 l0.13176050037145615,1.01197749376297 0.16946455463767052,1.0118646919727325 l0.2044152095913887,1.1312590539455414 0.24798709899187088,0.8728597313165665 l0.2669443376362324,0.9730308502912521 0.3130994364619255,0.6871034204959869 l0.4115002602338791,0.5780003592371941 0.37120744585990906,0.43530385941267014 l0.3552573174238205,0.47256946563720703 0.40847048163414,0.24879634380340576 l0.6843479722738266,0.4438736289739609 0.5435899645090103,-0.08445074781775475 l0.5605170503258705,-0.19388383254408836 0.8158880472183228,0.13607880100607872 l0.9404246509075165,-0.03968005534261465 1.1536265164613724,-0.04672794137150049 l1.2734119594097137,-0.3460727259516716 1.3612709939479828,-0.4885988309979439 l0.4374181851744652,-0.5731072649359703 2.122108042240143,-2.2750216722488403 l1.4142070710659027,-0.8825343102216721 1.3462598621845245,-1.0513287037611008 l1.1199892312288284,-1.0081517696380615 0.14836261048913002,-0.7220903038978577 l1.0924098640680313,-1.2050054222345352 1.134306937456131,-1.379341036081314 l1.2321024388074875,-1.2869234383106232 0.04395273979753256,-0.5796784907579422 l1.2579506635665894,-1.4642387628555298 1.142895594239235,-1.4389517903327942 l0.22701097652316093,-0.4944898933172226 1.4400538802146912,-1.4794506132602692 l0.2670836076140404,-0.5480703338980675 0.4072337970137596,-0.40802929550409317 l1.3869062066078186,-1.0855873674154282 0.3992682322859764,-0.5243584513664246 l0.5544106662273407,-0.47271091490983963 0.38557443767786026,-0.574040599167347 l0.41930053383111954,-0.5699868872761726 1.6862492263317108,-1.0514961183071136 l0.23108448833227158,-0.6084318831562996 -0.676916092634201,-0.024698309134691954 l-0.34840721637010574,-0.0005980137211736292 -0.5568752437829971,-0.02553057624027133 l-1.6019752621650696,-0.03176867729052901 -0.5866705253720284,0.37130966782569885 l-1.039254069328308,-0.0644507585093379 -0.5682507157325745,0.4403308033943176 l-0.8541632443666458,-0.05891887005418539 -0.947766974568367,-0.0622124457731843 l-0.9279175102710724,-0.06461807992309332 0.030527813360095024,0.803227499127388 l0.03936242777854204,0.8235239237546921 -0.5709321424365044,0.2781138941645622 l-0.016202798578888178,0.8946070820093155 -0.03201856976374984,1.0143551230430603 l-0.7099999487400055,0.21283989772200584 -0.04547724034637213,1.1895834654569626 l-0.05960676819086075,1.5662167966365814 -0.07607387844473124,1.7815189063549042 l-0.07442179135978222,0.26602352038025856 -0.05483568646013737,2.0051074028015137 l-0.04116009455174208,1.7786841094493866 -0.06278301123529673,2.152518630027771 l0.5324548110365868,0.0951869785785675 -0.0215827370993793,1.648322194814682 l0.6243942677974701,-0.029030123259872198 -0.03380061825737357,0.7093755900859833 l0.46705059707164764,0.008792345179244876 0.35036738961935043,-0.03594997338950634 l0.3503512963652611,-0.17909158021211624 0.30443381518125534,-0.13878712430596352 l0.4104262590408325,-0.4223905876278877 0.17917318269610405,-0.3338029235601425 l0.36333099007606506,-0.44076673686504364 0.31704194843769073,-0.4249875247478485 l0.3871835395693779,-0.4291573166847229 0.43927304446697235,-0.5935167893767357 l0.46170614659786224,-0.46888306736946106 0.47053195536136627,0.15054515562951565 l0.6198174506425858,0.2058386616408825 0.5487597361207008,0.2678224816918373 l0.931745246052742,0.19557133316993713 1.0113414376974106,0.1406601257622242 l1.4699530601501465,0.12059575878083706 1.3683322072029114,-0.03216202137991786 l1.4761877059936523,-0.1639709807932377 1.8004702031612396,-0.1927608996629715 l1.9566725194454193,-0.553494356572628 1.96152925491333,-0.7509072124958038 l0.35931728780269623,-0.6845831125974655 1.7518863081932068,-0.6802425533533096 l0.19953660666942596,-0.8943076431751251 0.6201059743762016,-0.4400940611958504 l0.4274265840649605,-0.7816966623067856 2.683066427707672,-2.4163947999477386 l0.09929772466421127,-0.8959218114614487 0.6407438963651657,-0.5551212280988693 l2.975649833679199,-4.209632873535156 0.25678394362330437,-0.8754081279039383 l0.7248654216527939,-1.0902506113052368 1.2102226167917252,-2.724994421005249 l0.6155403703451157,-0.9736129641532898 0.6341547518968582,-1.329755187034607 l0.828157514333725,-1.3890710473060608 0.6185026094317436,-1.5460358560085297 l0.7373172789812088,-1.1952096968889236 0.6901756674051285,-1.719081699848175 l0.6893794238567352,-1.5853098034858704 0.5813797935843468,-1.3160048425197601 l0.5449968576431274,-1.415531486272812 0.581502765417099,-1.423349380493164 l0.49201972782611847,-1.5818829834461212 0.5112605914473534,-1.1000968515872955 l0.2556133270263672,-1.3776040077209473 0.43001044541597366,-0.884690135717392 l-0.01942907809279859,-0.9894443303346634 -0.23309879004955292,0.8304516971111298 l-0.2106725238263607,0.2418501302599907 -0.14588397927582264,0.6636028736829758 l-0.211581252515316,0.5091351270675659 -0.11143769137561321,0.3990815207362175 l-0.16399947926402092,0.5534037947654724 -0.17975956201553345,0.5621937662363052 l-0.6421457976102829,0.5458870530128479 -0.7851629704236984,1.1858010292053223 l-0.6695461273193359,0.7057458907365799 -0.7051929831504822,0.8936585485935211 l-0.7901827991008759,1.0117431730031967 -0.865134671330452,1.2363693118095398 l-0.8408226817846298,1.260383129119873 -0.9259280562400818,1.2706364691257477 l-0.4673277959227562,1.1812396347522736 -0.9176404029130936,1.2183376401662827 l-0.9070760756731033,1.2416449934244156 -1.3839411735534668,6.605282425880432 l-0.17538607120513916,1.1753949522972107 -0.6106680259108543,1.2242428958415985 l-0.22463196888566017,1.1848793178796768 -0.26305144652724266,1.1257176101207733 l-0.21659724414348602,1.1801961809396744 -0.06270541809499264,1.1249453574419022 l-0.03990301862359047,1.1730291694402695 -0.03996734041720629,1.055283546447754 l0.11180332861840725,0.8755470812320709 0.05320632364600897,0.9033702313899994 l0.22026468068361282,0.6802324950695038 0.13245721347630024,0.8824781328439713 l0.2721739746630192,0.6869732588529587 0.34974057227373123,0.44453442096710205 l0.24314997717738152,0.40026236325502396 0.39727557450532913,0.6561847031116486 l0.4994802922010422,0.47853950411081314 0.42341481894254684,0.4496217146515846 l0.4690207913517952,0.2644720487296581 0.5138959735631943,0.3404155746102333 l0.5514442175626755,0.24340007454156876 0.5055658891797066,0.18784129992127419 l1.5561774373054504,0.5233598873019218 2.5471284985542297,-0.07453628815710545 l3.505229353904724,-1.075737252831459 0.48197604715824127,-0.5680473521351814 l2.4065908789634705,-0.4885120317339897 0.49422796815633774,-0.5914196744561195 l0.8569538593292236,-0.20466817542910576 0.5315498262643814,-0.44866129755973816 l0.5238303169608116,-0.2916410006582737 0.530160441994667,-0.2576783858239651 l0.2872389927506447,-0.35423383116722107 0.3801039978861809,-0.2939245477318764 l2.0540937781333923,-3.019474446773529 0.2218189649283886,-0.4763142764568329 l1.2338568270206451,-2.972242832183838 0.2194536104798317,-0.4870104417204857 l0.18659157678484917,-0.6925893574953079 0.049412730149924755,-2.8123778104782104 l0.07275347597897053,-0.6343512982130051 -0.12898262590169907,-0.9804540872573853 l0.06386225111782551,-0.9743835777044296 0.05315273068845272,-1.0222680121660233 l-0.5739597603678703,-3.0464667081832886 0.28212347999215126,-1.9934867322444916 l-0.027200428303331137,-2.5682687759399414 0.4477844759821892,-1.0709889233112335 l0.2854049764573574,-1.2386015802621841 0.26623381301760674,-1.9418330490589142 l0.34699853509664536,-1.6207554936408997 0.3056665323674679,-2.0728175342082977 l0.4186868295073509,-1.5068508684635162 0.10541477240622044,0.5289327725768089 l0.1933726668357849,-1.1196298897266388 0.5686759203672409,-0.597541369497776 l-0.04168624524027109,-0.3339492902159691 0.05465957801789045,-0.182183887809515 l-0.13194428756833076,0.04520848859101534 0.0663617393001914,0.09047928266227245 l-0.6515458971261978,0.1890145242214203 -0.7150859385728836,0.419410802423954 l0.057099731639027596,1.366058737039566 -0.8712984621524811,0.7596250623464584 l-0.027006473392248154,1.4446759223937988 -0.9715279936790466,1.0001228749752045 l-0.1067602913826704,1.324254423379898 -0.9855388849973679,1.1988431215286255 l-0.9898243844509125,6.638643741607666 -1.1531634628772736,1.2004953622817993 l-0.15489940531551838,1.6047166287899017 -0.030335790943354368,0.4498455673456192 l-0.36750271916389465,0.6888119131326675 -0.6099387258291245,0.9962794184684753 l-0.22118465974926949,1.3433906435966492 -0.11640646494925022,0.7905634492635727 l-0.10361280292272568,0.6994259357452393 \" 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=\"109.59886491764337\" version=\"1.1\" width=\"177.1760716145218\" 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=\"109.59886491764337\" width=\"177.1760716145218\" x=\"0\" y=\"0\"/><path d=\"M44.73335161805153,60.13559781946242 m-3.6976563930511475,-0.8350464701652527 l-0.6186475977301598,0.6256628036499023 -1.730176955461502,0.06778101436793804 l-0.77253557741642,0.5110853165388107 -1.467120498418808,0.0855373777449131 l-1.2746857106685638,0.3486327826976776 -0.9504912048578262,0.4047183692455292 l-1.0393673926591873,0.4937921091914177 -1.0347431153059006,0.49584053456783295 l-1.0547730326652527,0.5715027824044228 -1.1762629449367523,0.8436353504657745 l-0.8459345251321793,0.8583587408065796 -1.3022910058498383,1.5681453049182892 l-0.6348830461502075,1.0144107043743134 -0.6003563851118088,0.9607558697462082 l-0.39167359471321106,1.132194921374321 -0.36955133080482483,0.9416946768760681 l-0.34643180668354034,0.8857257664203644 -0.05542075261473656,0.9867799282073975 l-0.18940530717372894,0.8767960220575333 -0.18094344064593315,0.8715736865997314 l0.31157149001955986,1.6794994473457336 0.7436943054199219,1.728174090385437 l1.117589920759201,1.5788333117961884 1.1713708937168121,1.4860343933105469 l1.4610905945301056,1.57338947057724 0.6766074150800705,-0.30988166108727455 l1.61529541015625,1.1883354932069778 0.5131222307682037,0.36928586661815643 l1.7839834094047546,0.5528848618268967 0.8425550907850266,-0.4573787748813629 l1.0285364091396332,-0.24002332240343094 1.789075881242752,-1.091378629207611 l1.987413913011551,-1.4878931641578674 0.5758044123649597,-0.8899938315153122 l0.6538565456867218,-0.8492714166641235 1.7290924489498138,-1.7951825261116028 l0.24980876594781876,-1.3656885921955109 0.5380119383335114,-1.1952274292707443 l0.5197096988558769,-1.4332516491413116 0.35075947642326355,-1.6019387543201447 l1.3250021636486053,-3.3453521132469177 0.10829424485564232,-1.8334178626537323 l0.4117712378501892,-1.4404754340648651 0.06951998453587294,-1.7307791113853455 l0.36860011518001556,-1.361905187368393 0.14070523902773857,-4.149764776229858 l-0.017642417224124074,-3.3512109518051147 0.5904543772339821,-1.8053145706653595 l0.22726459428668022,-2.1027740836143494 0.704711377620697,-1.6225938498973846 l0.40852420032024384,-1.932281106710434 0.686861127614975,-1.837248057126999 l0.5680658295750618,-3.0539456009864807 0.6544925272464752,-1.7831948399543762 l0.5140199884772301,-1.7919310927391052 0.8348691463470459,-1.8766261637210846 l0.4753752797842026,-1.6911913454532623 0.3407594561576843,-1.5092386305332184 l0.5524644255638123,-2.1207450330257416 0.34164927899837494,-1.1437604576349258 l0.36044836044311523,-1.1152703315019608 0.37676867097616196,-1.269441545009613 l0.31315747648477554,-0.7237336039543152 0.3081728331744671,-1.216043308377266 l0.23251431062817574,-0.47626353800296783 -0.7767462730407715,1.743365228176117 l-0.08194616064429283,0.4180862382054329 -0.3098154254257679,1.0656000673770905 l-0.11486279778182507,0.3199479356408119 -0.5965447053313255,0.6887613981962204 l-0.8087871968746185,2.8276580572128296 -0.7560659945011139,1.1213169991970062 l-1.0155344009399414,4.610731601715088 -0.8728049695491791,1.4775286614894867 l-0.20465413108468056,1.7880339920520782 -0.8258461952209473,1.6320952773094177 l-0.8359277993440628,4.908733367919922 -1.1188296973705292,4.202901124954224 l-0.885387659072876,1.848732829093933 -0.28770770877599716,1.6308899223804474 l-0.2830173261463642,1.570664495229721 -0.41738126426935196,9.157134294509888 l0.43536219745874405,0.9548459947109222 -0.17457770183682442,1.0787849128246307 l0.12476875446736813,0.9604465961456299 0.0354590080678463,1.1471019685268402 l0.1458154246211052,1.0330785810947418 0.11578693054616451,1.112348809838295 l0.006836412940174341,1.05040043592453 -0.02975625917315483,1.1659250408411026 l-0.02020548563450575,1.0415378957986832 0.003506489156279713,0.7808127999305725 l0.001788887893781066,0.8532250672578812 0.08240964263677597,0.8183436095714569 l0.10475832037627697,0.6722983717918396 0.4537925124168396,0.4008278250694275 l0.442158579826355,0.2631373889744282 0.730365589261055,0.36832287907600403 l0.5172288045287132,0.14167489483952522 0.509922169148922,0.15551733784377575 l0.6326832622289658,-0.08912784047424793 1.2436498701572418,-0.6788936257362366 l1.3878586888313293,-1.1401048302650452 0.6469592452049255,-0.6670583039522171 l0.8354008942842484,-0.7174971699714661 1.372179538011551,-1.985185444355011 l1.478160321712494,-2.299174666404724 0.6102338060736656,-1.2163502722978592 l1.5626129508018494,-2.7858510613441467 0.550067126750946,-1.1351865530014038 l0.4376967251300812,-1.0361335426568985 0.5761139467358589,-0.8687854558229446 l0.2697457931935787,-0.8457989990711212 0.8000463247299194,-1.5492552518844604 l0.22258233278989792,-0.7849185913801193 0.1486294250935316,-0.8657531440258026 l-0.18654059618711472,0.2433769404888153 -0.5827780440449715,0.7662735134363174 l-0.4632062464952469,0.7927916198968887 -0.7449266314506531,1.6822580993175507 l-0.5707886070013046,0.48120222985744476 -0.35306502133607864,0.9572848677635193 l-0.48688188195228577,0.5002760514616966 -1.7102286219596863,6.032975912094116 l0.015414260560646653,2.608535587787628 0.04388604313135147,2.6333072781562805 l1.0229304432868958,1.638738065958023 0.9690236300230026,0.3397417813539505 l0.4984546825289726,0.3361321985721588 1.0655758529901505,-0.08701898157596588 l1.038837879896164,-0.22624269127845764 2.3238903284072876,-0.1989559270441532 l0.9503897279500961,-0.5639635771512985 1.1514466255903244,-0.24045458063483238 l2.2730140388011932,-0.8871281892061234 0.9374508261680603,-0.6577177345752716 l0.9445333480834961,-0.39239760488271713 0.8571439981460571,-0.5923978984355927 l1.699196696281433,-0.8974964916706085 0.5254162102937698,-0.8818275481462479 l1.6272687911987305,-0.8746958523988724 1.3853728771209717,-1.5486983954906464 l0.44507093727588654,-0.8091682195663452 0.32436471432447433,-0.8903754502534866 l0.7907075434923172,-1.4084024727344513 0.49209848046302795,-1.2217506021261215 l0.6974296271800995,-1.440589725971222 -0.004832982667721808,-0.7932781428098679 l0.272902175784111,-1.2118033319711685 0.23759763687849045,-1.2529030442237854 l-0.09047765284776688,-1.0840094834566116 -0.9286981076002121,-0.07055262103676796 l-0.21177932620048523,0.11507567949593067 -1.2271226942539215,-0.041577755473554134 l-0.8109968155622482,0.2638369984924793 -0.5514375492930412,0.2310645952820778 l-0.9469898790121078,0.41807133704423904 -0.6700397282838821,0.4487903043627739 l-0.5611604079604149,-0.17666682600975037 -0.7174230366945267,0.5453221127390862 l-0.8495715260505676,0.4398489370942116 -0.02192293992266059,0.8375953882932663 l-0.8489770442247391,1.5048009157180786 -0.039321682415902615,0.8136885613203049 l-0.8200173079967499,0.6771266460418701 -0.031239830423146486,1.1711041629314423 l-0.6476166099309921,0.507628433406353 -0.05226894747465849,1.9407007098197937 l-0.3138941526412964,0.7067246735095978 -0.39452139288187027,0.6634563207626343 l-0.34547779709100723,0.7301270961761475 0.05321550648659468,1.4291679859161377 l1.056394875049591,5.25598406791687 0.4731374979019165,0.6748798489570618 l0.4108237847685814,0.6326758116483688 0.32955821603536606,0.8518260717391968 l0.45400090515613556,0.6885640323162079 0.3870530426502228,0.5650801584124565 l0.4264191910624504,0.43766316026449203 2.088053971529007,0.1395027618855238 l0.671866238117218,-0.29097992926836014 1.0808280110359192,-0.22217191755771637 l2.4986518919467926,-1.9612602889537811 1.2275373935699463,-0.6585726141929626 l0.3573126718401909,-0.7251406461000443 0.3859853371977806,-0.6695039570331573 l1.1191649734973907,-0.9196501970291138 0.9535226970911026,-0.8976233005523682 l1.1542561650276184,-1.0621266067028046 1.2752385437488556,-0.9105754643678665 l1.6764439642429352,-1.139637529850006 1.6924363374710083,-1.2098897248506546 l1.5235914289951324,-1.1042293906211853 1.9378213584423065,-1.1708977818489075 l0.23880494758486748,-0.44588975608348846 1.3395437598228455,-0.7376811653375626 l0.25327153503894806,-0.4796801507472992 1.0851828753948212,-0.5647530034184456 l0.4058923199772835,-0.48035047948360443 1.3306982815265656,0.022077029570937157 l1.3242709636688232,-0.8877971768379211 0.916365385055542,-0.29047800227999687 l0.6089525297284126,-0.4259807989001274 0.794374942779541,-0.41146665811538696 l0.47535452991724014,-0.5653022229671478 -0.47089654952287674,0.0052277324721217155 l-0.041814674623310566,-0.02091125352308154 -0.4323916509747505,-0.015274396864697337 l0.19216151908040047,-0.020211697556078434 -1.1059629917144775,-0.015343938721343875 l-0.6449513882398605,-0.01838124473579228 -1.1494578421115875,-0.022981921210885048 l-0.6992024183273315,0.2976544573903084 -1.0227520018815994,-0.009854987729340792 l-1.2497888505458832,-0.021644739899784327 -1.1374298483133316,-0.019160258816555142 l-0.7907678931951523,0.4400014504790306 -0.7432073354721069,-0.0016440673789475113 l-2.3790889978408813,1.3056832551956177 -0.009209790732711554,0.6701391190290451 l-0.03943153657019138,0.799172893166542 -0.051683722995221615,1.2038668245077133 l-0.06214363966137171,1.1170116066932678 -0.037083292845636606,1.490435004234314 l-0.03644800977781415,1.6805006563663483 0.2113112062215805,0.07524091750383377 l-0.07161838933825493,2.394261956214905 -0.05160307511687279,2.0982640981674194 l0.44223882257938385,0.08011477999389172 0.5211810022592545,-0.02642179373651743 l-0.07520669139921665,2.522774040699005 0.7060015946626663,-0.1698669232428074 l0.33470675349235535,0.11075696907937527 0.6226363778114319,-0.33318351954221725 l1.2486280500888824,0.22554198279976845 0.38991957902908325,-0.5099739134311676 l2.019908130168915,0.025758971460163593 2.3940205574035645,-2.4652457237243652 l0.2956937812268734,-0.3994336351752281 1.033705621957779,-1.0282714664936066 l0.741078332066536,-0.7645294815301895 0.15431081876158714,-0.7714208215475082 l0.7979857921600342,-0.8577246963977814 0.22413117811083794,-0.8027158677577972 l0.2509540505707264,-0.4898066446185112 0.8612840622663498,-0.8639757335186005 l1.0636784136295319,-0.9776350110769272 0.20464394241571426,-0.7407738268375397 l1.3857345283031464,-1.0882700234651566 -0.009082105825655162,-0.9123004972934723 l1.3689729571342468,-1.434105634689331 -0.050026183016598225,-0.9486792981624603 l1.1599589139223099,-1.6301800310611725 -0.0718709547072649,-1.0903355479240417 l1.036345213651657,-1.8482916057109833 0.4868336021900177,-2.2012533247470856 l0.9597750008106232,-2.3393136262893677 0.4767000302672386,-2.5424978137016296 l1.1077935993671417,-2.548399567604065 0.765344426035881,-2.650821805000305 l0.8917684853076935,-2.4218133091926575 0.21590134128928185,-1.2585879862308502 l0.48127882182598114,-0.9381837397813797 0.6114000082015991,-1.566634327173233 l0.40487077087163925,-0.9870420396327972 0.12166161090135574,-0.6846261024475098 l0.3810427337884903,-0.8136802911758423 0.2604968659579754,-0.5039739236235619 l-0.4701900854706764,1.5439188480377197 -0.41276268661022186,0.4434829577803612 l-0.0642347801476717,0.930994302034378 -0.5951673537492752,0.24946114048361778 l-0.12987087480723858,1.0072629153728485 -0.6489579379558563,0.3626371920108795 l0.1979820430278778,1.1640134453773499 -0.6063782423734665,0.3130263090133667 l0.30214790254831314,0.8449706435203552 -0.6314786523580551,0.47030046582221985 l-0.20884495228528976,1.474190354347229 -0.734008178114891,1.1069582402706146 l-0.6176667287945747,0.9925986081361771 -0.6607381999492645,0.9678993374109268 l-0.7008367031812668,1.004103422164917 -0.7453824579715729,1.064843311905861 l-0.9159275144338608,2.879648208618164 -0.903586745262146,1.122952401638031 l-0.8254809677600861,1.119452342391014 -0.2872628904879093,1.2048832327127457 l-0.9003036469221115,0.9847063571214676 -0.9209012240171432,1.0548648983240128 l-0.35211101174354553,1.2369641661643982 -0.9882279485464096,1.045493707060814 l-0.6326364725828171,4.634082317352295 -0.8169850707054138,1.3006216287612915 l-0.21043810993433,1.2780717015266418 -0.21494552493095398,1.0305237025022507 l-0.15766210854053497,1.0564643144607544 0.02559851622208953,0.9958308935165405 l0.24915335699915886,1.0533857345581055 0.3059631213545799,0.8070938289165497 l0.2894282527267933,0.7418420165777206 0.37366364151239395,0.8277475833892822 l0.46750299632549286,0.6283673644065857 0.4581240564584732,0.5741960182785988 l0.6873279809951782,0.4352552071213722 0.6558147072792053,0.37839144468307495 l0.7509709894657135,0.36647457629442215 0.8420439809560776,0.143620353192091 l0.8544300496578217,-0.15472939237952232 0.9374488890171051,-0.049908123910427094 l0.9394644200801849,-0.20318098366260529 1.0302916169166565,-0.17286952584981918 l1.7207296192646027,-0.8813722431659698 2.2890400886535645,-1.2727314233779907 l2.2506794333457947,-1.7095743119716644 0.3190667927265167,-0.4981689155101776 l0.3393678367137909,-0.4602155089378357 1.7456169426441193,-1.6308949887752533 l0.2826465666294098,-0.4779120162129402 0.25574542582035065,-0.424065999686718 l1.2286590784788132,-1.5382079780101776 0.0693547073751688,-0.5960744619369507 l0.98468117415905,-1.5254893898963928 0.9457150101661682,-1.5826289355754852 l0.105087636038661,-0.5908773094415665 -0.04052435513585806,0.09729396551847458 l0.11105957441031933,-0.8018327504396439 0.17417136579751968,-0.6787136942148209 l0.9917202591896057,-1.4026117324829102 0.14622632414102554,-0.8042547106742859 l-0.2771827019751072,0.0019586826965678483 1.0878168046474457,-1.4377626776695251 l0.7304952293634415,-1.6942688822746277 0.32543420791625977,-0.787055715918541 l-0.3427693620324135,-0.08797523565590382 -1.3190728425979614,-0.05974237807095051 l-1.3643652200698853,-0.08306104689836502 -0.9317595511674881,-0.05957319401204586 l-1.3831427693367004,0.846174880862236 -0.843518078327179,-0.04444940946996212 l0.045790751464664936,0.5611792579293251 0.043718102388083935,0.5684246122837067 l0.0018279468349646777,0.5418959259986877 0.010539857903495431,0.6406965106725693 l-0.004699951678048819,0.8570552617311478 -0.003153682337142527,0.8268521726131439 l-0.028228561859577894,1.2180594354867935 -0.31854961067438126,0.5743297562003136 l-0.034348678309470415,1.7054367065429688 -0.010242479620501399,1.2907379865646362 l-0.014566860627382994,2.3555640876293182 0.06946122739464045,0.4384523630142212 l0.07501559797674417,0.6294098496437073 0.04719158634543419,0.4356830567121506 l-0.031074003782123327,0.6318552792072296 -0.13603114522993565,0.654330849647522 l0.0034434572444297373,0.42658913880586624 -0.03932335879653692,0.44645950198173523 l-0.05796752404421568,0.49090858548879623 -0.034657015930861235,0.44568728655576706 l0.14350898563861847,0.3644891455769539 0.07129549980163574,0.392301045358181 l0.08221874944865704,0.3034506179392338 0.3131522983312607,0.1176762767136097 l0.3129315748810768,0.13198183849453926 0.3211420401930809,0.22044062614440918 l0.4499543085694313,0.07621611002832651 0.5042393505573273,0.08039192296564579 l0.585116557776928,-0.10245737619698048 2.782188355922699,-0.9207548946142197 l1.6811543703079224,0.09853523224592209 0.8264949917793274,-0.7453042268753052 l3.5456156730651855,-1.9487294554710388 0.45453447848558426,-1.0555149614810944 l1.6428150236606598,-0.3521890565752983 0.29058778658509254,-1.0990198701620102 l1.3180778920650482,-0.4015744850039482 1.1825025826692581,-0.8358848839998245 l1.4251375198364258,-0.7229447364807129 1.6862604022026062,-0.9423251450061798 l1.7086821794509888,-0.8503366261720657 1.9286613166332245,-1.2618821859359741 l1.764042228460312,-1.132993996143341 1.7622022330760956,-1.314658373594284 l1.7859876155853271,-1.4426782727241516 1.7258374392986298,-1.6456080973148346 l0.05683189257979393,-0.3246268257498741 1.4607876539230347,-1.3423486053943634 l1.3831324875354767,-1.808747947216034 0.26530299335718155,-0.12545903213322163 l1.0880468785762787,-1.3044215738773346 \" 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=\"106.73984125256538\" version=\"1.1\" width=\"184.91594026520488\" 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.73984125256538\" width=\"184.91594026520488\" x=\"0\" y=\"0\"/><path d=\"M42.19666107557714,58.308636404108256 m-2.9412445425987244,-0.5735410377383232 l-1.8695449829101562,0.06171736400574446 -1.725587546825409,0.30233917757868767 l-0.910751074552536,0.9143131971359253 -1.3523364067077637,0.5360779911279678 l-1.1175964027643204,1.0788120329380035 -1.1048058420419693,0.7309827208518982 l-1.1599531024694443,1.1751738935709 -1.0887039452791214,0.8197692781686783 l-1.1265231668949127,1.720060110092163 -0.9603531658649445,1.8560902774333954 l-0.654696449637413,1.2856945395469666 -0.4909619688987732,1.3714253902435303 l-0.13727149926126003,1.09807588160038 -0.5563309788703918,1.9156025350093842 l0.208003930747509,1.0291554778814316 -0.16104821115732193,1.5381892025470734 l-0.0038566882722079754,1.0226427018642426 0.12414992786943913,0.866459310054779 l0.16663633286952972,0.792502760887146 -0.00885334680788219,0.7302043586969376 l0.7197141647338867,1.1480507999658585 1.338207721710205,0.9211093932390213 l1.4897260069847107,0.6757964938879013 1.8003098666667938,0.37777524441480637 l1.855611801147461,0.03672575345262885 1.0255903005599976,-0.8909779042005539 l1.1690368503332138,-0.8945538848638535 1.0158491134643555,-0.8524142950773239 l2.15508833527565,-2.158878445625305 1.8581940233707428,-2.661181092262268 l0.8523885160684586,-1.3460375368595123 0.5442744866013527,-1.7189684510231018 l1.687559187412262,-3.172464966773987 0.4093955457210541,-1.703161746263504 l0.5735117197036743,-1.6165581345558167 0.3517943248152733,-2.1559499204158783 l0.8107709139585495,-1.329413652420044 0.9420111030340195,-4.2515116930007935 l0.9092734009027481,-3.735930323600769 0.3754381835460663,-1.97037011384964 l1.5220960974693298,-6.110060811042786 0.539037249982357,-1.4436432719230652 l1.0012668371200562,-6.071649789810181 0.7891633361577988,-0.8214523643255234 l0.3419550508260727,-2.443728744983673 0.9910950809717178,-2.4006910622119904 l0.4483979195356369,-1.6174940764904022 0.6418473273515701,-0.8561278879642487 l0.41543077677488327,-1.6011734306812286 0.6381702423095703,-1.1654004454612732 l0.2097126469016075,-1.5504512190818787 0.48028308898210526,-0.19959598779678345 l-0.13754487037658691,0.21266810595989227 0.1199644897133112,0.34005265682935715 l0.0018187992100138217,0.45794766396284103 -0.04752461798489094,0.8081598579883575 l-0.29415979981422424,1.0916999727487564 -0.13439401984214783,1.250651627779007 l-0.742146447300911,1.0389213263988495 -0.938154011964798,3.8857796788215637 l-0.9963937848806381,3.9387375116348267 -0.933498814702034,1.7484329640865326 l-0.21935218945145607,2.299470603466034 -0.7461889833211899,1.4902235567569733 l-0.6080370396375656,3.7069809436798096 -1.94825679063797,5.719655156135559 l-0.6335008889436722,4.496563673019409 -0.6854617595672607,3.5841047763824463 l-0.20736701786518097,1.5257783234119415 -0.06845226045697927,3.788241744041443 l-0.12724108062684536,1.3657507300376892 -0.14859799295663834,1.589086800813675 l0.044599082320928574,1.3269180059432983 -0.10812882333993912,1.2399142235517502 l0.10828781872987747,1.0190975666046143 0.050768074579536915,1.1512476205825806 l0.9748762100934982,2.7917292714118958 0.18358521163463593,0.9847800433635712 l0.3896472230553627,0.8886296302080154 1.0334692895412445,0.8285639435052872 l0.622035413980484,0.19712574779987335 0.9879108518362045,0.15742812305688858 l1.6448602080345154,-0.8178363740444183 1.0965588688850403,-0.23719917982816696 l2.10569366812706,-1.5015888214111328 1.1109836399555206,-0.4812748357653618 l2.1093735098838806,-2.041720747947693 1.8660373985767365,-2.175512909889221 l1.10475592315197,-1.0260414332151413 0.925755575299263,-1.0895230621099472 l1.5187765657901764,-2.3450960218906403 1.829625815153122,-2.6324433088302612 l0.3603653982281685,-0.8360043913125992 0.7273682206869125,-0.9543846547603607 l0.40204498916864395,-0.9152119606733322 0.8653151243925095,-1.5978088974952698 l0.43776992708444595,-0.5050380527973175 0.3504878655076027,-0.6854861974716187 l0.45305561274290085,-0.4770968109369278 0.20086415112018585,-0.6911248713731766 l-0.09110279381275177,0.5782389640808105 -0.09619439020752907,-0.13423621654510498 l-0.29074646532535553,0.6849664449691772 -0.3113405592739582,0.56816715747118 l-0.30288539826869965,0.5559172108769417 -0.38101859390735626,0.514451265335083 l-1.099979653954506,1.1309269815683365 -0.30465954914689064,0.5507407337427139 l-1.3362444937229156,2.0630955696105957 -0.4318810999393463,0.9950083494186401 l-1.4073890447616577,2.677186131477356 -0.3754067048430443,1.1362303793430328 l-0.4485781863331795,1.101265549659729 -0.4060380160808563,2.0159514248371124 l-0.14787723310291767,1.1343511939048767 0.5200457200407982,1.4969392120838165 l0.781160444021225,0.42048294097185135 1.5289641916751862,0.44059038162231445 l1.9362632930278778,-0.17864298075437546 2.099889814853668,-0.5542688071727753 l1.1424485594034195,-0.23920049890875816 2.3850171267986298,-0.9258291870355606 l1.0964763164520264,-0.5027434602379799 1.387563794851303,-0.4348442703485489 l1.203327402472496,-0.631784200668335 2.280862331390381,-1.2725533545017242 l0.9205086529254913,-0.9109952300786972 1.1520276963710785,-0.7581931352615356 l0.8679956197738647,-0.9696758538484573 0.9030366688966751,-0.8724429458379745 l1.372818499803543,-1.4386744797229767 1.3594405353069305,-1.2371871620416641 l1.3116556406021118,-1.8465793132781982 0.38917921483516693,-0.7617803663015366 l0.3671085461974144,-0.9375643730163574 0.23066192865371704,-0.6997182220220566 l0.30161716043949127,-1.4106334745883942 0.18353112041950226,-0.7386089861392975 l0.01998670632019639,-1.191936582326889 0.14534266665577888,-0.5036694183945656 l-0.49743734300136566,-0.15108346939086914 -0.7890286296606064,-0.12316585518419743 l-0.5033966153860092,0.14262516982853413 -0.515538789331913,0.1560795959085226 l-0.5907445028424263,0.21811466664075851 -0.6845157593488693,0.25876425206661224 l-0.798996239900589,0.5193085968494415 -1.2790153920650482,1.1139538139104843 l-0.7387986779212952,0.4235249385237694 -0.8892320841550827,0.6086511537432671 l-1.0810332745313644,0.7130177319049835 -1.1877939850091934,0.8411507308483124 l-1.170886754989624,0.6960110366344452 -1.0116399079561234,0.6989480555057526 l-0.17422644421458244,1.5380507707595825 -0.15923717990517616,1.489262729883194 l-0.5750291794538498,0.6741420924663544 -0.5782492458820343,0.5069007351994514 l-0.11933884583413601,1.5421752631664276 -0.34169528633356094,0.7043495774269104 l-0.07979610003530979,0.7986888289451599 0.3928283229470253,2.3605942726135254 l-0.021411392372101545,0.5961552262306213 0.04910190589725971,0.9697305411100388 l0.28124934062361717,0.8668913692235947 0.19338034093379974,0.9642727673053741 l0.3166729584336281,0.8662162721157074 0.46518824994564056,0.7373105734586716 l0.5597008019685745,0.45743539929389954 1.2518204748630524,0.41824977844953537 l1.2908169627189636,-0.00744591117836535 1.2728251516819,-0.3573199361562729 l1.6300402581691742,-0.5788164958357811 1.714065819978714,-1.0415150225162506 l1.9028240442276,-1.4930237829685211 0.7593488693237305,-0.8552678674459457 l0.893278494477272,-0.950414165854454 2.0737558603286743,-2.051030397415161 l0.9410793334245682,-0.8581575006246567 2.3917479813098907,-2.1257074177265167 l0.9494330734014511,-0.8342691510915756 2.15727835893631,-1.7399130761623383 l1.0557813942432404,-0.487702414393425 2.2767318785190582,-1.8274106085300446 l1.172538697719574,-0.3663033992052078 0.9336580336093903,-0.4700917750597 l0.948294997215271,-0.4665723815560341 0.7913416624069214,-0.48430725932121277 l0.7235449552536011,-0.5031741037964821 0.9895941615104675,-0.3558780252933502 l0.8940655738115311,-0.3168286383152008 0.6160103902220726,-0.3979591652750969 l-1.4930270612239838,-0.003330426407046616 -0.7333926856517792,0.2040516957640648 l-1.3795940577983856,-0.028883670456707478 -0.8246489614248276,0.15171462669968605 l-0.8157704025506973,-0.04264805465936661 -0.7236794382333755,0.21899238228797913 l-0.7721468806266785,0.1787896268069744 -0.7792037725448608,0.2327672764658928 l-0.8352623134851456,0.1641707494854927 -0.8544445782899857,0.3881244733929634 l-0.9123195707798004,0.1919330470263958 -0.8677747845649719,0.40741536766290665 l-0.8756999671459198,0.4233894869685173 -0.7896457612514496,0.32905489206314087 l-0.8670222759246826,0.36152731627225876 -0.09693782776594162,0.8813213557004929 l-0.8612365275621414,0.5530791357159615 -0.5172014236450195,0.5755781382322311 l-0.07703554350882769,1.0523902624845505 -0.6308081746101379,0.6400644779205322 l-0.06329443771392107,1.6217534244060516 -0.05255850963294506,1.8662436306476593 l0.1134891714900732,0.5428460612893105 0.1547089498490095,0.3678138926625252 l0.28377484530210495,0.16158342361450195 0.13387100771069527,0.2712729200720787 l0.18631821498274803,0.17171066254377365 0.31363528221845627,0.164153091609478 l0.12600217014551163,0.19663887098431587 0.14223435893654823,1.45781010389328 l0.44634994119405746,0.12698293663561344 0.28224682435393333,0.2087215520441532 l0.201124157756567,1.105501428246498 0.4851863160729408,0.0750399474054575 l1.238856092095375,0.22757798433303833 1.3443940877914429,-0.3537866473197937 l0.8047401160001755,0.06285776384174824 0.33579450100660324,-0.30888035893440247 l2.0734594762325287,-1.0495399683713913 2.8538858890533447,-2.503201961517334 l0.31710218638181686,-0.8657782524824142 0.5030163750052452,-0.8210919797420502 l0.7214844226837158,-0.9404841065406799 1.0170179605484009,-1.506730169057846 l2.1275681257247925,-3.780149519443512 1.4127299189567566,-2.6486295461654663 l0.48313286155462265,-1.6668550670146942 0.493461973965168,-1.63530632853508 l0.49886293709278107,-1.7547453939914703 0.5531731247901917,-1.7305351793766022 l0.4717247560620308,-1.728886365890503 0.515059158205986,-1.672680675983429 l0.3963591530919075,-1.8118202686309814 0.5235401540994644,-1.6068191826343536 l0.4602566361427307,-1.5497462451457977 0.9137078374624252,-2.515031397342682 l0.4422163963317871,-1.6208618879318237 1.004059761762619,-2.1613197028636932 l1.2668661773204803,-2.6284369826316833 0.4075712710618973,-1.1353522539138794 l0.3514619916677475,-1.4168083667755127 0.3870749846100807,-0.9149249643087387 l0.2911739610135555,-0.7592564821243286 0.23361198604106903,-0.8438585698604584 l-0.447843000292778,1.2424352020025253 -1.1002624034881592,1.6234993934631348 l-0.20020490512251854,0.6595667451620102 -0.20263586193323135,0.5046634376049042 l-1.064898818731308,2.0412421226501465 -0.17350152134895325,0.8842304348945618 l-0.04315926227718592,0.6087480112910271 -0.10572126135230064,0.4945768043398857 l-0.7823583483695984,1.3151948153972626 -0.04371647723019123,0.49497202038764954 l-1.0842127352952957,1.542164385318756 -0.8350109308958054,2.465563714504242 l-0.86811862885952,1.3421782851219177 -0.8147265017032623,1.467551589012146 l-0.8205226808786392,1.4772190153598785 -0.8371520042419434,1.3782349228858948 l-1.5157252550125122,4.892884194850922 -0.17487326636910439,1.1029444634914398 l-0.3618443012237549,1.3233013451099396 -0.2284642867743969,1.1169737577438354 l-0.6257864087820053,1.0763830691576004 -0.20770585164427757,1.3026468455791473 l-0.23327570408582687,1.3360828161239624 -0.22030910477042198,1.0534487664699554 l-0.20286794751882553,1.0394130647182465 -0.11817101389169693,2.7383583784103394 l-0.5142012611031532,1.0183346271514893 0.10658716782927513,0.7595279812812805 l0.08557366207242012,0.8663759380578995 0.16524719074368477,0.7017527520656586 l0.20373960956931114,0.6452814489603043 0.2422701008617878,0.7605715095996857 l0.3811712935566902,0.4464099183678627 0.3653176873922348,0.6010520458221436 l0.48805560916662216,0.4345822334289551 0.3980011120438576,0.3294219821691513 l0.5025498196482658,0.30139854177832603 0.6256116926670074,0.21787721663713455 l2.025393098592758,0.4679012671113014 4.184011816978455,-0.5560977756977081 l2.600378692150116,-0.6553412228822708 0.5477591976523399,-0.556422509253025 l0.7230831682682037,-0.3356083109974861 0.3613201528787613,-0.47330938279628754 l3.4394991397857666,-2.1352626383304596 0.3170768544077873,-0.5851674452424049 l0.3396356850862503,-0.24703949689865112 -0.009658730705268681,-0.6655813008546829 l0.27910228818655014,-0.009768948657438159 1.019735038280487,-0.9221993386745453 l0.27288103476166725,-0.2790560759603977 0.39880234748125076,-0.31394124031066895 l0.9540639817714691,-2.9882290959358215 0.3192347288131714,-0.2750738896429539 l0.04841218702495098,-0.8636205643415451 0.20996905863285065,-0.6032554805278778 l0.11278161779046059,-0.69236621260643 0.2216864563524723,-0.6069013476371765 l0.061938208527863026,-0.7489514350891113 0.0828858744353056,-0.8957361429929733 l0.7476579397916794,-1.866219937801361 -0.4637892544269562,-2.71986722946167 l0.3417450562119484,-0.5872909724712372 -0.29771894216537476,-1.3545306026935577 l0.43166346848011017,-0.7920558005571365 0.1420273818075657,-1.1688054352998734 l0.12217978946864605,-1.7557376623153687 -1.8441878259181976,-0.060444530099630356 l-0.39334315806627274,-0.14886030927300453 -0.5962200462818146,-1.2646569311618805 l0.11862174607813358,0.5452720820903778 0.06705867126584053,0.5204276740550995 l0.07592108566313982,0.5666627734899521 0.085865817964077,0.6847183406352997 l0.03335561603307724,0.7535050064325333 0.0056068680714815855,0.7998610287904739 l-3.984474005847005e-05,0.6360621750354767 -0.026510669849812984,1.400647908449173 l-0.04179768729954958,0.9484430402517319 -0.03723855363205075,1.6383136808872223 l-0.05227177403867245,2.128336876630783 -0.0076219585025683045,1.6591176390647888 l0.47489650547504425,0.41253581643104553 -0.1841413788497448,0.7750023156404495 l-0.03234608564525843,2.324943244457245 -0.21897314116358757,0.7379914075136185 l-0.0018955669656861573,1.6248103976249695 -0.13350489549338818,0.7667526602745056 l-0.25607481598854065,0.8331584930419922 0.6721518188714981,0.8251737803220749 l-0.21235477179288864,0.738566443324089 -0.03454657969996333,0.5909593403339386 l-0.13642345555126667,0.6737978011369705 1.0232960432767868,0.827009454369545 l0.011503704590722919,0.28099261224269867 0.19622808322310448,0.561915673315525 l0.41574377566576004,0.2633718028664589 0.3958411142230034,0.5068060010671616 l0.5585240200161934,0.21833833307027817 0.6745476275682449,0.07176813203841448 l0.6658690422773361,0.08113710209727287 0.6440041959285736,0.11070793494582176 l0.894245058298111,-0.1996191404759884 0.9176869690418243,-0.34506097435951233 l0.898444801568985,-0.011678009759634733 2.2579631209373474,-1.494201272726059 l1.5973557531833649,-0.11826793663203716 1.6025833785533905,-0.6608938425779343 l2.4582821130752563,-2.327437847852707 1.380397230386734,-0.5788896977901459 l1.3029366731643677,-0.943121612071991 1.12914577126503,-0.9126520901918411 l0.030065735336393118,-0.7733111083507538 1.0447341203689575,-0.6477303802967072 l0.7703226059675217,-0.8947397768497467 1.3302604854106903,-0.8249175548553467 l0.006366366287693381,-3.8115674257278442 1.1914131045341492,-0.18905708566308022 l0.3373875096440315,-1.8462654948234558 1.4294937252998352,-0.5391031876206398 l1.1172349005937576,-1.445595920085907 1.780722588300705,-1.173533871769905 l0.1254756934940815,-0.4450630769133568 1.974349170923233,-0.9487410634756088 l0.1987525075674057,-0.4910648614168167 0.4213421791791916,-0.20537830889225006 l0.8108425885438919,0.09104902856051922 1.0401861369609833,0.054801059886813164 l0.14716899022459984,0.03560346318408847 0.5154567956924438,-0.6513800472021103 l2.6891762018203735,-1.4358067512512207 0.16036028042435646,-0.8733224868774414 l-1.0166587680578232,-0.03520993748679757 0.8952833712100983,-0.01271305838599801 l-0.5075211450457573,-0.002376422635279596 \" 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.01700383704156\" version=\"1.1\" width=\"162.51765064458596\" 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.01700383704156\" width=\"162.51765064458596\" x=\"0\" y=\"0\"/><path d=\"M43.99857971817255,61.7495494952891 m-3.7089741230010986,-0.28344521299004555 l-1.1027581989765167,0.728871151804924 -1.3321726024150848,0.06407545413821936 l-0.7919197529554367,0.7885350286960602 -1.4156432449817657,0.02822514856234193 l-0.9121960401535034,1.1296407878398895 -1.125865876674652,0.8404258638620377 l-1.2310591340065002,0.8512135595083237 -0.7391561567783356,0.6848471611738205 l-1.239590346813202,1.7098616063594818 -3.446219563484192,4.473788738250732 l-0.4302971437573433,1.453709751367569 -0.5672012642025948,1.3916680216789246 l-0.3903600201010704,1.2121914327144623 -0.565166249871254,1.2853966653347015 l0.07148494478315115,1.034727543592453 0.8033835887908936,2.146880626678467 l0.4907505586743355,0.6752882152795792 0.568595789372921,1.2468801438808441 l1.0760007798671722,0.5679105967283249 1.2416091561317444,0.7128538191318512 l3.59677791595459,-0.6958633661270142 2.1061961352825165,-0.781751424074173 l2.622288465499878,-1.161167249083519 0.9734064340591431,-1.6463068127632141 l1.2064532190561295,-1.449265480041504 0.8806329965591431,-1.5135158598423004 l1.8888024985790253,-2.8644588589668274 1.9738101959228516,-4.546228647232056 l0.7361225038766861,-2.213725447654724 1.5267476439476013,-4.840843379497528 l1.253889799118042,-6.994974613189697 0.7355853170156479,-2.304104119539261 l0.11779835447669029,-2.388424873352051 0.7105337828397751,-4.423341155052185 l0.2836817502975464,-1.9775474071502686 0.3311759978532791,-2.085270583629608 l0.2180287428200245,-2.769671380519867 0.29827969148755074,-2.1027162671089172 l0.516216829419136,-2.386394590139389 0.39363011717796326,-1.6594766080379486 l0.4781499132514,-1.5138569474220276 0.44979751110076904,-1.5339256823062897 l0.32898496836423874,-0.5288844928145409 -0.41408054530620575,0.6153973937034607 l-0.27918634936213493,0.5542521551251411 -0.10409924201667309,0.773625522851944 l-0.009566419757902622,0.9438937902450562 -0.32053302973508835,2.7054306864738464 l-0.3747370094060898,1.458713710308075 -0.6927994638681412,3.5642948746681213 l-0.337948314845562,1.2975971400737762 -0.5395039170980453,3.7893104553222656 l-0.6798713654279709,3.1928247213363647 -0.7944183796644211,2.073850631713867 l-0.769028440117836,4.007294178009033 -0.7287070900201797,3.3151909708976746 l-0.2730211243033409,1.7512699961662292 -0.030982857570052147,4.355943202972412 l0.16403837129473686,1.0903023928403854 0.3877471759915352,3.1939661502838135 l0.47478534281253815,2.009917050600052 0.2533612959086895,1.7328505218029022 l0.530787892639637,0.9980349242687225 0.8411645889282227,1.0761183500289917 l0.3700147569179535,0.6556808948516846 0.8448641002178192,1.1759285628795624 l0.4184454306960106,-0.2746293321251869 0.9803091734647751,0.7823071628808975 l0.5394383147358894,-0.552925169467926 1.4373372495174408,-0.26595141738653183 l0.785311684012413,-0.7792124152183533 1.3342185318470001,-0.9000778943300247 l0.80559141933918,-0.6344014406204224 2.016810029745102,-2.0287352800369263 l0.8393946290016174,-0.7193002849817276 1.817600429058075,-2.0953835546970367 l0.45014236122369766,-1.0480820387601852 0.6319588422775269,-1.2710241973400116 l1.2885244190692902,-1.787809580564499 0.5246231704950333,-1.1058183014392853 l0.47291796654462814,-1.1484204232692719 0.3676995262503624,-1.0718794167041779 l0.3365342691540718,-1.0071421414613724 0.22003019228577614,-0.943918451666832 l0.2488073892891407,-0.8988711982965469 0.6377358734607697,-0.9536327421665192 l-0.08521330542862415,0.07262087427079678 -0.34983281046152115,0.5233020335435867 l-0.2896776422858238,0.9738325327634811 -0.4407244175672531,1.0442925244569778 l-0.32348211854696274,1.1052083224058151 -0.5016938224434853,0.8833101391792297 l-0.6467148661613464,2.767057716846466 -0.544167123734951,1.290576457977295 l-0.6080416962504387,1.438695341348648 -0.48876918852329254,1.2029100209474564 l-0.6210796162486076,1.6059070825576782 -0.38826651871204376,2.70916610956192 l-0.09328383021056652,1.4300845563411713 0.19734574481844902,0.9380214661359787 l1.528485268354416,1.4715704321861267 0.7937179505825043,-0.34229137003421783 l1.8170496821403503,0.0292544555850327 1.904204934835434,-0.776761844754219 l1.303858608007431,-0.6525386869907379 1.3125234842300415,-0.40579766035079956 l1.1027691513299942,-0.6353341788053513 1.3113482296466827,-0.6858691573143005 l1.0281255841255188,-0.6362979114055634 0.8794395625591278,-0.5971110984683037 l1.5354050695896149,-1.228647604584694 0.8909756690263748,-0.9884562343358994 l1.2096147239208221,-1.4890475571155548 0.7351233065128326,-0.9502153843641281 l1.1829843372106552,-1.8580108880996704 0.615769624710083,-1.2498917430639267 l0.8669764548540115,-2.391856759786606 0.056024063378572464,-1.139369085431099 l-0.1319847907871008,-1.3805080950260162 -0.24238692596554756,-2.497761994600296 l-0.8680734783411026,-1.1760534346103668 -0.3152872622013092,-0.06483279634267092 l-0.5675530061125755,-0.526442751288414 -0.12474282644689083,0.3022357076406479 l-0.37013448774814606,0.23375116288661957 -0.24530449882149696,0.5288665369153023 l-0.3743159770965576,0.19612828269600868 -0.5048944056034088,0.5385080352425575 l-0.6746889650821686,0.5063191056251526 -0.8032728731632233,0.8585136383771896 l-0.9274788200855255,0.8368344604969025 -0.8169309049844742,0.7914257794618607 l-0.9499818831682205,1.0729776322841644 -1.0031529515981674,1.2813226878643036 l-1.006956622004509,0.8536449074745178 -0.9648560732603073,1.1898402869701385 l-0.09866949170827866,1.3116778433322906 -0.9911519289016724,4.611369073390961 l0.24984879419207573,1.5163375437259674 -0.2988726831972599,1.202261596918106 l-0.06717612966895103,1.0302157700061798 0.055514187552034855,1.074148565530777 l0.04457578528672457,1.1929810047149658 0.4131123423576355,0.9097427129745483 l1.0094086825847626,1.4957605302333832 0.6653596460819244,0.7433199137449265 l0.811031311750412,0.717998668551445 0.9166426956653595,0.36482397466897964 l0.9746252000331879,-0.028407329227775335 1.0637906938791275,-0.02940275240689516 l1.0385874658823013,-0.802343413233757 1.4601238071918488,-1.0997693985700607 l1.7755869030952454,-1.913715898990631 1.2936721742153168,-1.6198165714740753 l0.7085844874382019,-1.126103401184082 1.6801299154758453,-1.8813186883926392 l0.6251672655344009,-0.9695977717638016 0.9129916876554489,-1.0612166672945023 l3.1982412934303284,-3.764025866985321 0.765799805521965,-0.7652901858091354 l0.5346175283193588,-0.8232368528842926 0.8368924260139465,-0.4864291474223137 l0.6477932631969452,-0.6888085603713989 0.7925637066364288,-0.44898077845573425 l1.4521798491477966,-0.6122990325093269 0.6771355867385864,-0.48896096646785736 l0.7393374294042587,-0.3934961184859276 1.7008112370967865,-0.1737634465098381 l-0.37935979664325714,0.07174309808760881 -0.15453518368303776,-0.0062631635228171945 l0.8561117202043533,-0.2793584018945694 0.3677891194820404,-0.45693114399909973 l0.4205065593123436,-0.3794967010617256 0.3904782608151436,-0.39585836231708527 l-1.6899652779102325,-0.024308213032782078 -0.6535385549068451,0.1567370630800724 l-1.7604874074459076,0.49348805099725723 -0.7802847027778625,0.1675783097743988 l-0.7539577782154083,0.19206557422876358 -0.6804592162370682,0.3772271052002907 l-2.258305549621582,1.494479924440384 -1.0285919159650803,0.7189760357141495 l-0.6808594614267349,0.7405310869216919 -3.41357558965683,4.385422766208649 l-0.05458354018628597,0.7013969123363495 -0.030108720529824495,1.1612718552350998 l0.058718957006931305,0.7916336506605148 0.12911781668663025,0.7008538395166397 l0.14483594335615635,0.7554543018341064 0.548408180475235,1.2951798737049103 l0.4837266728281975,0.15759844332933426 0.5817971378564835,0.2884715422987938 l0.5471588298678398,0.001368396042380482 2.281675934791565,1.3725793361663818 l1.044851690530777,0.19348707050085068 1.3097713887691498,0.31927313655614853 l1.5433073043823242,-0.0012806637096218765 1.696430891752243,-0.23778501898050308 l0.7531546801328659,-0.3032520227134228 1.6445013880729675,-0.527309738099575 l1.1764955520629883,-1.031862497329712 1.3626739382743835,-1.3329343497753143 l0.32678354531526566,-0.823276937007904 1.2061234563589096,-2.186308056116104 l0.6942688673734665,-1.8438538908958435 0.3006800264120102,-1.22268408536911 l0.33428892493247986,-1.2702089548110962 0.3085312992334366,-1.2473539263010025 l1.4541663229465485,-5.950589179992676 1.1160334944725037,-3.710525929927826 l0.38146696984767914,-2.158215045928955 1.314205676317215,-7.721056938171387 l0.3787344694137573,-1.766725778579712 0.3776680678129196,-2.2247739136219025 l0.7945676147937775,-6.6599297523498535 0.7485964149236679,-2.7521395683288574 l0.21189726889133453,-2.3953673243522644 0.3972186893224716,-1.669546216726303 l0.2726408466696739,-1.0423607379198074 0.2296784706413746,-1.4968545734882355 l0.3120851516723633,-0.15330320224165916 -0.0656119454652071,0.35094644874334335 l-0.5630802735686302,2.550760805606842 -0.381319597363472,1.3109943270683289 l-0.23411976173520088,1.4001841843128204 -0.583074614405632,2.0086514949798584 l-0.11552182026207447,1.484704464673996 -0.74563167989254,2.5523632764816284 l-0.568886287510395,1.7116418480873108 -0.7772859185934067,3.836227059364319 l-1.0668869316577911,2.8301450610160828 -0.6150596961379051,1.9433669745922089 l-0.9053974598646164,3.3392933011054993 -0.5810566246509552,1.900281310081482 l-0.5219337344169617,1.8999090790748596 -0.757928267121315,3.024895489215851 l0.0033339366200380027,1.5165422856807709 0.14218312688171864,1.5239432454109192 l-0.2832360379397869,1.3280268013477325 0.12540201656520367,1.371290534734726 l-0.3925606980919838,3.6017507314682007 0.5269461497664452,1.3495229184627533 l0.16871850937604904,1.3312174379825592 0.42883917689323425,1.167115643620491 l0.45679543167352676,1.202450841665268 0.6819428503513336,0.9985074400901794 l0.4432128369808197,1.0750288516283035 0.7365366816520691,1.1031810939311981 l1.042206883430481,0.8169408142566681 3.5053551197052,0.7427045702934265 l0.9006883203983307,-0.45704636722803116 2.280801832675934,-0.32397259026765823 l1.0606076568365097,-0.6449637562036514 1.19533471763134,-0.5100284889340401 l1.1524056643247604,-0.7415027171373367 1.1805332452058792,-0.5273129045963287 l4.058891236782074,-4.0416765213012695 3.566906452178955,-5.106191635131836 l0.8894353359937668,-1.3926862180233002 0.3603390231728554,-1.3307411968708038 l0.5768626928329468,-2.362157255411148 0.6183179467916489,-0.9343833476305008 l1.1161623895168304,-3.624139428138733 0.38275547325611115,-0.83888940513134 l-0.6266921758651733,-1.626090258359909 -0.32854877412319183,-0.08260664530098438 l-0.674450546503067,-0.0360653642565012 -0.9802834689617157,0.3345736488699913 l-0.8799389004707336,0.27705440297722816 -1.7248709499835968,0.894566997885704 l-1.0378330945968628,0.9279016405344009 -1.101313829421997,0.8162219822406769 l-1.1346674710512161,0.8786359429359436 -1.9154474139213562,2.3335136473178864 l-1.8668074905872345,2.876245379447937 -0.9919992089271545,1.1987584829330444 l-1.0293825715780258,1.4305728673934937 -1.0677583515644073,1.4315830171108246 l-0.7265216112136841,1.3460469245910645 -0.6824936717748642,1.2453773617744446 l-0.7013874500989914,1.257292479276657 -0.5322558432817459,1.1314404755830765 l-0.276333037763834,1.045144870877266 -0.27014246210455894,1.1358359456062317 l-0.08384737186133862,1.0583461076021194 0.2747640572488308,0.9118188917636871 l0.4527178779244423,1.0252448916435242 1.6162963211536407,2.4906106293201447 l1.4965645968914032,0.6364144384860992 1.633455902338028,0.44838227331638336 l2.2586598992347717,1.0288836061954498 1.403186321258545,0.05372658837586641 l1.868785172700882,0.8012687414884567 2.3434866964817047,0.44308625161647797 l3.7099650502204895,0.1120282243937254 1.068558692932129,-0.6400047987699509 l1.1870570480823517,-0.1175184827297926 0.5340992659330368,-0.7986557483673096 l0.4329080507159233,-0.7879649847745895 0.2024179883301258,-1.2273918092250824 l0.07459437008947134,-1.0082277655601501 -0.4173135757446289,-1.3258188962936401 m0.11081822216510773,-1.3830938935279846 m0.19959652796387672,-1.5217046439647675 l0.09779105894267559,-1.0547301173210144 0.16674891114234924,-0.6861177831888199 l0.0768793560564518,-0.7824341952800751 -0.4840707406401634,-1.4259305596351624 l-0.576363243162632,-1.1035270243883133 -0.7279999554157257,-1.1250770092010498 l-0.09082932025194168,-0.38073141127824783 0.005821635131724179,-0.3366335481405258 l-0.7879499346017838,-0.35815000534057617 -1.886899620294571,0.2604880928993225 l-0.8297432214021683,0.6036556512117386 -0.7941234111785889,0.7297273725271225 l-0.7965455204248428,0.8066293597221375 -0.8237432688474655,0.9590181708335876 l-0.8044689148664474,1.0990134626626968 -0.7690554112195969,1.4060252904891968 l-0.6961967796087265,1.5959912538528442 -0.6835299730300903,1.349642276763916 l-0.5172977596521378,1.3738827407360077 -0.5217248201370239,1.2862308323383331 l-0.40531449019908905,2.2026129066944122 -0.23764343932271004,1.056930124759674 l-0.1827239990234375,0.9847314655780792 -0.164552740752697,0.8467129617929459 l-0.08900665678083897,0.9489692747592926 -0.037739884573966265,0.8680698275566101 l0.20245283842086792,0.7902099192142487 0.2045859768986702,0.6447979807853699 l0.31531650573015213,0.6644473969936371 0.39194390177726746,0.4923688992857933 l1.6792941093444824,1.7193002998828888 0.7706162333488464,0.3312304615974426 l1.2673620879650116,1.6031920909881592 0.9913116693496704,0.08984061889350414 l0.8652408421039581,0.21960994228720665 1.1666983366012573,-0.0968147162348032 l1.044597253203392,-0.1785496063530445 1.044580116868019,0.6859907507896423 l1.0870333760976791,-0.4832843318581581 0.9422080963850021,-0.2908850461244583 l1.101430281996727,-0.4348241910338402 0.44815920293331146,-0.3969137370586395 l0.3400282561779022,-0.3371250629425049 0.3420390188694,0.2687937207520008 l1.9478380680084229,0.8501476049423218 1.0306772589683533,-0.5518651008605957 l0.03302218858152628,0.3403761610388756 -0.14418466947972775,-0.37087973207235336 l1.425626128911972,-0.636504516005516 0.12166333384811878,-0.5469761043787003 l0.877712219953537,-0.3932003676891327 -0.0037871423410251737,-0.8299043774604797 l-0.1755092293024063,-0.5986158177256584 0.1468597911298275,0.30218692496418953 l-0.24534037336707115,-0.6768050044775009 -0.15806326642632484,-0.48818439245224 l-1.5984246134757996,-0.8881178498268127 -2.197091430425644,-0.592367947101593 l0.11296523734927177,-0.2442585676908493 0.10634628124535084,-0.3493816405534744 l-0.5593778192996979,-0.5014550685882568 0.22365938872098923,-0.18948275595903397 l-1.1624658852815628,-1.2316612899303436 -0.48705775290727615,-0.055563123896718025 l-0.7931961864233017,-0.539209321141243 -1.589837670326233,-0.14176519587635994 l-0.8716791123151779,0.29844343662261963 -1.9247326254844666,0.8737950026988983 l-0.2591974288225174,0.2776920422911644 -0.4200765863060951,0.37349771708250046 l-1.2792083621025085,1.9735468924045563 -0.23859528824687004,0.6504961103200912 l-0.14911134727299213,1.7329281568527222 -0.43701793998479843,3.209465742111206 l0.1367577351629734,0.7827023416757584 0.11597170494496822,0.8838365972042084 l0.1967889815568924,0.8601748943328857 0.18675986677408218,0.9958358854055405 l0.19487867131829262,0.8423518389463425 0.20175883546471596,0.8825498819351196 l0.4062620922923088,0.6454633921384811 0.35293858498334885,0.6031796708703041 l0.37783995270729065,0.4451864957809448 0.362321138381958,0.6441017240285873 l0.3617812320590019,0.6615571677684784 0.5277878046035767,0.5683967843651772 l2.2195468842983246,2.276574820280075 \" 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.68657119225827\" version=\"1.1\" width=\"196.46892873421166\" 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.68657119225827\" width=\"196.46892873421166\" x=\"0\" y=\"0\"/><path d=\"M39.61847503785975,53.68866835680819 m-4.124811887741089,-0.2673814818263054 l-0.838884562253952,0.7600992918014526 -1.2191817164421082,0.06342657376080751 l-0.9581767022609711,0.8598238229751587 -1.2408962845802307,0.877753272652626 l-0.4025668650865555,1.211710050702095 -1.0625149309635162,0.6888682395219803 l-0.7951672375202179,0.9362809360027313 -0.9408696740865707,0.8003823459148407 l-0.7383819669485092,0.8230669796466827 -0.9322468936443329,1.5653130412101746 l-0.2878745459020138,0.6730674207210541 -0.5457990244030952,1.597081869840622 l0.018646054668352008,0.7678872346878052 -0.5497488006949425,1.5006767213344574 l0.09772343561053276,0.6543602794408798 0.0645504891872406,0.8299018442630768 l0.32825108617544174,0.702073872089386 0.17104003578424454,0.8313044905662537 l0.08108627051115036,0.8292380720376968 0.32980766147375107,1.3197137415409088 l0.4056836664676666,0.6835754215717316 0.9007415175437927,1.480572521686554 l2.933228015899658,0.7145226001739502 0.517839677631855,-0.7098545879125595 l1.6782085597515106,0.20824002102017403 0.5029482394456863,-1.0348007082939148 l1.3355319201946259,-0.5433360487222672 1.486632376909256,-1.5718844532966614 l1.650286614894867,-1.951921284198761 1.4210383594036102,-2.718021869659424 l2.9481545090675354,-6.521743535995483 1.3110929727554321,-4.976724982261658 l1.3238437473773956,-4.499151110649109 0.8629500865936279,-5.02357542514801 l0.9517970681190491,-4.8488423228263855 -0.012576108565554023,-2.0519134402275085 l0.820840522646904,-0.9194263815879822 -0.012675707694143057,-3.842257261276245 l0.6188376992940903,-3.1085026264190674 0.16156896948814392,-2.483563870191574 l0.5784892290830612,-1.3717032968997955 -0.29877256602048874,-0.43815605342388153 l-0.43729957193136215,0.3388528898358345 -0.5561314523220062,4.485036730766296 l-0.6844562292098999,0.7200227677822113 -0.22699344903230667,2.451696991920471 l-0.6694027781486511,1.043662205338478 -0.7240158319473267,1.496313363313675 l-0.6514357030391693,4.337469041347504 -0.6863956898450851,6.292978525161743 l-0.7777689397335052,1.634887158870697 -0.4612923413515091,3.8919177651405334 l0.3636254370212555,1.1255376785993576 -0.6227705255150795,4.889637529850006 l0.6001810356974602,1.2509626150131226 0.04366168286651373,1.1958041787147522 l0.364544615149498,2.861378788948059 -0.29320402070879936,1.1857874691486359 l0.4928649961948395,1.0402703285217285 0.45038703829050064,0.9092060476541519 l0.6302738189697266,0.49728501588106155 0.2522760070860386,1.6104541718959808 l0.2947094850242138,-0.026604612357914448 0.47587599605321884,0.028793117962777615 l0.5728974565863609,0.382797047495842 0.4289190471172333,0.23819658905267715 l0.9512694180011749,-0.06159443408250809 0.7719162106513977,-0.3981908783316612 l0.5188071727752686,-0.2747204713523388 -0.04505178891122341,-0.43514788150787354 l1.3274838030338287,-0.7207955420017242 1.1340951174497604,-1.64993017911911 l1.577303260564804,-1.3748298585414886 1.4023369550704956,-2.1830065548419952 l0.703834593296051,-0.8499208837747574 0.3872796893119812,-1.0966715961694717 l0.49052227288484573,-0.638623982667923 0.3578079119324684,-1.3062028586864471 l0.45108869671821594,-1.129218116402626 0.06126024294644594,-1.2617227435112 l0.690402090549469,-1.7680437862873077 0.24685868993401527,-0.9728485345840454 l0.34483935683965683,-0.9623909741640091 0.6461365520954132,-0.04636241588741541 l0.19290193915367126,-1.278393268585205 0.6992468982934952,0.009339582757093012 l-0.36573830991983414,-0.16189899295568466 0.8444929867982864,-0.02628477755934 l-0.4526914656162262,-0.03491438925266266 0.06634421180933714,0.7569184899330139 l-0.5239872261881828,2.2201476991176605 -0.5632724612951279,0.19070997834205627 l-0.7091246545314789,0.5996611341834068 -0.7505704462528229,3.3586451411247253 l0.13199797831475735,6.761826276779175 0.5547838285565376,1.493968516588211 l0.15534098260104656,0.9248623251914978 0.4836335778236389,0.5921303480863571 l0.2531611919403076,0.5956555902957916 4.202362596988678,1.365942507982254 l0.5071901902556419,-0.872078612446785 1.1886399239301682,-0.07155998609960079 l0.8755363523960114,-0.7407883554697037 1.6298821568489075,-0.7950439304113388 l2.028096169233322,-1.505066156387329 2.0617112517356873,-1.4868633449077606 l0.9686082601547241,-0.9525460749864578 4.067453742027283,-3.797989785671234 l0.11161738075315952,-0.881560891866684 1.6646252572536469,-1.6505162417888641 l0.11447953060269356,-0.8095553517341614 0.6069258600473404,-0.6731356680393219 l0.09494991973042488,-0.8725850284099579 0.4988587647676468,-0.6506331264972687 l0.132045466452837,-1.324235051870346 0.543886311352253,-0.9467050433158875 l-0.04150994587689638,-0.8759337663650513 0.3312980756163597,-0.629257932305336 l-0.5602557212114334,-0.02396856900304556 -1.4699666202068329,-0.0011867202556459233 l-1.473744958639145,-0.018837983952835202 -1.4133881032466888,0.5166495218873024 l-0.950777605175972,0.0005805938053526916 -1.4353971183300018,0.9631329029798508 l-0.028169495053589344,0.8983194828033447 -0.06714602466672659,1.0041862726211548 l-1.2207674980163574,5.339142084121704 -0.7577444612979889,0.5000773817300797 l0.0001819994577090256,1.5387028455734253 -0.07501575630158186,1.7768026888370514 l-0.3945459797978401,0.8742034435272217 -0.001368909579468891,1.9631627202033997 l-0.05637212656438351,1.1986637860536575 0.36528579890727997,0.6840310245752335 l0.1755787432193756,0.6947860866785049 0.4282483085989952,0.7354360818862915 l0.11417221277952194,1.0916941612958908 2.372226119041443,3.1236782670021057 l1.0299430042505264,0.778997540473938 0.9287065267562866,0.7405611872673035 l0.9960290789604187,0.738924965262413 1.4354583621025085,0.2532532066106796 l1.4415514469146729,-0.05377119407057762 0.799429789185524,-0.5197326466441154 l1.3114304840564728,-0.6124921888113022 0.48451293259859085,-0.6792360544204712 l0.4987545683979988,-0.6678368896245956 0.7593873888254166,-1.0007721185684204 l0.2486468106508255,-0.8470423519611359 0.2052760310471058,-0.8614099770784378 l0.6842849403619766,-1.275501400232315 0.48392921686172485,-1.3059981167316437 l0.7243376225233078,-1.0992132127285004 0.004962222301401198,-0.883043184876442 l0.9198056906461716,-1.22642882168293 -0.1460675708949566,-0.7932087779045105 l0.81459179520607,-2.8601372241973877 0.5870265513658524,0.02965218387544155 l0.5098341032862663,-1.4104421436786652 0.9235330671072006,-1.2770865857601166 l-0.0933415349572897,-0.6615936756134033 0.9680134803056717,-0.7922741770744324 l1.0168063640594482,-1.396067589521408 1.1081784963607788,-0.9207314997911453 l0.2262512780725956,-0.5219844728708267 0.33907413482666016,-0.4028533026576042 l1.5935875475406647,-0.9935032576322556 0.6432498246431351,-0.3875919431447983 l0.5665842816233635,-0.3114776313304901 0.0360296037979424,0.009220913052558899 l-1.034003421664238,-0.00547335424926132 -0.0720433285459876,0.7928892970085144 l-0.5250004306435585,-0.036020197439938784 -0.3066306374967098,0.6432749330997467 l-0.9081091731786728,-0.0793213676661253 -0.667898952960968,-0.0391552597284317 l-0.6758704781532288,0.4688671976327896 -0.5954644456505775,0.47176167368888855 l-0.5807864665985107,0.49089349806308746 -0.566730871796608,0.5121804401278496 l-0.051946635358035564,0.8170638233423233 -0.7339916378259659,0.46028509736061096 l-0.042630163952708244,1.0125434398651123 -0.04371092654764652,1.2597642838954926 l-0.7953550666570663,0.7177119702100754 -0.04661529790610075,1.1821801215410233 l-0.05356294568628073,1.585632711648941 -0.09136081673204899,0.17463237047195435 l-0.9802329540252686,4.211612641811371 -0.19941430538892746,1.3655966520309448 l-0.35268738865852356,0.9639490395784378 -0.0377149973064661,1.2222573906183243 l0.6593206524848938,0.0038797466550022364 1.6127383708953857,2.197549045085907 l0.8829798549413681,-0.5937531590461731 1.4594563841819763,-0.16116539016366005 l2.0992575585842133,-1.62605881690979 2.2667746245861053,-3.186601400375366 l1.358610838651657,-1.7820902168750763 0.11766300536692142,-0.8339065313339233 l0.9263797849416733,-2.1183039247989655 0.6340959668159485,-2.4899791181087494 l0.7169997692108154,-2.3548223078250885 0.23111563175916672,-1.5153756737709045 l0.5703000351786613,-3.1068450212478638 0.23381579667329788,-1.8371103703975677 l0.5616400763392448,-3.395357131958008 0.8124639838933945,-3.9893946051597595 l0.8372284471988678,-4.562370181083679 0.265228021889925,-2.0532380044460297 l0.2696962468326092,-2.341192811727524 0.1983429491519928,-1.7919662594795227 l0.4480365291237831,-3.1217557191848755 0.21895240992307663,-1.7798644304275513 l0.38403887301683426,-0.2819555997848511 0.18365606665611267,-1.5343934297561646 l0.1386995892971754,-1.3547225296497345 -0.13286849483847618,0.3690650314092636 l-0.1482640951871872,0.20854279398918152 -0.010005192598327994,1.0549470782279968 l-0.4120892658829689,1.178923323750496 -0.08780003525316715,4.27497535943985 l-0.5910589545965195,3.8452494144439697 -0.5554655194282532,1.3868293166160583 l-0.5704980716109276,1.639494150876999 -0.6409846246242523,1.616922914981842 l-0.6686604022979736,1.7489264905452728 -0.7181062549352646,1.6830925643444061 l-0.8673490583896637,6.825684309005737 -0.821811705827713,1.4507165551185608 l-0.40151048451662064,3.9076462388038635 -0.6823717802762985,1.3892383873462677 l0.23761365562677383,1.4311060309410095 0.30003417283296585,0.9934233129024506 l0.3691236302256584,1.007189303636551 0.5433910340070724,0.8713694661855698 l0.47080401331186295,0.769975334405899 0.8568760752677917,1.5114206075668335 l0.5640454217791557,0.7996797561645508 0.998963862657547,1.1108646541833878 l0.7079988718032837,0.01843063742853701 1.0945166647434235,0.25381602346897125 l1.2130924314260483,-0.00910880567971617 1.1698532104492188,-0.10636139661073685 l0.8688028156757355,-0.1553083397448063 1.3172367215156555,-0.906660407781601 l0.9697266668081284,-0.4052523896098137 0.8277935534715652,-0.4965759813785553 l1.4788271486759186,-1.515103131532669 0.9372308850288391,-0.5236570537090302 l0.6459140777587891,-0.7855792343616486 1.5445628762245178,-1.4997737109661102 l0.6319945305585861,-1.0932707041502 1.5655091404914856,-2.571265995502472 l0.35145286470651627,-1.1206363886594772 0.4484010487794876,-0.9505990892648697 l0.3613535314798355,-1.6092370450496674 0.31506676226854324,-1.4182913303375244 l0.19912056624889374,-1.7597170174121857 -0.0989593006670475,-0.24210015311837196 l-0.737759992480278,-0.0011478234955575317 -0.31945817172527313,0.09081795811653137 l0.0497287604957819,-1.8501093983650208 -1.1979064345359802,0.023452064488083124 l-1.1093531548976898,0.012447006301954389 -0.7602750509977341,0.26583870872855186 l-0.801580548286438,0.2925008162856102 -0.9439768642187119,0.6064896658062935 l-0.019621055107563734,0.5029627308249474 -0.03418522421270609,0.43347544968128204 l-0.9395346790552139,0.38452740758657455 0.010628558229655027,0.8988288044929504 l-0.10063769295811653,0.6995849311351776 -0.06877408362925053,0.7965590804815292 l-0.04845726769417524,1.0338237881660461 -0.04700157791376114,1.2456757575273514 l-0.044072805903851986,0.9581898897886276 -0.019708757754415274,1.5645205974578857 l-0.6573853641748428,0.8209802955389023 0.011928436579182744,1.2803877890110016 l0.028105303645133972,1.2033218145370483 -0.4613129049539566,1.190723404288292 l0.6434806436300278,0.7278156280517578 -0.41450679302215576,1.1860093474388123 l-0.21133419126272202,1.1128433793783188 -0.26219630613923073,1.1492088437080383 l0.5801837891340256,0.876392126083374 0.5197272822260857,0.923105776309967 l0.5910242348909378,0.9308237582445145 0.05027052015066147,0.7566432654857635 l0.11811147443950176,0.7117237150669098 0.14462345279753208,0.6497126072645187 l0.3138118237257004,0.3588329255580902 0.4573480784893036,0.12648966163396835 l0.366378054022789,0.41986458003520966 2.9155832529067993,0.11656715534627438 l1.3627564907073975,-0.08448517881333828 0.6584618985652924,0.3783053159713745 l0.8797706663608551,-0.41613660752773285 0.8354856818914413,-0.4227570444345474 l0.38525599986314774,0.23618681356310844 0.43908458203077316,0.1753847301006317 l1.1662587523460388,-0.2613639086484909 0.2583013288676739,0.25862352922558784 l1.4013871550559998,-1.639585793018341 0.4012427106499672,-0.4182121157646179 l0.2525986544787884,0.20978806540369987 0.32159842550754547,0.22074680775403976 l0.7072729617357254,-0.48732444643974304 0.48378191888332367,-0.6063822656869888 l0.3441055491566658,0.22043121978640556 0.46714216470718384,0.24448471143841743 l0.6621551513671875,-0.45100118964910507 0.7929930835962296,-0.5309483036398888 l0.8913647383451462,-0.809129923582077 0.3427637740969658,0.2192988619208336 l0.5758212134242058,-0.8926417678594589 0.8584874123334885,-0.6480665504932404 l0.026859298814088106,-0.3813862055540085 0.5648121610283852,0.15134543180465698 l0.6004943326115608,-0.7454437017440796 1.0299566388130188,-0.8746346086263657 l0.08440050296485424,-0.4529273882508278 0.971236526966095,-0.8287467062473297 l0.9472350031137466,-1.1950985342264175 0.037541280034929514,-0.6214362382888794 l0.7888961583375931,-0.9557981789112091 1.2330885231494904,-1.8244516849517822 l0.13825626112520695,-0.7994493097066879 0.19434718415141106,0.09510966017842293 l0.004628938913810998,-1.0575105994939804 0.5094097927212715,0.11656096205115318 l-0.03271614667028189,-1.2029866129159927 0.47023575752973557,-0.7522539049386978 l0.07294969633221626,-0.9816934168338776 -0.835195928812027,0.02487779362127185 l-1.9803529977798462,0.03522617043927312 -0.8171096444129944,0.12072042562067509 l0.005134522216394544,-0.7461390644311905 -1.8192096054553986,-0.06301544141024351 l0.1290588080883026,0.8134084194898605 0.1301705464720726,0.780201330780983 l-0.7564738392829895,0.2820819057524204 0.042450372129678726,0.8388672024011612 l-0.7389067858457565,0.17738964408636093 -0.6660633534193039,0.42626991868019104 l0.04773162305355072,1.0855839401483536 0.03387162461876869,1.1225851625204086 l0.014189024223014712,1.4336536824703217 -0.01491279574111104,1.5272299945354462 l0.014265902573242784,2.2753897309303284 0.02838380401954055,1.9905826449394226 l0.3071025013923645,0.26814328506588936 0.04112592898309231,2.497425228357315 l0.11540921404957771,2.0050089061260223 1.7962868511676788,2.9941239953041077 l0.6300434470176697,0.14690988697111607 0.6317814439535141,0.2118341252207756 l0.6753532588481903,0.7328296452760696 0.7732008397579193,0.8065557479858398 l0.4126770421862602,0.2064012736082077 0.4597597196698189,0.2905440703034401 l0.5687059834599495,-0.19226586446166039 0.38481805473566055,-0.06913489196449518 l0.5320464074611664,0.5385752022266388 0.5527032539248466,-0.34334760159254074 l0.9397153556346893,0.6047264114022255 0.7206188142299652,-0.5609361827373505 l2.7121052145957947,-1.518321931362152 0.5542071536183357,-0.7650574296712875 l0.9951543062925339,-0.18177013844251633 1.0114844143390656,-0.19588952884078026 l0.47637373208999634,-0.7945819944143295 1.4455772936344147,-0.17146067693829536 l0.27182530611753464,-0.8527357876300812 2.687707245349884,-2.0649775862693787 l1.3358472287654877,-0.8926086127758026 1.6370992362499237,-0.9235172718763351 l1.5198957920074463,-1.002677083015442 1.741284430027008,-1.043456494808197 l1.4957061409950256,-1.2809957563877106 1.5640737116336823,-1.4832410216331482 l3.373347520828247,-3.7406864762306213 -0.1049959845840931,-0.5656885355710983 l1.7354878783226013,-2.0388320088386536 1.675148606300354,-2.3730652034282684 l1.3582578301429749,-2.25374698638916 1.8748517334461212,-2.5600215792655945 l0.12231958098709583,-0.7724417001008987 1.820799708366394,-2.4617579579353333 l0.20874585956335068,-0.742633268237114 \" 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=\"115.47533262521029\" version=\"1.1\" width=\"184.7740402969066\" 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=\"115.47533262521029\" width=\"184.7740402969066\" x=\"0\" y=\"0\"/><path d=\"M45.368812084198,60.90757725061849 m-4.265743792057037,-0.5341828614473343 l-2.6993265748023987,-0.006275833584368229 -1.775767207145691,0.4230545833706856 l-1.3527628779411316,0.3812022879719734 -1.1371462792158127,0.7273630052804947 l-1.6378001868724823,1.300489902496338 -1.2172342836856842,0.9622890502214432 l-1.2491118162870407,0.9591858088970184 -1.3283374905586243,0.8997172862291336 l-0.868857130408287,1.1175347119569778 -0.8950837701559067,1.091831848025322 l-1.1979668587446213,2.5784072279930115 -0.09578922763466835,1.055324524641037 l-0.20508667454123497,1.2281691282987595 -0.442797914147377,2.7322879433631897 l0.4546875134110451,0.8355835825204849 0.2839419059455395,0.8012702316045761 l0.5371547862887383,0.7879162579774857 1.0688496381044388,0.5678185448050499 l1.1774679273366928,0.5464978143572807 3.3669513463974,0.054483129642903805 l1.0328330844640732,-0.9704213589429855 2.0368996262550354,-1.081109568476677 l2.2391705214977264,-2.306416779756546 1.0112614929676056,-1.5842582285404205 l2.7077755331993103,-3.3884084224700928 0.8477447926998138,-1.7633914947509766 l2.4325577914714813,-3.9058879017829895 0.5302060768008232,-1.963455080986023 l0.848005935549736,-2.1521472930908203 1.3825157284736633,-4.812049865722656 l1.3045147061347961,-3.375641107559204 -0.10813809931278229,-1.8097516894340515 l1.452457755804062,-4.646223485469818 0.7618508487939835,-4.412788152694702 l1.4033228158950806,-3.68399441242218 0.8420736342668533,-3.41788113117218 l0.5582806095480919,-2.048228830099106 0.562945045530796,-1.895958036184311 l0.30408618971705437,-1.8365544080734253 0.38262590765953064,-1.1942905932664871 l0.11510767042636871,-1.0350646078586578 0.24402311071753502,-0.6196745485067368 l0.4219551756978035,-0.2511788345873356 0.2516595460474491,-0.23001981899142265 l0.30324220657348633,-0.032749774400144815 0.13530137948691845,0.5164442583918571 l-0.8677706867456436,1.0523875802755356 -0.717429518699646,1.4654506742954254 l-0.501122735440731,1.2022119015455246 -1.1816474050283432,3.1612208485603333 l-0.42305707931518555,1.661842167377472 -0.3144403547048569,1.5890340507030487 l-0.38469452410936356,1.4317847788333893 -1.1484026908874512,3.8846203684806824 l-0.575563944876194,1.596863716840744 -0.2810744568705559,1.7840728163719177 l-0.3499004989862442,1.750858724117279 -0.48583604395389557,2.326120287179947 l-0.9143646061420441,3.3913910388946533 -0.29095690697431564,1.486569195985794 l-0.18222777172923088,1.6155330836772919 -0.4630366712808609,1.574929803609848 l-0.2580411918461323,1.6803690791130066 -0.37518829107284546,4.3954998254776 l0.2693437598645687,3.8746365904808044 0.32173771411180496,1.554676741361618 l0.41757889091968536,1.4152505993843079 0.3566605970263481,1.6022968292236328 l1.186385154724121,0.11289697140455246 0.6600479036569595,1.1756419390439987 l1.9622543454170227,-0.05035811569541693 1.6332313418388367,-0.8814941346645355 l1.515139788389206,-0.956701934337616 1.9135890901088715,-0.860612541437149 l1.6856713593006134,-1.1209380626678467 1.7508183419704437,-0.9907020628452301 l1.6231676936149597,-1.4224261045455933 1.5732386708259583,-1.4556947350502014 l1.3795238733291626,-1.680503487586975 1.2534546852111816,-1.2169745564460754 l1.1662360280752182,-1.3986440002918243 1.2025392800569534,-1.380196213722229 l1.1627976596355438,-0.7505110651254654 1.0275964438915253,-1.0537821799516678 l0.8230490237474442,-0.56899793446064 0.8364338427782059,-0.8068529516458511 l0.7837857306003571,-0.6207063049077988 -0.3193075954914093,0.4668741300702095 l-0.5721830949187279,1.0106930881738663 -0.9009791165590286,1.7438632249832153 l-0.6979856640100479,1.2535905838012695 -0.7318948209285736,1.140960454940796 l-0.6731501966714859,1.358877420425415 -0.6385855376720428,1.1797624826431274 l-1.1682836711406708,2.211209386587143 -1.5232749283313751,2.270449250936508 l-0.26354799047112465,1.4898529648780823 -0.26858868077397346,1.5097488462924957 l-0.050112707540392876,1.360185444355011 0.256701298058033,1.1044073849916458 l0.663139820098877,0.9370435029268265 1.3404019176959991,-0.31857989728450775 l1.4323286712169647,-0.2218257449567318 1.4022313058376312,-0.44383667409420013 l1.4520706236362457,-0.6086684018373489 1.5181860327720642,-0.42717911303043365 l1.3845549523830414,-0.47940824180841446 1.4698579907417297,-0.671263113617897 l2.438255548477173,-1.2744250893592834 1.2668950855731964,-0.901152491569519 l1.3613361120224,-0.8077021688222885 1.049596145749092,-1.0031767934560776 l1.0358820110559464,-1.2045017629861832 0.9486088156700134,-0.9776541590690613 l0.8059477806091309,-1.2080226093530655 0.6294264644384384,-1.1571241170167923 l0.6421680748462677,-1.6412030160427094 0.38020655512809753,-1.2065348774194717 l-0.15979070216417313,-1.514485776424408 -0.8553963154554367,-0.9983972460031509 l-0.8720599114894867,0.46544671058654785 -0.6563112139701843,0.6428135931491852 l-0.5232593044638634,0.8316806703805923 -0.5017628148198128,0.9151701629161835 l-0.3510858491063118,1.0880668461322784 -0.19794823601841927,1.0178207606077194 l-0.8102346956729889,-0.16842205077409744 -0.2657758258283138,1.2898807227611542 l-0.25753309950232506,0.9032198041677475 -0.27265820652246475,1.043107733130455 l-0.20917696878314018,1.1005395650863647 -0.2526409551501274,0.9558794647455215 l-0.7093007117509842,2.112591713666916 -0.13398603536188602,1.0648524761199951 l-0.16598712652921677,1.063016951084137 -0.2375076524913311,0.9592211246490479 l0.09467385709285736,1.6907984018325806 0.1004471629858017,0.7024610042572021 l0.9918106347322464,1.2359891831874847 0.4527021199464798,0.3990473970770836 l1.1141305416822433,-0.06276746280491352 1.2586559355258942,-0.7813040912151337 l1.3478951156139374,-1.3597410917282104 1.4774797856807709,-1.5632134675979614 l1.6064152121543884,-1.9028279185295105 1.2577873468399048,-0.8199580013751984 l1.159583255648613,-0.9478806704282761 1.2083540856838226,-0.6517021358013153 l1.259516030550003,-0.7855603843927383 1.3395899534225464,-0.5859915912151337 l1.2394807487726212,-0.6894230097532272 1.3632801175117493,-0.2126661315560341 l1.2633086740970612,-0.6329596787691116 1.4072902500629425,-0.3076004236936569 l1.368602216243744,-0.42958248406648636 1.4367352426052094,-0.3602343797683716 l1.3025543093681335,-0.5664649978280067 1.4622734487056732,-0.5006109178066254 l1.2507794797420502,-0.5991154536604881 1.1774279922246933,-0.4370882734656334 l1.0042636096477509,-0.4165877401828766 0.9508194029331207,-0.2559635601937771 l0.9467075020074844,-0.32191503793001175 0.8910442888736725,-0.09729422628879547 l0.04808555357158184,-0.20229380577802658 0.7901757955551147,-0.2683909982442856 l0.6830623000860214,-0.09322798810899258 -1.14093579351902,0.05783915054053068 l-1.2972252070903778,0.2582523599267006 -1.115010753273964,0.34920576959848404 l-1.2451433390378952,0.332135446369648 -1.1824363470077515,0.2959081158041954 l-1.1183913797140121,0.3233323246240616 -1.0303179919719696,0.3250551223754883 l-1.1647724360227585,0.5862817913293839 -2.0965951681137085,1.1505214869976044 l-1.0277163982391357,0.8504679054021835 -1.9591246545314789,1.2515801191329956 l-0.8902432769536972,1.2168896943330765 -0.8929968625307083,1.1280426383018494 l-0.67361980676651,1.2319543957710266 -1.0203160345554352,1.5950191020965576 l-0.26741934940218925,1.0763690620660782 -0.1470649428665638,1.0835406184196472 l-0.01565616694279015,0.7520988583564758 -0.22438978776335716,1.2609249353408813 l0.45211099088191986,0.8924241364002228 0.5293135344982147,0.7151054590940475 l0.8131151646375656,0.4492597281932831 0.9764595329761505,0.5158236995339394 l1.3832210004329681,0.5783461406826973 1.218021884560585,-0.4146197810769081 l1.7664232850074768,0.04322866443544626 1.7871460318565369,-0.6261250376701355 l1.966552883386612,-0.6405062973499298 1.3108648359775543,-0.5635016784071922 l0.958283469080925,-1.12708680331707 0.8711490780115128,-0.8634141832590103 l0.9584551304578781,-1.3889862596988678 1.2416190654039383,-3.6924830079078674 l0.8469726890325546,-1.9732648134231567 0.11204530484974384,-1.300412267446518 l0.3739316761493683,-1.5925808250904083 0.5606909841299057,-2.3613685369491577 l0.4430892691016197,-4.774663746356964 0.14646063558757305,-6.183161735534668 l0.808112695813179,-2.7042967081069946 0.3285304829478264,-2.3714204132556915 l0.3517526388168335,-5.557687878608704 1.1780960857868195,-2.0676109194755554 l0.36963067948818207,-2.369447648525238 1.2050698697566986,-0.8769037574529648 l0.6529168039560318,-1.177489012479782 1.0183651000261307,0.20626472309231758 l0.4503827914595604,-0.25250716134905815 0.5647258833050728,0.5638046562671661 l0.0794698391109705,0.7353906333446503 -0.4383741319179535,1.3539274036884308 l-0.4691782221198082,1.4264719188213348 -0.4446234926581383,1.624474972486496 l-0.4482760652899742,1.3367685675621033 -0.3987821936607361,1.1460241675376892 l-0.557219386100769,1.4704915881156921 -0.9072914719581604,2.2200657427310944 l-0.812404528260231,3.4335774183273315 -0.4758480563759804,1.2560316920280457 l-0.7952366769313812,4.723814427852631 -0.12971924617886543,1.2570250034332275 l-0.15332072973251343,1.2950427830219269 -0.6409598141908646,3.490443527698517 l-0.5614651367068291,2.336876690387726 0.04819588270038366,1.3407352566719055 l0.028226329013705254,1.0254385322332382 -0.7954473048448563,3.153579831123352 l0.2998941019177437,1.274445503950119 0.03686107462272048,1.2090417742729187 l0.22287121042609215,1.249525099992752 0.35240013152360916,0.881321057677269 l0.4204454645514488,0.5451516807079315 0.2544931508600712,0.9085698425769806 l0.40875326842069626,0.7504849135875702 0.7911816239356995,0.7377819716930389 l0.530165433883667,0.6012708693742752 0.7374332100152969,0.4439913108944893 l0.6510910391807556,0.3668738156557083 0.6998854130506516,0.17197879031300545 l2.28430837392807,-0.08658568374812603 6.000845432281494,-2.0878346264362335 l1.042981818318367,-0.9910793602466583 1.1814837902784348,-0.8956766873598099 l0.8728888630867004,-0.8910509198904037 2.056112587451935,-2.7271267771720886 l0.8323366940021515,-1.0328540951013565 0.7933057099580765,-0.9405316412448883 l1.9244681298732758,-3.562500774860382 0.549740195274353,-1.1116817593574524 l0.4431990906596184,-2.3226916790008545 0.3889138251543045,-0.9832274913787842 l0.11962824501097202,-1.2931180000305176 0.19933713600039482,-1.242835819721222 l-0.7457177340984344,-1.4137770235538483 -0.4432018846273422,-0.08554422296583652 l-0.7364673167467117,-0.04566861316561699 -0.8263356983661652,0.18338199704885483 l-0.8008900284767151,0.14981008134782314 -0.7043617218732834,0.27499139308929443 l-0.8782549947500229,0.30328357592225075 -1.0622123628854752,0.5662773177027702 l-1.160651296377182,0.7673685252666473 -1.151556447148323,0.6814518570899963 l-0.2546805329620838,1.0523897409439087 -1.322706788778305,0.8884739875793457 l-1.039624810218811,0.8378961682319641 -1.064949855208397,0.957949161529541 l-1.243017464876175,0.9232787042856216 -1.136469915509224,1.1937545984983444 l-1.1544685810804367,0.9736212342977524 -0.10908996686339378,1.5973812341690063 l-0.08511492051184177,1.4005686342716217 -0.6673548370599747,1.1227118968963623 l-0.5458557605743408,1.0351552069187164 -0.3429815173149109,1.1487533897161484 l-0.16401778906583786,1.108766421675682 -0.0953257828950882,1.2129117548465729 l0.02273361198604107,1.183941662311554 0.1820511743426323,1.1312982439994812 l0.6004773452877998,1.152075007557869 0.6227060407400131,0.9103132784366608 l0.8380920439958572,0.8215734362602234 0.7005076855421066,0.9866762161254883 l0.7891517132520676,0.8365593105554581 0.9236486256122589,0.7317966967821121 l1.0041230916976929,0.5172119289636612 1.1103345453739166,0.2900322154164314 l1.2186414748430252,0.05599520169198513 1.1641856282949448,-0.04986889660358429 l0.9483083337545395,0.6564099341630936 0.9623878449201584,-0.14824019744992256 l0.8703047037124634,-0.23443346843123436 0.9412509202957153,0.18911069259047508 l0.6180252134799957,-0.45973874628543854 0.40602296590805054,-0.12694942764937878 l0.2881670370697975,-0.4968268424272537 0.11972258798778057,-0.6184528395533562 l1.3048730790615082,-2.8515923023223877 -0.9705200791358948,-2.2438466548919678 l-0.45726921409368515,-1.0071564465761185 -0.35374388098716736,-1.0283850878477097 l-0.20073983818292618,-0.7908958941698074 -0.525423064827919,-1.0526207089424133 l0.3926892951130867,-0.4493112489581108 -0.6483344733715057,-1.1669046431779861 l-0.6653951853513718,-0.7184150815010071 -0.8128377795219421,-1.0088342428207397 l-0.8161109685897827,-0.696067288517952 0.23768946528434753,-0.3936900943517685 l-0.8238852769136429,-1.3769955933094025 0.20037269219756126,-0.13468812219798565 l-1.0133430361747742,-0.7794111967086792 -0.8377836644649506,0.055051473900675774 l-0.2323809638619423,0.05651246290653944 -0.31067023053765297,0.207765381783247 l-0.2275741659104824,1.1788095533847809 -0.22192731499671936,1.2975303828716278 l-0.3538520634174347,0.6918435543775558 -0.19061297178268433,1.937633603811264 l-0.2866201102733612,0.7883145660161972 -0.3638239949941635,1.201026663184166 l-0.23358412086963654,1.0181216150522232 -0.19637096673250198,1.136818677186966 l-0.10848061181604862,1.1506804078817368 -0.023407302796840668,1.2657921016216278 l0.03948231693357229,1.101384088397026 0.17185522243380547,1.1137183010578156 l0.215171929448843,1.1078912019729614 0.3546101227402687,1.0626707971096039 l0.39687588810920715,1.0106312483549118 0.299786813557148,0.9499483555555344 l0.47714825719594955,0.7789239287376404 0.5670928955078125,0.7700475305318832 l0.42775530368089676,0.8251331001520157 0.6053160130977631,0.6718172132968903 l0.6545589864253998,0.6649927049875259 0.727049708366394,0.5263925343751907 l0.8271956443786621,0.4860258847475052 0.7517014443874359,0.37012264132499695 l0.913887619972229,0.20577777177095413 0.8812770247459412,0.05143928341567516 l1.0026758164167404,-0.022194115445017815 1.1803904920816422,-0.3152531385421753 l0.7668133825063705,0.21078120917081833 1.118469163775444,-0.5380299314856529 l0.48331301659345627,-0.33134568482637405 1.2416806817054749,-0.7862792909145355 l0.30376024544239044,-0.5201652646064758 0.4896819218993187,-0.47629091888666153 l0.3811948001384735,-0.5235177651047707 0.3590057045221329,-0.6490111351013184 l1.1561961472034454,-1.1786864697933197 0.8876986801624298,-1.8467392027378082 l1.1619336158037186,-1.2356091290712357 0.31289394944906235,-1.0467062890529633 l1.055067554116249,-2.400010973215103 1.0532194375991821,-2.697676122188568 l1.1381739377975464,-3.045502007007599 1.2175726890563965,-3.4450504183769226 l0.8866964280605316,-3.853168487548828 0.5824551358819008,-1.4734463393688202 l0.42555268853902817,-2.0113785564899445 1.3213646411895752,-3.587755858898163 l1.2912976741790771,-3.559785485267639 1.5766674280166626,-3.8980960845947266 l0.475643053650856,-2.369825839996338 0.7167023420333862,-2.19920814037323 l1.0663644969463348,-2.9319754242897034 0.5853518098592758,-2.312891036272049 l1.0460084676742554,-2.5564226508140564 0.41800010949373245,-2.0262351632118225 l1.125408485531807,-2.351311296224594 0.3099604696035385,-1.835898607969284 l0.937412828207016,-1.6570784151554108 -0.29564112424850464,0.5966837331652641 l-0.6636837869882584,1.1225450783967972 -0.37690751254558563,1.3497240841388702 l-1.37405127286911,3.196694254875183 -0.5822755768895149,1.8569493293762207 l-0.6473149359226227,2.0139682292938232 -0.5913355574011803,1.8390800058841705 l-2.01483353972435,4.46960061788559 -0.5793360993266106,2.1395109593868256 l-0.6616993993520737,2.1218040585517883 \" 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.38408149103634\" version=\"1.1\" width=\"186.6283786065469\" 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.38408149103634\" width=\"186.6283786065469\" x=\"0\" y=\"0\"/><path d=\"M38.49533952772617,55.38249712320976 m-3.876849114894867,-0.29483888298273087 l-0.9455113112926483,0.7262081652879715 -1.168377846479416,0.1014095637947321 l-0.5802055820822716,0.59082992374897 -0.8897311240434647,0.8520709723234177 l-0.5505159497261047,0.8181705325841904 -0.7166801393032074,1.0075601190328598 l-0.7909788191318512,0.8156533539295197 -0.6359808892011642,0.8619139343500137 l-0.9443950653076172,1.6721390187740326 -1.3723024725914001,2.040693908929825 l-0.4463068023324013,1.0124874114990234 -0.5775044113397598,5.883429646492004 l0.6544066965579987,0.6006873399019241 -0.22558139637112617,1.5467685461044312 l0.24457644671201706,1.0476940870285034 -0.2771702967584133,1.1750443279743195 l0.20389879122376442,0.9916878491640091 0.3077126666903496,0.8245545625686646 l-0.022273899521678686,0.8217299729585648 0.4594370350241661,0.6579148769378662 l0.45547179877758026,0.6389548629522324 0.7798814028501511,1.1069413274526596 l1.0415119677782059,0.8155923336744308 1.167713776230812,0.6862866133451462 l0.5893133208155632,-0.5477067455649376 1.3409394025802612,0.016366346972063184 l0.4047776013612747,-0.9866336733102798 1.261228770017624,-1.0131260007619858 l1.3249284029006958,-1.693904995918274 0.43698426336050034,-1.1241845041513443 l0.4008391499519348,-1.0494504123926163 1.458987146615982,-2.5819867849349976 l1.6464702785015106,-3.5160595178604126 1.252068430185318,-3.540249764919281 l0.13595418073236942,-2.1219104528427124 -0.2352122962474823,-1.7147479951381683 l0.7924900949001312,-1.4195148646831512 0.6300324946641922,-6.654220223426819 l0.6725267320871353,-4.459611475467682 0.41046142578125,-1.979948878288269 l0.5908744782209396,-7.586149573326111 0.0747571187093854,-3.8165926933288574 l0.5986165627837181,-1.8031057715415955 -0.032519418746232986,-6.251715421676636 l0.1755731925368309,-1.5440167486667633 0.389934703707695,-1.4460687339305878 l-0.573943629860878,-0.27428027242422104 -0.549929216504097,-0.27526233345270157 l-0.5274993181228638,0.57626161724329 0.2137986198067665,2.215145379304886 l-0.551423691213131,0.8884654939174652 -0.08702350780367851,11.609387397766113 l-0.6406956911087036,1.4455369114875793 0.07796576246619225,6.2862229347229 l-0.6211052089929581,2.095985561609268 -0.5393165722489357,2.2610649466514587 l-0.47895755618810654,4.972516894340515 0.27791891247034073,1.528211534023285 l-0.37262018769979477,2.080422341823578 0.3229150176048279,1.4685621857643127 l0.34060128033161163,1.3117538392543793 0.1767927035689354,3.733103573322296 l0.45318905264139175,1.0570631921291351 0.39383701980113983,0.9315695613622665 l0.42074698954820633,1.0200775414705276 0.2686346508562565,-0.27730606496334076 l0.297014731913805,0.6820594519376755 -0.05336195696145296,1.5659750998020172 l0.3248196840286255,0.46490032225847244 0.05971320904791355,1.3787630200386047 l0.03494951641187072,-0.18316037952899933 0.3527422249317169,1.009373515844345 l0.49804091453552246,0.21373029798269272 0.2742224931716919,-0.08381310850381851 l-0.42312297970056534,0.15465525910258293 1.6624115407466888,0.32049059867858887 l0.22387057542800903,-0.8048403263092041 1.4545509219169617,-0.3826098144054413 l2.714548110961914,-2.98062264919281 0.6633559614419937,-0.864378958940506 l0.4916941002011299,-1.066407933831215 0.5955119803547859,-0.9976878017187119 l0.6259769946336746,-1.133718118071556 0.5557192489504814,-1.0945731401443481 l0.3481307625770569,-1.2953194975852966 0.601753480732441,-1.1792971938848495 l0.21478617563843727,-1.2854216992855072 0.8800411969423294,-1.7160917818546295 l0.2657296322286129,-1.0903915762901306 0.3901757672429085,-1.1425556242465973 l0.271410197019577,-1.223314255475998 -0.23874003440141678,-0.42269691824913025 l-0.30572567135095596,-0.15206186100840569 -0.2153373323380947,1.749671846628189 l-0.4649018868803978,1.1122899502515793 -0.1929798163473606,2.692246735095978 l-0.6413624435663223,0.10417790152132511 -0.4460667818784714,3.2546719908714294 l-0.07815627381205559,2.6886042952537537 0.5475271865725517,2.471248358488083 l1.9560529291629791,2.2034601867198944 0.3386535868048668,0.6387092918157578 l0.546787828207016,0.5181155353784561 1.0072673857212067,-0.15249471180140972 l3.052949905395508,0.33012036234140396 0.8750151097774506,-0.8427463471889496 l1.4013203978538513,-0.34752219915390015 1.0514414310455322,-0.6636429578065872 l1.1598508805036545,-0.5565990880131721 1.6183896362781525,-0.7183735072612762 l1.881946623325348,-1.2173878401517868 0.8576907217502594,-0.7430414855480194 l0.6755784153938293,-0.7870780676603317 3.9213693141937256,-3.4048542380332947 l0.23031162098050117,-1.0695118457078934 1.615176498889923,-1.3021460175514221 l-0.030412001069635153,-0.9086538106203079 0.5721253901720047,-0.4235764965415001 l-0.0689030485227704,-0.7348811626434326 0.452759712934494,-0.5483094230294228 l0.031470730900764465,-0.5662763863801956 0.259073618799448,-0.636414960026741 l0.10176225565373898,-0.6346042454242706 -0.01909992890432477,-1.1881264299154282 l0.3303086757659912,-0.544220432639122 -1.0964443534612656,-0.02761170268058777 l-2.5168418884277344,0.014614916872233152 -1.273888498544693,-0.06507918704301119 l-0.59335857629776,0.2556314878165722 -1.4523836970329285,0.8979467302560806 l-1.378817856311798,1.3397423923015594 -0.053772926330566406,0.8016466349363327 l-0.5511944368481636,0.14221016317605972 -0.04923613276332617,0.9259538352489471 l-0.6388765573501587,0.28222862631082535 -0.04714967682957649,1.3506095111370087 l-0.7257720082998276,0.41653357446193695 -0.06227842532098293,1.3894033432006836 l-0.7012324035167694,0.6431993097066879 -0.02227046526968479,2.194523811340332 l-0.00975390081293881,1.6381897032260895 0.5425357818603516,0.5339301750063896 l1.2542374432086945,2.6728975772857666 3.0907392501831055,2.487540990114212 l1.0033448785543442,0.6899785995483398 2.598913311958313,0.8483793586492538 l0.6300271302461624,-0.08785896003246307 2.22441703081131,0.29592016711831093 l0.6160122528672218,-0.477098748087883 1.9719117879867554,-0.4094918444752693 l1.2859967350959778,-1.186365857720375 1.343478411436081,-1.029389277100563 l0.8882614225149155,-1.0930658876895905 0.23487858474254608,-0.7474016398191452 l0.9602081775665283,-1.2712796032428741 -0.05161419976502657,-0.9071961790323257 l0.6595956534147263,-0.832766592502594 0.6552290916442871,-1.2146855145692825 l0.8477491140365601,-0.9141754359006882 1.0872375220060349,-0.9862400591373444 l1.0644228011369705,-1.2639616429805756 0.9883683174848557,-0.8563484996557236 l1.104959025979042,-1.1426806449890137 1.3749170303344727,-0.9174583852291107 l0.29477184638381004,-0.5779275670647621 0.5757126584649086,-0.3063073940575123 l0.4203340411186218,-0.4252687469124794 1.3998016715049744,-0.3839590772986412 l1.5208369493484497,-0.6842295825481415 0.6605535745620728,-0.2609733119606972 l0.7335261255502701,-0.3002311848104 0.26389027014374733,-0.0032680496224202216 l0.8513887971639633,0.0151775311678648 -0.1606830395758152,-0.0009820464038057253 l0.7471615076065063,0.00011574255040613934 -0.48899639397859573,-0.010546270059421659 l-1.6517981886863708,-0.007206732407212257 -1.2485161423683167,-0.023693672847002745 l-0.7704228907823563,0.0005955617234576494 -0.8464036136865616,-0.014920064713805914 l-2.178453505039215,1.057269349694252 -2.5316831469535828,1.3390301167964935 l0.005258290329948068,0.6334416568279266 -0.7099385559558868,0.0496290298178792 l-1.7288781702518463,1.1859431862831116 -0.03424441674724221,0.9324687719345093 l-0.7262902706861496,0.3436189517378807 -0.042719789780676365,1.3515062630176544 l-1.5142914652824402,1.6518232226371765 -0.030006635934114456,1.6912445425987244 l-0.04534803330898285,2.1829913556575775 -0.033741744700819254,3.1298181414604187 l0.4580465331673622,0.016491275746375322 2.2849051654338837,3.152638077735901 l0.9797026216983795,0.758909285068512 2.843376100063324,0.564628578722477 l1.8506337702274323,0.0804806500673294 1.1000137776136398,-0.23061636835336685 l1.962161809206009,-0.23580923676490784 0.584954284131527,-0.6434763222932816 l0.95128133893013,-0.2778218314051628 0.7162619382143021,-0.6769002228975296 l0.9628825634717941,-0.4986651986837387 0.7084783166646957,-0.8069988340139389 l0.7121356576681137,-0.8448535203933716 2.6953700184822083,-3.485349714756012 l0.2389284037053585,-0.8153953403234482 0.3947872668504715,-0.7279196381568909 l0.29546188190579414,-0.9375409036874771 0.678236186504364,-1.612684726715088 l0.8274346590042114,-1.513342261314392 0.15224594622850418,-1.057971641421318 l0.3291182592511177,-0.8793487399816513 0.25837190449237823,-1.1377818137407303 l0.3284881263971329,-0.9306813776493073 1.2063898146152496,-2.4185802042484283 l0.17039287835359573,-1.164662167429924 0.4844023659825325,-1.2460821121931076 l0.3596041351556778,-1.4034733176231384 0.4541636258363724,-1.3359907269477844 l1.13059401512146,-4.36772346496582 0.6427169591188431,-1.5633299946784973 l0.5655501037836075,-2.0864804089069366 0.5407962948083878,-1.8063560128211975 l0.7930630445480347,-2.244275063276291 0.18908098340034485,-1.6745489835739136 l0.49659445881843567,-0.925367921590805 0.02887747250497341,-0.9825342893600464 l0.5490132421255112,-0.6026816368103027 0.12726876884698868,-0.6899426877498627 l0.16287315636873245,-0.040035112760961056 -0.07024250458925962,-0.07972573861479759 l0.013778286520391703,0.6174968555569649 -0.20865928381681442,1.1965765058994293 l-0.4458485171198845,1.2729814648628235 -0.2874961867928505,0.9102854877710342 l-0.6701922416687012,0.8063524216413498 -0.656520202755928,0.7662631571292877 l-0.7078655064105988,0.8787452429533005 -0.4582252725958824,2.981988489627838 l-0.7753905653953552,1.0291387885808945 -0.6813289225101471,1.1830202490091324 l-0.739361047744751,1.3615357875823975 -0.7410722225904465,1.355672925710678 l-0.7581003755331039,1.3773320615291595 -0.016340940492227674,1.375926285982132 l-0.7975514233112335,1.1195962131023407 -0.7831039279699326,1.2301235646009445 l-0.8503743261098862,1.2432415783405304 -0.8738084137439728,1.0221607238054276 l-0.25853147730231285,1.2335153669118881 -0.7603108882904053,5.985002517700195 l0.35123784095048904,1.2172099947929382 -0.08825176395475864,0.8137752115726471 l-0.01762593863531947,0.9381389617919922 0.02782708965241909,0.6264668703079224 l-0.030459186527878046,1.1882082372903824 0.23563895374536514,1.0126463323831558 l0.19471071660518646,0.8727028965950012 0.28528308495879173,0.916278138756752 l0.4790835455060005,0.7854706048965454 0.5712900683283806,0.46454742550849915 l0.5107271671295166,0.8634959906339645 0.618109256029129,0.41423577815294266 l0.6348670274019241,0.2607380971312523 0.6654734164476395,0.3064301423728466 l0.532430075109005,0.5712738633155823 0.5586473271250725,0.5017905682325363 l2.454078197479248,-1.1139257997274399 0.22637536749243736,-0.4999423399567604 l2.033243328332901,-1.0929673910140991 1.627233624458313,-1.4177674055099487 l0.2531932108104229,-0.5491926148533821 0.2365884929895401,-0.4009922966361046 l1.4156609773635864,-1.697622835636139 1.6799092292785645,-1.8548180162906647 l1.8336206674575806,-2.161983400583267 -0.05774978082627058,-0.932530090212822 l1.2944705784320831,-2.096235752105713 1.1036057025194168,-2.2796091437339783 l-0.024027389008551836,-0.6700453162193298 -0.08809080347418785,-0.027741938829421997 l0.12866119854152203,0.03728100564330816 -0.36175817251205444,0.017050679307430983 l-0.4930957779288292,0.030789771117269993 -0.7168181985616684,0.05153761710971594 l-0.8368677645921707,0.03016978269442916 -0.6526609510183334,0.03574053989723325 l-0.7526157051324844,-0.004110007721465081 -0.6027929857373238,0.1707175374031067 l-0.9170462191104889,0.741700604557991 0.0020025788398925215,0.6077355891466141 l-0.03988002426922321,0.5860259756445885 -0.3077731281518936,1.0589305311441422 l-0.06648614071309566,0.7378070056438446 -0.0524628022685647,0.7382874190807343 l-0.0683277752250433,1.170942634344101 0.26256782934069633,2.3614493012428284 l0.7489366084337234,0.26580823585391045 -0.03585383063182235,1.491343379020691 l0.06174304988235235,0.3271159157156944 -0.05246926564723253,0.5640172585844994 l-0.02845731796696782,0.6872231513261795 -0.024250911083072424,0.528147779405117 l0.7649188488721848,0.5351204425096512 0.06363128777593374,0.46740423887968063 l0.660046860575676,0.5937275663018227 0.10605703108012676,0.39780423045158386 l2.1990415453910828,0.4818679764866829 1.0056410729885101,0.5658400058746338 l1.5251368284225464,0.1950514130294323 2.002888321876526,0.10315224528312683 l2.0472218096256256,-0.41897397488355637 0.558575838804245,-0.6576857715845108 l1.541111171245575,-0.5162102729082108 0.35571277141571045,-0.811501145362854 l1.324857473373413,-0.5878715589642525 0.9286640584468842,-0.6816902011632919 l0.6910646706819534,-0.6889603286981583 0.04305095877498388,-0.6071796640753746 l0.7730390131473541,-0.6969637423753738 -0.11396309360861778,-0.621454082429409 l0.7521877437829971,-0.6261084228754044 0.5468739196658134,0.012601485941559076 l0.7918505370616913,0.04431777633726597 0.7696953415870667,0.039072935469448566 l0.7543076574802399,-0.4146381840109825 0.9411746263504028,-0.44939588755369186 l1.2342747300863266,-0.8767440170049667 0.7777804136276245,0.1086457259953022 l1.0970310866832733,0.08201567456126213 1.0235952585935593,-0.6501559168100357 l1.5856723487377167,-0.6133220344781876 0.08947787806391716,-0.3365972638130188 l0.3299477696418762,-0.11609354987740517 1.084449142217636,-0.6398541480302811 l0.9057243913412094,0.10499425232410431 1.4350907504558563,-0.9610886871814728 l0.1280232984572649,-0.26864202693104744 1.479412466287613,-0.7827358692884445 l0.19017482176423073,-0.4574646055698395 0.4715850204229355,-0.25340501219034195 l-1.0186344385147095,0.06493612192571163 -0.06133211776614189,0.029260360170155764 l-0.37446513772010803,0.013085744576528668 0.5213230103254318,-0.8066906034946442 l-0.9534884989261627,-0.018717912025749683 -1.1537031084299088,-0.00680242374073714 l0.0758973928168416,0.7235401123762131 -0.45354321599006653,-0.02634718781337142 l-1.0140255838632584,-0.014313473366200924 0.06594382226467133,0.7136063277721405 l0.09637489914894104,0.6940536201000214 -0.5104176700115204,-0.021632476709783077 l-0.4684605076909065,-0.07375173270702362 0.02543554874137044,0.7830293476581573 l0.0480420608073473,0.912109985947609 0.0230847648344934,0.9627262502908707 l-0.6610172986984253,-0.3327581658959389 0.014030466554686427,1.1558203399181366 l0.009825616143643856,1.329135000705719 -0.014123315922915936,1.1900602281093597 l-0.029062151443213224,1.8855257332324982 -0.01739419181831181,1.7710395157337189 l0.225045308470726,0.37942081689834595 -0.023415922187268734,1.7516528069972992 l-0.5306005105376244,0.5087654292583466 0.508083663880825,0.3102352097630501 l0.017657558200880885,0.7262743264436722 0.2955496869981289,0.3410029783844948 l0.33006709069013596,0.09034012444317341 0.21069200709462166,0.26240574195981026 l0.29335446655750275,0.14115705154836178 0.15979468822479248,0.26655489578843117 l0.30415646731853485,-0.12505485676229 0.1767001859843731,0.08300640620291233 l0.09278236888349056,0.766792893409729 0.5598954111337662,0.45212116092443466 l0.26752859354019165,-0.10346059687435627 0.40307343006134033,-0.22702528163790703 l0.37107039242982864,-0.08866257034242153 2.6611804962158203,-0.04143843427300453 l0.9709080308675766,0.1288157980889082 1.496264487504959,0.09822036139667034 l1.3468891382217407,-0.11435589753091335 1.7770713567733765,-0.06394862197339535 l1.6077356040477753,-0.4865692928433418 1.7503629624843597,-0.19677186384797096 l0.36609992384910583,-0.7695701718330383 0.02107527805492282,0.2123255655169487 l0.3998341038823128,-0.6357406079769135 \" 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=\"106.28234513278585\" version=\"1.1\" width=\"251.98567038591136\" 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.28234513278585\" width=\"251.98567038591136\" x=\"0\" y=\"0\"/><path d=\"M58.08795887976885,50.77679201960564 m-2.543482184410095,-0.6544413417577744 l-13.225451707839966,-0.47362979501485825 -2.295962870121002,1.1889371275901794 l-5.047089457511902,1.2016640603542328 -5.363733768463135,3.8155972957611084 l-1.2699906527996063,2.3161116242408752 -2.123049646615982,4.366359114646912 l-1.018899455666542,5.506356358528137 -0.20029913634061813,2.315824031829834 l0.5750865861773491,4.661206007003784 3.3003151416778564,3.537624478340149 l4.498373568058014,1.4336462318897247 2.802096903324127,-0.114842988550663 l3.0282682180404663,-1.065899133682251 4.399602711200714,-2.932145893573761 l3.1880849599838257,-2.9005274176597595 2.914890944957733,-3.344425857067108 l2.0403404533863068,-3.7742573022842407 4.468136131763458,-9.445526599884033 l2.800566852092743,-7.071915864944458 2.4080558121204376,-6.8007588386535645 l3.60630601644516,-11.126563549041748 1.1196581274271011,-1.7828328907489777 l1.5961088240146637,-4.187535643577576 0.9676159918308258,-0.4448152333498001 l-0.7220719754695892,0.10764332488179207 -4.083201587200165,6.572732329368591 l-5.057476758956909,10.091948509216309 -2.014652043581009,6.6618019342422485 l-4.593806266784668,9.964464902877808 -0.8857608586549759,1.6923913359642029 l-1.3200443983078003,3.3832964301109314 -0.8770478516817093,3.1762561202049255 l-0.5400990322232246,0.015230817953124642 -0.2535408176481724,2.671334147453308 l0.0688480818644166,0.0470705796033144 -0.04330523777753115,0.2043740451335907 l0.694136917591095,1.490079015493393 0.24421751499176025,0.09562695398926735 l0.34059446305036545,0.3482270985841751 0.44915590435266495,0.05681277718394995 l0.3836411237716675,0.4466017335653305 0.43799929320812225,0.4579760506749153 l3.7027734518051147,0.15946917235851288 0.8009853959083557,-0.7036407291889191 l4.924343824386597,-1.6894327104091644 0.990743488073349,-1.0213600844144821 l1.4074836671352386,-0.552312433719635 0.8620718866586685,-0.6141531094908714 l0.9714003652334213,-0.37817560136318207 3.293442130088806,-2.5812870264053345 l3.3989864587783813,-2.2459694743156433 3.99911105632782,-3.238157629966736 l2.7916058897972107,-2.4301403760910034 0.02286125672981143,-0.6094943732023239 l-0.05500656086951494,-0.86910679936409 0.2673017978668213,-0.5545506626367569 l0.18024081364274025,0.19751394167542458 -0.184092465788126,0.4323170334100723 l0.00925215717870742,-0.4688159003853798 0.26928890496492386,-0.46659622341394424 l-1.1421456187963486,0.37956923246383667 -1.3192643225193024,0.9019455313682556 l-0.08633182384073734,0.5089843273162842 -1.5093570947647095,2.1217329800128937 l-0.34728266298770905,0.693894773721695 -0.8406782895326614,2.223159372806549 l-0.18005741760134697,1.9714955985546112 0.005129761411808431,1.9692882895469666 l-0.3686928376555443,0.4788419231772423 1.0231689363718033,1.744975596666336 l3.8902777433395386,0.973508208990097 4.638546705245972,-1.1282224208116531 l2.5449445843696594,-0.6789019703865051 5.1415228843688965,-2.693963944911957 l4.282899796962738,-3.045041859149933 1.2234532833099365,-1.3314680755138397 l1.6893793642520905,-1.1702007800340652 1.3377141952514648,-2.068542242050171 l1.545536369085312,-1.4197991788387299 0.28887340798974037,-0.9522193670272827 l0.40717698633670807,-1.0730604082345963 0.2813667431473732,-0.6930289417505264 l-1.7386636137962341,-0.015679772477596998 -3.762030005455017,0.8535632491111755 l-2.0352841913700104,1.6593758761882782 -1.1982659995555878,0.8934137225151062 l-2.1265460550785065,2.0589886605739594 -1.470654457807541,1.9300143420696259 l-1.4043596386909485,2.23022997379303 -2.612268328666687,4.817372262477875 l-0.06690866779536009,2.1194760501384735 -0.03313645953312516,1.2230633944272995 l2.479681372642517,3.93044650554657 3.112994134426117,0.3374826908111572 l1.6085167229175568,0.1201170589774847 3.1189438700675964,-0.6107039377093315 l1.7211279273033142,-0.4938359558582306 3.816828727722168,-1.3354048132896423 l3.936244249343872,-1.5294593572616577 2.3511451482772827,-1.0389751195907593 l4.031460285186768,-2.142074406147003 1.6913791000843048,-0.7981940358877182 l1.802448332309723,-0.8145627379417419 1.6700182855129242,-0.7852328568696976 l1.3621057569980621,-0.5772828683257103 1.3631092011928558,-0.4589393734931946 l3.3565783500671387,-1.2500275671482086 1.5449781715869904,-0.37176504731178284 l1.0707616806030273,-0.4509824514389038 0.7576686888933182,-0.35896360874176025 l2.7149194478988647,0.021627733949571848 0.5393701791763306,-0.42953990399837494 l0.8578088879585266,-0.29549332335591316 0.23213529959321022,-0.362863726913929 l1.2491903454065323,-0.6397281587123871 0.2596534229815006,-0.22864943370223045 l-0.18541542813181877,0.010745228501036763 -0.07173985242843628,-0.30156463384628296 l0.21466540172696114,-0.501968041062355 -0.1413242146372795,-0.37408970296382904 l-0.672340914607048,-0.821411982178688 -0.8106569200754166,-0.5245921760797501 l-1.3768284022808075,0.01763941370882094 -1.6786366701126099,-0.00873048382345587 l-2.7164283394813538,0.5302385985851288 -2.043759375810623,-0.08363675326108932 l-3.2099246978759766,1.2105334550142288 -3.011108636856079,0.9558068215847015 l-3.0503159761428833,1.2913402915000916 -1.309865564107895,1.0184384137392044 l-1.0058555752038956,0.9111470729112625 -1.8720678985118866,0.9800373017787933 l-1.971769630908966,3.956928253173828 -0.9758879989385605,0.6746653467416763 l-0.5271242186427116,1.0873574018478394 0.20188331604003906,0.7502611726522446 l-0.15606709755957127,2.049933224916458 0.14436976052820683,0.8418510854244232 l-0.32951097935438156,0.4531460255384445 0.10103728622198105,0.7649539411067963 l0.5272530391812325,0.5313925817608833 2.627386748790741,0.49902617931365967 l4.0035054087638855,-0.8454746007919312 5.8013200759887695,-2.5354307889938354 l1.4159166812896729,-0.699019655585289 2.4989232420921326,-1.935858130455017 l0.9109470248222351,-1.0138572007417679 1.0163584351539612,-0.9076154977083206 l0.9965988993644714,-0.9900963306427002 1.8440861999988556,-2.137478291988373 l1.6966745257377625,-2.497609704732895 1.6414418816566467,-2.6571378111839294 l0.8541222661733627,-1.5343645215034485 1.2358629703521729,-2.5928017497062683 l0.8144477754831314,-1.6048870980739594 1.2907184660434723,-2.4763187766075134 l1.7830508947372437,-3.228851556777954 1.2786975502967834,-2.6861119270324707 l1.1115153133869171,-2.8829550743103027 1.3921985030174255,-2.2025124728679657 l0.9318272024393082,-2.021777331829071 1.0517912358045578,-2.2781169414520264 l1.5866488218307495,-2.2194260358810425 0.8287295699119568,-1.0885652899742126 l0.8606290817260742,-0.6556393951177597 0.7138726115226746,-0.4162736237049103 l-0.25937097147107124,0.028329258784651756 -0.1731700822710991,0.5567958578467369 l-0.36352675408124924,0.4766835644841194 -0.6956260651350021,0.8660124987363815 l-1.286310851573944,2.4442091584205627 -0.9263858944177628,0.9092915058135986 l-1.1615515500307083,2.8021925687789917 -2.4584899842739105,2.990749478340149 l-1.0703319311141968,1.5801657736301422 -1.3698355853557587,1.5218624472618103 l-2.3300546407699585,3.258388638496399 -1.2761254608631134,1.6102996468544006 l-2.091665267944336,2.650814950466156 -1.8354648351669312,2.216545194387436 l-1.244182214140892,1.4680734276771545 -2.228434681892395,2.7121931314468384 l-0.6886796653270721,1.381651908159256 -0.6848913431167603,1.348322331905365 l-0.9339693933725357,2.158512622117996 -0.05087133031338453,0.9366458654403687 l0.011498188832774758,0.8731086552143097 0.2158350870013237,0.5447687953710556 l0.10006110183894634,0.6717804074287415 1.7194163799285889,1.347668319940567 l1.2387072294950485,-0.23632025346159935 2.195267975330353,-0.25109533220529556 l4.802558124065399,-1.0940232127904892 1.5178677439689636,-0.2759980782866478 l3.262494206428528,-0.9572475403547287 3.8024386763572693,-0.870993435382843 l2.1959027647972107,-0.49421556293964386 1.9419698417186737,-0.8719643950462341 l4.884867966175079,-1.9258999824523926 1.530137062072754,-1.2761849164962769 l4.631499648094177,-2.7827295660972595 5.021412372589111,-4.351585507392883 l3.3454978466033936,-3.8545960187911987 0.5072811245918274,-1.3112539052963257 l-1.7083938419818878,-0.04411324858665466 -2.182009667158127,-0.031045526266098022 l-2.198822945356369,0.05167120601981878 -1.4413093030452728,0.606473982334137 l-1.2407906353473663,0.7391895353794098 -2.6179584860801697,1.4352330565452576 l-1.2756147980690002,1.1137402802705765 -1.2885117530822754,1.058976799249649 l-2.0368923246860504,2.1646037697792053 -1.325024962425232,2.292628288269043 l-0.8679405599832535,2.8159403800964355 -0.5270912125706673,1.2123921513557434 l-0.70973701775074,1.214493066072464 -0.12439960613846779,1.7094047367572784 l0.8066800981760025,2.4442946910858154 0.32654982060194016,1.3551516830921173 l2.366660237312317,2.1223486959934235 3.3547109365463257,1.4476828277111053 l4.459450542926788,0.7975507527589798 5.455203056335449,0.1310019288212061 l2.187287360429764,-0.2152865007519722 2.9159823060035706,-1.0916154086589813 l1.8587623536586761,-1.7825141549110413 0.64521923661232,-2.805336117744446 l-1.3229118287563324,-2.6700884103775024 -0.3945485129952431,-0.7946596294641495 l0.0015636238094884902,-1.4035026729106903 -1.8808984756469727,-2.2588524222373962 l-0.8279565721750259,-1.6658920049667358 0.27028070762753487,-0.5419515818357468 l0.6238407269120216,-0.4502789303660393 -0.756370797753334,-0.09216449223458767 l0.4159514978528023,-0.4021189361810684 0.7864813506603241,0.01277563744224608 l0.8927085995674133,-0.5508391559123993 1.2036492675542831,-0.3045046702027321 l1.4924812316894531,-0.45535169541835785 1.6494761407375336,-0.679205134510994 l1.52069091796875,-0.26538029313087463 2.5289785861968994,-1.194687932729721 l2.862822413444519,-1.1257511377334595 1.5624657273292542,-0.181867815554142 l1.5622879564762115,-0.2361987717449665 1.0434982925653458,-0.3400774672627449 l0.7741282135248184,-0.21545100957155228 2.5706231594085693,-1.0956121981143951 l0.37705283612012863,-0.3839193284511566 1.8382295966148376,-1.0455169528722763 l0.1624307595193386,-0.6255690008401871 0.23126229643821716,-0.45571453869342804 l-1.0545127838850021,0.5941686779260635 -1.0099932551383972,0.06683458108454943 l-1.8716615438461304,1.1740046739578247 -1.0718940943479538,0.17535768449306488 l-0.8827286958694458,0.2125677838921547 -2.0976509153842926,1.2703253328800201 l-1.9930694997310638,1.6692744195461273 -1.5210965275764465,-0.0851126853376627 l-1.7830467224121094,1.9793736934661865 -1.084919348359108,0.4431241750717163 l-0.13789868913590908,0.8352671563625336 -0.6285353004932404,0.18749458715319633 l-0.7542812079191208,0.7089655846357346 -0.6169478222727776,0.20745569840073586 l-1.918312907218933,1.5241098403930664 -0.1802254095673561,0.29170166701078415 l-0.16536975279450417,0.49826592206954956 -0.6025069952011108,0.45504607260227203 l-0.14213234186172485,3.0925196409225464 0.2513545751571655,0.5636472627520561 l-0.0588671350851655,0.5636447668075562 1.044875681400299,2.616981565952301 l0.334986075758934,0.40867067873477936 0.40189698338508606,0.6325934827327728 l0.8309381455183029,0.6040232256054878 0.7448907941579819,0.6262899190187454 l1.0422149300575256,0.5432594567537308 0.9107957035303116,0.565074160695076 l1.6150285303592682,0.9272325038909912 2.1444810926914215,0.615973025560379 l1.1249875277280807,-0.3805086761713028 1.4507782459259033,-0.4532809555530548 l1.0896909981966019,-0.442391075193882 0.906333401799202,-0.7101859152317047 l1.9916391372680664,-0.8026571571826935 0.664600282907486,-0.78673355281353 l0.8834001421928406,-0.4628123342990875 0.4819348454475403,-0.7515213638544083 l0.6405643373727798,-0.4494884982705116 0.7437837868928909,-0.6804169714450836 l0.6885316222906113,-0.6242816522717476 0.5854541063308716,-0.6628018617630005 l0.7659982889890671,-0.7579994946718216 0.7250043749809265,-0.5815683677792549 l0.7225702702999115,-0.7549390196800232 0.728670209646225,-0.8014464378356934 l1.3803818821907043,-1.5648260712623596 2.3145493865013123,-3.7662795186042786 l0.7080849260091782,-1.2418388575315475 0.8982063084840775,-1.3931867480278015 l0.7272562384605408,-1.2456708401441574 0.8360374718904495,-1.2981297075748444 l0.7176864892244339,-1.3643234968185425 0.7721986621618271,-1.1934956908226013 l0.8535376191139221,-1.6713353991508484 0.5489742755889893,-1.581977754831314 l0.6309134513139725,-1.387351006269455 0.29766326770186424,-1.376967579126358 l0.5425972118973732,-1.7094884812831879 0.4346054792404175,-1.534057855606079 l0.30324967578053474,-1.4911743998527527 0.4606238752603531,-1.1950111389160156 l0.8028598874807358,-1.4283742010593414 0.1453011017292738,-1.091202273964882 l-0.3295491263270378,0.36590829491615295 -0.37559814751148224,0.39795324206352234 l-0.4257643595337868,0.9968777745962143 -0.37546996027231216,0.7127049565315247 l-0.5319374427199364,2.0775818824768066 -0.5124886706471443,2.076253741979599 l-0.3236645832657814,0.900706946849823 -0.7929427176713943,1.2565161287784576 l-0.8237888664007187,1.4020788669586182 -1.065695434808731,2.4785588681697845 l-0.9535451233386993,1.5100347995758057 -0.5405071377754211,1.0259249806404114 l-0.8553234487771988,1.351366937160492 -1.3190871477127075,2.662748694419861 l-0.2747347019612789,1.3364598155021667 -2.441299706697464,4.3548449873924255 l-0.6935884058475494,3.003515303134918 0.07241923827677965,1.2448085099458694 l-0.07081939838826656,0.9341207146644592 0.19752057269215584,1.077963337302208 l-1.1128173768520355,2.940041720867157 0.5629990249872208,0.859859362244606 l0.21042970940470695,0.9238143265247345 0.2714961767196655,1.7469239234924316 l0.6858983635902405,2.395191043615341 0.8283814787864685,0.5669323354959488 l0.6155625358223915,0.4506807401776314 0.6579176336526871,0.570574626326561 l2.8265196084976196,2.756916880607605 6.901556849479675,-0.4273775964975357 l1.2023162096738815,-0.4040125757455826 2.949187457561493,-0.7131221145391464 l2.6916542649269104,-1.0478813201189041 1.5920187532901764,-2.186407446861267 l0.6449142843484879,-0.677269771695137 2.2739553451538086,-1.8146692216396332 l0.9413214772939682,-0.6373874843120575 0.7208376377820969,-0.8554673194885254 l0.6610085815191269,-0.7811912149190903 1.910836100578308,-1.6454358398914337 l0.5431714653968811,-0.7630863040685654 1.6833953559398651,-1.8583469092845917 l0.38316257297992706,-1.0028330236673355 0.41259147226810455,-0.7974942773580551 l0.4309609904885292,-0.8910537511110306 0.35231057554483414,-0.9185700863599777 l0.32388418912887573,-0.8203816413879395 0.5647125840187073,-1.397738754749298 l-1.5267619490623474,0.03183446591719985 -1.292332112789154,0.0451753381639719 l-1.2224465608596802,0.05552834831178188 -2.285171300172806,1.1499489843845367 l-1.4425219595432281,1.1914284527301788 -1.1002419143915176,0.05139554850757122 l0.059481183998286724,0.6972993910312653 -1.5238553285598755,0.9248039126396179 l-0.025393229443579912,0.8074988424777985 -0.13527331873774529,0.15276326797902584 l-0.5756088718771935,1.1666375398635864 -0.13452171348035336,0.8221697062253952 l-0.8196736127138138,0.8177744597196579 -0.12361845932900906,0.9353140741586685 l-0.12544245459139347,1.1602184176445007 -0.8454003930091858,0.8469647914171219 l-0.07314980030059814,1.8778200447559357 0.8470163494348526,0.5132951587438583 l-0.047195907682180405,1.9607296586036682 -0.021556117571890354,2.166312336921692 l0.24580718949437141,1.0541456937789917 1.251903921365738,0.7476517558097839 l0.256121251732111,0.7126328349113464 1.478249877691269,0.9916473925113678 l1.378004252910614,1.6303597390651703 \" 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=\"114.66253722086549\" version=\"1.1\" width=\"218.06277652467543\" 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=\"114.66253722086549\" width=\"218.06277652467543\" x=\"0\" y=\"0\"/><path d=\"M40.203940339852124,66.64307580562308 m-2.8984463214874268,-0.2411995269358158 l-2.020125687122345,0.02051386283710599 -0.9346345067024231,0.3544238582253456 l-1.0562893748283386,0.21690042689442635 -1.399286538362503,0.46440042555332184 l-1.4418339729309082,0.8835124224424362 -1.5195684134960175,0.9403480589389801 l0.028562999796122313,0.5320007726550102 -0.6658615916967392,0.8355234563350677 l-0.7643114030361176,1.3165231049060822 -0.6651374697685242,1.527559906244278 l-0.5367451906204224,1.1127718538045883 -0.40296129882335663,1.2106262892484665 l-0.357169471681118,1.049741953611374 -0.3505689278244972,1.0580843687057495 l-0.21956317126750946,0.989360436797142 0.5262234807014465,5.1847028732299805 l0.6246042251586914,0.8522011339664459 0.6867363303899765,1.714959293603897 l0.3688349947333336,0.6593393534421921 0.5167658254504204,0.5844372510910034 l0.951126217842102,1.1968909204006195 1.4802078902721405,0.38753166794776917 l1.3308566808700562,0.10768728330731392 1.837618350982666,0.06061996798962355 l2.0337073504924774,-0.2744823880493641 0.8414696156978607,-0.9146993607282639 l0.9950713813304901,-1.0812006890773773 1.9559818506240845,-2.4037057161331177 l1.9490379095077515,-2.8037336468696594 2.05191969871521,-3.5097861289978027 l1.8565668165683746,-4.5084348320961 1.7966543138027191,-4.988664984703064 l-0.04944869317114353,-1.8430671095848083 1.1639082431793213,-4.262286424636841 l0.18355680629611015,-2.2178229689598083 -0.287239495664835,-1.5502765774726868 l0.25266822427511215,-2.301695793867111 0.3214023634791374,-7.408755421638489 l0.9229940176010132,-3.0007603764533997 0.3781328722834587,-10.743739604949951 l0.6423109024763107,-6.202415227890015 0.37340372800827026,-1.8219242990016937 l0.40915239602327347,-1.4147406816482544 0.11039228178560734,-1.4103449881076813 l0.05518273450434208,0.9271591156721115 -0.22535454481840134,1.225101351737976 l-0.2501881681382656,1.3758105039596558 0.03684832016006112,1.6993092000484467 l-0.23623429238796234,1.424662470817566 -0.21348705515265465,2.4617044627666473 l-0.09085469879209995,3.658296763896942 0.1070691179484129,2.1513937413692474 l0.11421072296798229,2.279423773288727 0.13785737566649914,2.683749794960022 l-1.2367814779281616,14.326311349868774 -0.17442140728235245,4.447382688522339 l0.1853964850306511,1.9599801301956177 0.36287199705839157,1.499735713005066 l0.05385841242969036,3.462957441806793 0.5923908203840256,3.103695511817932 l0.39815492928028107,1.4573934674263 0.8585542440414429,3.3615487813949585 l0.5225945264101028,1.0040150582790375 0.5038098245859146,2.032996565103531 l1.481226533651352,0.9711609780788422 0.9611564129590988,0.34495923668146133 l1.7073287069797516,0.11090279556810856 0.5451967939734459,-0.7395169883966446 l0.6448821723461151,-0.3046855516731739 1.4539000391960144,-1.1905470490455627 l0.7224895060062408,-0.8436952531337738 0.6048122420907021,-0.5084065720438957 l0.5194578319787979,-0.9570629894733429 1.8138527870178223,-2.365127354860306 l0.6173532083630562,-1.2396612763404846 1.850382387638092,-2.651505768299103 l0.4772597551345825,-1.2687283754348755 0.42734261602163315,-1.44240140914917 l0.3976929187774658,-1.3020460307598114 0.35732757300138474,-1.4575015008449554 l0.43347425758838654,-1.1766865104436874 0.23157071322202682,-1.3607172667980194 l0.7095577567815781,-0.05823873449116945 -0.0961525272578001,-1.6041801869869232 l0.6088292226195335,-0.9910603612661362 -0.12783708050847054,-0.51309734582901 l0.5936523154377937,-0.9787312895059586 0.7727854698896408,-0.07945035584270954 l-0.2551249787211418,-0.24984430521726608 0.04950749687850475,1.9188430905342102 l0.9021878987550735,-0.17973599955439568 0.9336278587579727,-0.18671749159693718 l0.41556596755981445,-0.4867398738861084 0.9448821842670441,-0.19916029646992683 l-0.5643824115395546,-0.44847168028354645 0.572943352162838,-0.07597347721457481 l0.8304315805435181,-0.11824716813862324 0.8353779464960098,-0.08435727097094059 l0.9129537642002106,-0.040922435000538826 -0.016648279270157218,0.22368330508470535 l-0.4342532902956009,-0.3532112017273903 -0.7077369093894958,4.134189188480377 l-0.46157050877809525,-0.010908280964940786 0.01310184714384377,0.5581148713827133 l-0.0993292685598135,0.8923975378274918 -0.6165147945284843,3.7037011981010437 l0.8302493393421173,0.17988480627536774 -0.22119540721178055,0.6581505388021469 l0.16864750534296036,0.5077691376209259 2.1219567954540253,1.424262523651123 l2.2108468413352966,-0.5628357827663422 0.670127347111702,-0.37695523351430893 l1.4805400371551514,-0.6282022595405579 0.4902108758687973,-0.5882270634174347 l1.45310640335083,-0.773959681391716 0.8852946013212204,-0.003237951605115086 l1.8756325542926788,-1.2058159708976746 0.5880128964781761,-0.47291308641433716 l0.6393591314554214,-0.7789801061153412 5.255919694900513,-3.2241231203079224 l-0.13793627731502056,-0.8272580057382584 2.7366381883621216,-1.8071135878562927 l-0.08955168537795544,-1.0673200339078903 0.7749731838703156,-0.7636455446481705 l0.198451429605484,-0.996180847287178 0.692543163895607,-0.5553560331463814 l-0.020963060669600964,-1.3727578520774841 -0.8179376274347305,-0.005227045621722937 l-1.1112910509109497,-0.013787532225251198 -1.3506382703781128,0.009522223263047636 l-0.927533358335495,0.20302928984165192 -0.9543300420045853,0.7488396018743515 l-0.04030461888760328,0.8655841648578644 -1.0324544459581375,0.15986111015081406 l-0.02912833821028471,0.858345702290535 -1.168619617819786,0.5837251991033554 l-1.1548230051994324,1.0041157901287079 -0.9754125028848648,0.40329646319150925 l-0.015168491518124938,1.4992928504943848 -0.04294207785278559,1.4088167250156403 l-0.04148715175688267,1.434384435415268 -0.546758696436882,0.47891557216644287 l-0.017046675784513354,1.3798747956752777 -0.2116205357015133,0.8958034217357635 l0.36499299108982086,0.620945543050766 1.4437323808670044,3.9213532209396362 l3.386017084121704,1.666332632303238 0.42462218552827835,0.6921382993459702 l2.7608522772789,-0.5613953247666359 0.7936053723096848,-0.055973632261157036 l0.6346854567527771,-0.2094762958586216 0.8914711326360703,-0.510982908308506 l2.5621643662452698,-2.2754688560962677 1.1677803844213486,-1.4003880321979523 l0.38809094578027725,-0.7049330323934555 1.3549742102622986,-1.2634854018688202 l0.21471822634339333,-0.9013767540454865 0.4179671034216881,-0.6232158467173576 l0.936206579208374,-1.359548270702362 2.8032252192497253,-2.9830434918403625 l0.12603326700627804,-0.4746684432029724 1.521870344877243,-0.9579466283321381 l0.12076826766133308,-0.5411049723625183 0.941193625330925,0.022135176695883274 l0.4857293516397476,-0.3475084528326988 0.5720585212111473,0.02158607356250286 l1.3711099326610565,-0.4369915649294853 0.9069131314754486,0.018333490006625652 l0.41281264275312424,-0.44326409697532654 -0.3971552476286888,0.016415611607953906 l0.14895958825945854,0.015507269417867064 0.14301092363893986,-0.00332999654347077 l-0.6220725923776627,0.5088964849710464 -1.1369264125823975,-0.0036827358417212963 l-0.6649867445230484,-0.020785853266716003 -2.5503316521644592,1.1681655794382095 l-0.5155886337161064,0.8142414689064026 -2.6115861535072327,1.6481997072696686 l-0.026814460288733244,0.7024960219860077 -1.9821462035179138,1.1263009905815125 l-0.30272653326392174,1.0272561013698578 -0.011581875151023269,1.4483670890331268 l-0.010223984718322754,0.9078609198331833 0.00011736568922060542,2.181456536054611 l0.7864125072956085,3.785657286643982 0.28614964336156845,0.650491788983345 l0.4668131470680237,0.6425035744905472 1.4713196456432343,0.8698657900094986 l2.5430241227149963,-0.04278331529349089 4.346751570701599,-2.046593129634857 l0.6685241311788559,-1.265818029642105 2.2252413630485535,-2.3282431066036224 l1.097579151391983,-2.2403334081172943 1.0806532204151154,-2.639661729335785 l0.79000324010849,-3.090287148952484 0.40244530886411667,-1.1120803654193878 l0.32213103026151657,-1.724333018064499 1.2156612426042557,-6.293809413909912 l0.47682255506515503,-1.618955135345459 0.22603757679462433,-2.0490649342536926 l1.069762483239174,-8.71873140335083 0.4199961945414543,-1.4640040695667267 l0.16484631225466728,-2.0700328052043915 0.4397209361195564,-1.7542286217212677 l0.16790810972452164,-2.060203105211258 0.021624215878546238,-1.478295475244522 l-0.21193189546465874,-1.1980470269918442 -0.41070103645324707,1.6320106387138367 l0.08602784015238285,2.320680171251297 -0.036480065900832415,2.0230233669281006 l-0.0798203144222498,1.535377949476242 -0.49065522849559784,1.3995854556560516 l-0.6477828323841095,6.92426860332489 -0.6223383918404579,1.2096838653087616 l-0.5497150123119354,1.9478733837604523 -0.6558561325073242,1.6529865562915802 l-0.6218798458576202,1.7253941297531128 -0.7051898539066315,1.4478768408298492 l-0.5863244831562042,8.22450041770935 0.6373491883277893,0.9185441583395004 l0.11053616181015968,2.54055917263031 0.6185900792479515,0.7944998145103455 l1.5730096399784088,1.7068086564540863 0.7786308228969574,0.2271544747054577 l3.131060004234314,0.4614851623773575 0.780981108546257,-0.5937287956476212 l1.439240276813507,-0.16088340431451797 1.2796884775161743,-0.37219174206256866 l1.359989047050476,-0.3793877735733986 0.8177278935909271,-0.9774299710988998 l0.6987183541059494,0.0879287626594305 1.0365881025791168,-0.915316566824913 l1.2304109334945679,-0.5548948422074318 0.5509133636951447,-2.759576737880707 l1.4446307718753815,-1.235092431306839 0.7903710752725601,-2.5484296679496765 l1.7814575135707855,-2.3237989842891693 0.7495202869176865,-2.458449900150299 l0.9137584269046783,-2.353854924440384 0.1167417224496603,-0.9000301361083984 l-6.911655873409472e-05,-3.510792851448059 0.49742624163627625,-0.3817359730601311 l0.09630790911614895,-2.356247156858444 -0.027566805947571993,0.022902623750269413 l-1.5453311800956726,-0.048341117799282074 -0.7058075815439224,0.03704988630488515 l-1.6807624697685242,0.9221018105745316 -0.8261843770742416,1.0253024101257324 l-2.190176844596863,2.3228907585144043 -1.5868046879768372,2.3523230850696564 l-0.03261172445490956,1.1187846213579178 -3.479010760784149,6.445222496986389 l-0.16089605167508125,2.1915650367736816 -0.4672370105981827,1.3244056701660156 l0.27410827577114105,3.2390090823173523 -0.29863907024264336,0.902341902256012 l1.0299000889062881,2.526034414768219 0.6960885971784592,0.8568071573972702 l-0.03295841859653592,0.7205724716186523 0.7707379013299942,0.7017360627651215 l1.2169794738292694,0.9699102491140366 1.0259848833084106,0.8982395380735397 l1.1598490178585052,0.8258955180644989 0.6412805616855621,0.6972355395555496 l0.7416539639234543,0.7903297990560532 2.9387682676315308,1.1058476567268372 l0.8478081971406937,-0.2219097875058651 1.0126911848783493,0.5471362918615341 l1.2671661376953125,-0.055251470766961575 1.029503270983696,-0.05988860037177801 l0.5364763736724854,-0.4939018562436104 0.8103187382221222,-0.29484011232852936 l0.5648735538125038,-0.5215208604931831 0.879642516374588,-0.7914554327726364 l0.06308966316282749,-0.7484385371208191 0.3847191482782364,-1.0461609065532684 l0.48520151525735855,-1.1013676226139069 0.040221805684268475,-1.0199648886919022 l-0.117100914940238,-1.1308659613132477 0.22188153117895126,-0.8447517454624176 l0.2498183771967888,0.19180942326784134 0.9377807378768921,-3.2185569405555725 l0.5974994972348213,-0.8300719410181046 0.5772417411208153,-0.8528141677379608 l0.26211557909846306,0.14522850513458252 0.6591372936964035,-0.6611930578947067 l1.194431334733963,-0.7623562961816788 1.3014020025730133,-0.7934954017400742 l1.5752501785755157,-0.9898082166910172 2.361965924501419,-1.5019066631793976 l2.152884006500244,-1.3409881293773651 1.9672185182571411,-1.3582424819469452 l0.539407916367054,-0.6664081662893295 0.33800628036260605,-0.02735147252678871 l1.1934399604797363,-0.9150300920009613 0.6655895709991455,-0.47213904559612274 l-0.04780170042067766,-0.7836461067199707 -0.4841548576951027,0.07417833432555199 l-0.06688382476568222,0.13554563745856285 0.5406072363257408,0.17079969868063927 l0.007138934452086687,0.14642169699072838 -1.6547104716300964,0.12762527912855148 l-1.2647876143455505,0.09894052520394325 -0.7265578955411911,0.1288123894482851 l-0.7588685303926468,0.09838149882853031 -0.8425449579954147,0.05921144504100084 l-1.145005151629448,0.03662871662527323 0.08761338889598846,0.9538599848747253 l-1.2796063721179962,-0.08726276457309723 -0.7591412961483002,0.6448205560445786 l-1.5871287882328033,-0.10532394051551819 -1.005779653787613,-0.13980415649712086 l0.07132621947675943,0.9050412476062775 -0.814611166715622,-0.11571780778467655 l0.019289690535515547,1.1014562845230103 -1.5019413828849792,0.8795203268527985 l0.019962249789386988,1.5552259981632233 0.01805333886295557,2.2094477713108063 l0.027828251477330923,1.8623945116996765 -0.022780748549848795,3.2969123125076294 l0.21028291434049606,0.5120670422911644 -0.06264009978622198,2.4718135595321655 l0.7292687892913818,2.049040049314499 3.140256404876709,4.114735722541809 l0.9096193313598633,0.8445838838815689 0.49193602055311203,0.8316964656114578 l0.7750704884529114,0.8096101880073547 0.8945317566394806,0.854085385799408 l1.0126374661922455,0.9010749310255051 0.9085527807474136,0.9033047407865524 l0.8822163939476013,-0.4546639695763588 0.812365785241127,-0.5602826550602913 l0.7593940198421478,-0.5878333002328873 0.7662607729434967,-0.7568826526403427 l2.424447387456894,-2.865946888923645 0.8915065228939056,-0.8150120824575424 l0.9959423542022705,-0.9248090535402298 2.986595034599304,-3.763744831085205 l0.9320332854986191,-0.9419161081314087 1.1262508481740952,-1.3109785318374634 l1.284787654876709,-1.147061139345169 1.0824448615312576,-1.3938285410404205 l0.05314825102686882,-0.6365659832954407 0.2229711227118969,-0.5955517664551735 l1.7252299189567566,-3.235473930835724 -0.04030018579214811,-0.7336001098155975 l1.338157057762146,-2.0736290514469147 -0.05895356647670269,-0.7872308045625687 l1.2472707033157349,-1.746441274881363 0.8660931140184402,-2.2201941907405853 l1.1823588609695435,-2.4221862852573395 0.19508549943566322,-1.168956384062767 l1.7624765634536743,-2.97387957572937 0.16419783234596252,-1.3942357897758484 l1.436079889535904,-3.092246353626251 0.9283047914505005,-2.7968308329582214 l0.6310730427503586,-1.498844474554062 0.3591780737042427,-1.7633843421936035 l0.9818381071090698,-1.8484832346439362 0.7708927989006042,-2.3917824029922485 l0.6211652979254723,-1.243252158164978 1.194356307387352,-2.5036635994911194 l0.40072470903396606,-1.1496297270059586 -0.21129246801137924,1.0547198355197906 l-0.5341747030615807,1.5960045158863068 -0.6012174487113953,2.4484726786613464 l-0.27493512257933617,1.0125470906496048 -0.769694522023201,3.199213445186615 l-0.885089784860611,3.1448420882225037 -0.011711096158251166,0.8127521723508835 l-0.5357011035084724,2.9631155729293823 -0.4368762671947479,2.1423541009426117 l-0.8838921040296555,1.3400107622146606 -0.22686464712023735,2.5595584511756897 l-0.9171808511018753,9.20380175113678 0.20500518381595612,0.6030075997114182 l-0.5421305447816849,1.2598657608032227 -0.10362294502556324,2.006731927394867 l0.28046824038028717,2.2475767135620117 0.5071824043989182,0.7907508313655853 l0.424187034368515,1.3669677078723907 0.5173929780721664,1.1626221984624863 l-0.24999747052788734,0.6235330551862717 0.8782626688480377,1.3431566953659058 l0.6265994161367416,0.1560626272112131 0.8178243786096573,0.9175100922584534 l1.9821104407310486,0.5198770016431808 0.4719383269548416,-0.2566851116716862 l1.6130684316158295,0.049670697189867496 1.3962486386299133,-0.5962499603629112 l1.7932762205600739,-0.689675509929657 \" 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=\"108.67161953588948\" version=\"1.1\" width=\"211.0225735975837\" 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=\"108.67161953588948\" width=\"211.0225735975837\" x=\"0\" y=\"0\"/><path d=\"M40.43723182476242,50.98057703775339 m-3.741936683654785,-0.07247716188430786 l-0.7556329667568207,0.4634031280875206 -1.4449571073055267,0.10768255218863487 l-0.5088252574205399,0.6211943924427032 -0.002234025887446478,-0.4335670545697212 l-0.30977344140410423,0.5957329273223877 -1.2627503275871277,0.022086952812969685 l-0.8356426656246185,0.44793080538511276 -0.5756470561027527,0.6923912465572357 l-0.8987226337194443,0.015071836533024907 -1.4056238532066345,1.3049915432929993 l-0.774952843785286,0.7924684137105942 -0.509919635951519,0.7559382915496826 l-0.7562842220067978,0.9493391215801239 -0.229987483471632,0.8329851180315018 l-0.07535739801824093,0.7035073637962341 -0.5070373043417931,0.7499129325151443 l-0.03436179831624031,0.9071456640958786 -0.4375651851296425,0.8381909877061844 l-0.37001993507146835,1.789955347776413 0.12192112393677235,1.7459656298160553 l2.0660868287086487,4.962613880634308 1.3619013130664825,1.2079153209924698 l3.0290189385414124,1.941184401512146 4.298787415027618,-0.6589710712432861 l0.6754758208990097,-0.7177979499101639 1.4155185222625732,-0.7455401122570038 l0.9644781798124313,-0.9155737608671188 1.851831078529358,-2.1029336750507355 l0.8356483280658722,-1.259252279996872 2.920682430267334,-5.793110132217407 l1.415199488401413,-4.846262633800507 1.8135502934455872,-4.343461692333221 l1.1009707301855087,-4.479397237300873 1.074097529053688,-5.275104641914368 l0.08492947556078434,-2.178386300802231 0.8331422507762909,-1.6302712261676788 l-0.19596155732870102,-1.5956361591815948 0.6507010757923126,-2.993457019329071 l0.3739233687520027,-1.4101454615592957 0.1891864277422428,-1.7992685735225677 l0.1201812643557787,-1.4822058379650116 -0.43550532311201096,-0.7455286383628845 l0.3026138246059418,-0.8167906105518341 0.07815657183527946,-0.7533547282218933 l-0.4249655082821846,0.12377665378153324 -0.5505173653364182,0.4722292348742485 l-0.6507644802331924,0.6978020071983337 -0.1202810276299715,0.8921648561954498 l-0.7933047413825989,0.9354332089424133 -0.730937197804451,1.136806532740593 l-1.0457001626491547,8.531407117843628 0.20774969831109047,1.2848426401615143 l-0.7261495292186737,2.8672215342521667 -0.16080807894468307,3.9190131425857544 l-1.0613919794559479,2.8451165556907654 -0.3284844011068344,6.3613361120224 l-0.370253287255764,3.6889442801475525 0.6826997548341751,4.821459352970123 l0.661286786198616,1.0010287910699844 0.4627394676208496,0.9905122965574265 l0.44161397963762283,0.9389574825763702 1.2922541797161102,2.0894402265548706 l0.6569156795740128,0.96514992415905 0.6249476969242096,1.1809812486171722 l0.8851312845945358,0.47293514013290405 0.7798447459936142,-0.12124457396566868 l3.1525638699531555,-1.441565603017807 0.14740881510078907,-0.7470879703760147 l0.9307492524385452,-0.24269519373774529 0.34712404012680054,-0.6696119904518127 l0.5671772360801697,-0.49881741404533386 1.5108121931552887,-1.9355352222919464 l1.5457572042942047,-1.5760333836078644 1.06385737657547,-2.223527580499649 l0.3251446783542633,-1.0033085197210312 0.32636508345603943,-0.9704280644655228 l0.07581537123769522,-0.7250993698835373 0.49076929688453674,-1.055031344294548 l0.9199262410402298,-2.0339469611644745 0.23837512359023094,-1.1228953301906586 l0.24821294471621513,-1.187835931777954 0.418134368956089,-1.1201035976409912 l0.03625204088166356,-0.9700744599103928 -0.11912799440324306,0.1363620813935995 l-0.31295616179704666,0.11942673474550247 -0.20748283714056015,1.693214476108551 l-0.46866104006767273,0.2705290913581848 -0.18820663914084435,2.2012490034103394 l-0.1315468456596136,0.9913872182369232 0.8505559712648392,-0.11191247031092644 l-0.4199165478348732,3.022131025791168 -0.6063509359955788,0.4006444290280342 l-0.025880062021315098,3.5512185096740723 -0.5873333290219307,0.47015856951475143 l0.013532083248719573,0.5853106826543808 0.7054822891950607,-0.016413485864177346 l0.2577180042862892,0.025586578994989395 0.6461990624666214,-0.04547602031379938 l1.827392578125,0.5410443618893623 0.31773995608091354,-0.5260108411312103 l1.4518003165721893,0.30107857659459114 5.22641658782959,-3.0332332849502563 l0.2740797773003578,-0.6678862869739532 0.82833431661129,-0.5322417616844177 l1.2679538130760193,-0.9465677291154861 0.6577719748020172,-0.017044582637026906 l0.44895149767398834,-0.5920466408133507 0.4734839126467705,-0.5401965975761414 l0.6832936406135559,0.00032461532100569457 0.14750800095498562,-0.644761249423027 l1.3031625747680664,-0.98532535135746 -0.11899108067154884,-0.5589866265654564 l0.5353540554642677,-0.26368705555796623 -0.02948713256046176,-0.5908532068133354 l0.3395982086658478,-0.18423214554786682 0.5427981168031693,-1.2638968229293823 l0.30143143609166145,-0.47988057136535645 0.10903457179665565,-0.5970800668001175 l0.916869044303894,-1.269284188747406 0.8094452321529388,-1.3106414675712585 l0.7135019451379776,0.006512758554890752 0.9855015575885773,-1.9295357167720795 l0.3992662951350212,-0.505371168255806 0.28059640899300575,-1.4196455478668213 l-1.1184736341238022,-0.051155989058315754 -0.1778993383049965,-0.03665693337097764 l-0.8387234061956406,-0.02176435198634863 -0.6455719470977783,-0.0443005608394742 l-0.6017796322703362,-0.028701052069664 -0.0025733577786013484,0.7875242084264755 l-0.5357141047716141,-0.280969962477684 0.0018439638370182365,0.8379615843296051 l-0.04936020355671644,0.799335390329361 -0.6939751654863358,1.0150623321533203 l-0.9712036699056625,3.7836191058158875 -0.8344691246747971,0.41293077170848846 l-0.0166182906832546,1.4152538776397705 -0.5799371004104614,0.5894195288419724 l0.6948158890008926,4.501398503780365 0.8192712068557739,0.6425883620977402 l0.2523323893547058,0.6454970687627792 0.07779160048812628,0.6065899133682251 l2.8276199102401733,3.9096632599830627 0.21127428859472275,0.2203039452433586 l0.4158232733607292,0.7190479338169098 0.2574387937784195,0.4761921241879463 l1.5071488916873932,0.45450400561094284 1.4187031984329224,0.0041426243842579424 l0.4457956552505493,-0.49195148050785065 0.3610759973526001,0.3540641814470291 l0.2313578687608242,-0.4832816496491432 0.3562125191092491,0.45080889016389847 l0.7626334577798843,-0.6818228960037231 0.33263441175222397,-0.5211926251649857 l0.8255209028720856,-1.252373456954956 0.6602388620376587,0.07278649602085352 l0.5780017375946045,0.23640373721718788 -0.0107437907718122,-0.8312980830669403 l1.0766937583684921,-0.6345120072364807 0.9232600778341293,-1.3363288342952728 l0.20606400445103645,-0.5491309240460396 1.2305467575788498,-1.262332946062088 l0.5426998436450958,-1.1188028007745743 1.155119314789772,-0.8271617442369461 l1.000370979309082,-1.1215341836214066 1.1552319675683975,-1.0931874811649323 l-0.008336548926308751,-0.32011162489652634 1.3751265406608582,-0.9953970462083817 l0.6844478845596313,0.040658111684024334 1.6172769665718079,-1.3085760176181793 l2.9905569553375244,-1.4773300290107727 0.16495034098625183,-0.2875993959605694 l0.6399773806333542,0.1942087709903717 0.5590128526091576,-0.2836894989013672 l0.8252475410699844,-0.04496193025261164 0.6053535267710686,-0.14692946337163448 l0.7292306423187256,-0.2440478652715683 1.5994693338871002,-0.5149347335100174 l1.0407096892595291,-0.6723754107952118 1.288006454706192,-0.8507028967142105 l0.5804416164755821,0.01752305426634848 -1.7027415335178375,-0.0002771861727524083 l-0.7102770358324051,0.031352867372334 -1.617434173822403,-0.0020771208801306784 l-0.8429361134767532,0.7414033263921738 -2.7141138911247253,1.51168555021286 l-0.5975496023893356,0.5853470042347908 -1.9779308140277863,1.447850614786148 l-0.03875061636790633,0.8089850842952728 -2.0216064155101776,1.82747021317482 l-0.0405221339315176,0.9046518802642822 -0.597091019153595,0.561055913567543 l-1.6938231885433197,2.2045382857322693 -0.016018381575122476,1.2583358585834503 l-1.1091744154691696,2.045087069272995 -0.6577195972204208,0.8651813864707947 l-0.02472915919497609,2.521545886993408 -0.5239445343613625,0.8858102560043335 l0.6571026891469955,0.1705244742333889 -0.061875092796981335,2.120774984359741 l1.6540926694869995,1.754787564277649 0.6049593165516853,0.7981599867343903 l0.4007246717810631,0.7536688446998596 5.151926279067993,0.6377971917390823 l1.3114124536514282,-0.055853486992418766 2.3001453280448914,-1.0035638511180878 l1.07970230281353,-0.8903427422046661 1.9464069604873657,-1.3340860605239868 l0.6313746422529221,-0.9679832309484482 2.8589069843292236,-4.316585659980774 l0.9471265971660614,-2.6184478402137756 1.095367893576622,-2.8070273995399475 l0.23757904767990112,-1.366957426071167 0.7161296159029007,-2.0446743071079254 l0.342034287750721,-1.734582632780075 0.44687017798423767,-1.9088175892829895 l0.14975814148783684,-1.678597778081894 0.4520734027028084,-1.7854616045951843 l0.32347556203603745,-2.467993199825287 0.43376754969358444,-1.9043153524398804 l0.35318728536367416,-2.4750322103500366 0.42631760239601135,-2.3020322620868683 l0.2622389793395996,-2.07101970911026 0.3459334000945091,-1.5779565274715424 l0.11333543807268143,-2.790403962135315 0.3718521073460579,-2.2454066574573517 l0.21832071244716644,-1.6929632425308228 0.3990326449275017,-1.692456305027008 l0.2555869147181511,-1.7828445136547089 0.38900867104530334,-0.7405927032232285 l0.8021526038646698,-2.5751882791519165 0.6193235516548157,-0.21021990105509758 l0.14229042455554008,0.019299578852951527 -0.6484285742044449,0.2965606190264225 l0.2150772139430046,3.5494282841682434 -0.3264538198709488,0.6813367456197739 l-0.12949256226420403,5.064563155174255 -0.7835877686738968,1.1491171270608902 l0.26035914197564125,4.9739474058151245 -0.80357626080513,1.3697172701358795 l0.008588184718973935,5.528829097747803 -0.8505414426326752,1.695968359708786 l-0.8194062858819962,8.32491159439087 -0.9288734942674637,1.6337493062019348 l0.33471502363681793,3.602706789970398 -0.5819917470216751,1.4064319431781769 l-0.47364458441734314,1.498124897480011 0.6075406819581985,1.121763065457344 l-0.15677815303206444,2.416503131389618 0.7412897795438766,1.086052656173706 l0.5521992966532707,1.4742405712604523 0.8582315593957901,1.1921228468418121 l0.15638645738363266,1.0938885807991028 2.417123466730118,1.1558233201503754 l0.7571464031934738,0.1466581504791975 0.9571083635091782,-0.09071379899978638 l1.1018719524145126,-0.13317687436938286 1.0622835159301758,-0.09555348195135593 l2.0941810309886932,-0.8888242393732071 0.6676884740591049,-0.8901972323656082 l0.8833151310682297,-0.5707214772701263 1.758345514535904,-1.6374960541725159 l1.9507072865962982,-1.9383615255355835 0.8453701436519623,-1.2576158344745636 l2.0024652779102325,-2.520521581172943 2.010270655155182,-2.8902968764305115 l0.9091532230377197,-1.0797889530658722 0.6759607046842575,-0.9378425031900406 l0.729667916893959,-0.7367096096277237 0.705794095993042,-1.7762228846549988 l0.6495361775159836,-1.065354198217392 0.25782395154237747,-1.0583479702472687 l0.6340920925140381,-0.8156755566596985 0.14168662019073963,-0.9118790179491043 l-0.5325548350811005,-0.023621264845132828 0.3622101619839668,-0.8597223460674286 l-1.625986248254776,0.03819910576567054 -1.8061622977256775,0.7309096306562424 l-1.492953598499298,-0.0047695450484752655 -0.9364517033100128,0.5502493679523468 l-1.150098741054535,0.7332203537225723 -1.176864355802536,0.9609165787696838 l-2.0734286308288574,2.1389934420585632 -1.2133122980594635,0.8042579144239426 l-0.07744457572698593,1.026819720864296 -2.077764570713043,2.3086880147457123 l-0.053646196611225605,1.4842286705970764 -1.2054362148046494,0.8217727392911911 l-1.1233170330524445,1.2485696375370026 -0.00947585329413414,1.7336858808994293 l-1.1410023272037506,0.9685046970844269 0.03574094269424677,1.396646648645401 l0.36515388637781143,4.62125688791275 -0.2634776569902897,0.6553137302398682 l2.3232290148735046,4.514525830745697 1.1108841747045517,0.9455195069313049 l0.17666589468717575,0.941387414932251 1.8461863696575165,1.255178153514862 l1.4545300602912903,0.2458600513637066 2.1948935091495514,-0.031439666636288166 l1.848938912153244,0.28002355247735977 1.164873018860817,-0.3319482132792473 l1.0258937627077103,-0.05347876809537411 1.1223877221345901,-0.017699797172099352 l0.9362436085939407,0.1726357638835907 2.482653260231018,-1.2551803886890411 l0.4512287676334381,-0.5181651562452316 1.2869830429553986,-0.7684847712516785 l0.9284476935863495,-0.9418044239282608 -0.3175448998808861,-0.8567085117101669 l0.2442752756178379,-1.3318006694316864 0.033961012959480286,-1.020628809928894 l0.20710105076432228,-0.8762548118829727 0.3887951746582985,-1.3540071249008179 l-0.040284162387251854,-0.5051914602518082 0.4728768765926361,-1.1695772409439087 l0.11136519722640514,-0.5761425197124481 0.864143967628479,-1.0713710635900497 l0.9943254292011261,-0.789351686835289 0.01609091879799962,-2.9521337151527405 l1.3607221841812134,-1.0318467020988464 1.1051571369171143,-1.7822566628456116 l0.5402270704507828,-0.2689800225198269 1.5245546400547028,-2.010030597448349 l1.8192490935325623,-1.4793522655963898 2.1482929587364197,-2.3771102726459503 l2.205931842327118,-1.8401429057121277 2.5383201241493225,-2.01002299785614 l0.8300800621509552,-0.5095109716057777 2.7383920550346375,-1.978970319032669 l1.4131343364715576,-0.4604210704565048 0.8505695313215256,-0.754721462726593 l0.3959072008728981,-0.6230597570538521 1.895061731338501,-1.6076123714447021 l1.935114711523056,0.10668267495930195 -0.6283362954854965,0.1474293414503336 l-0.47392502427101135,0.18488038331270218 1.0006128251552582,0.17143571749329567 l-2.0070795714855194,0.09307203814387321 -1.0170094668865204,0.09440232999622822 l-2.240944355726242,0.10841374285519123 -2.9603445529937744,2.0953838527202606 l-2.1675217151641846,1.4574110507965088 -1.1133626103401184,0.6452593207359314 l-2.388070225715637,2.156713604927063 -1.587035059928894,0.12464207597076893 l-1.1633066833019257,1.0167431086301804 -1.558048278093338,0.7543081790208817 l-1.0526575148105621,1.2254225462675095 -0.13724777847528458,1.997990906238556 l-0.09603791870176792,2.0106449723243713 -0.07592812180519104,3.0986806750297546 l-0.2533545717597008,0.8026701211929321 -0.10784215293824673,2.89614200592041 l1.6277214884757996,3.1381869316101074 0.37505924701690674,0.4802047461271286 l0.3195667639374733,0.7300452142953873 0.5087096989154816,0.5388914048671722 l2.369322031736374,1.9927261769771576 0.8432522416114807,-0.026082065887749195 l0.9432521462440491,0.12030314654111862 1.2214207649230957,-0.11849074624478817 l1.1465412378311157,0.7485830783843994 4.091233313083649,-1.173596829175949 l0.5422185733914375,-0.5868358165025711 1.084221825003624,-0.587836392223835 l0.9451613575220108,-0.7805135846138 0.949067622423172,-0.5640145018696785 l0.8552039414644241,-0.9381269663572311 0.6055776029825211,-0.733528658747673 l1.166355088353157,-0.5677922070026398 0.4264657571911812,-0.6065631657838821 l0.6416403502225876,-0.45579347759485245 0.42648468166589737,-0.5665323138237 l0.5488916113972664,-0.3345656022429466 0.5462643876671791,-0.5870324000716209 l1.4872273802757263,-0.5553276836872101 0.5445492267608643,-0.4732634872198105 l0.5039222165942192,-0.3131161630153656 0.5660032853484154,-0.3731206804513931 l0.5293771997094154,-0.2698933891952038 0.6082975119352341,-0.38604192435741425 l1.4022049307823181,-0.9632042795419693 0.38272958248853683,-0.6382830440998077 l0.6146599724888802,-0.28861774131655693 0.38833215832710266,-0.6321240216493607 l0.5730541422963142,-0.6324700266122818 0.5790896341204643,-0.928613692522049 l0.551021583378315,-0.6514692306518555 0.49125954508781433,-0.8921117335557938 l1.2131929397583008,-3.2228976488113403 \" 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=\"134.01218972809147\" version=\"1.1\" width=\"161.46643062354997\" 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=\"134.01218972809147\" width=\"161.46643062354997\" x=\"0\" y=\"0\"/><path d=\"M43.45563704147935,63.88491488061845 m-3.3968573808670044,-0.7686275243759155 l-0.7330759614706039,0.5033267289400101 -3.6903923749923706,0.1408536545932293 l-1.3030727207660675,0.7215579599142075 -3.0070912837982178,1.2632472813129425 l-1.6904355585575104,1.3169564306735992 -1.1457443982362747,0.6336550414562225 l-1.356780081987381,1.1757861077785492 -1.2540148198604584,0.6464196741580963 l-0.5154078081250191,0.7487563043832779 0.17006324604153633,0.661025270819664 l-0.2637071907520294,0.8778979629278183 0.114704929292202,1.3223983347415924 l-0.3838256374001503,4.983176589012146 0.5429903790354729,0.44497426599264145 l0.38196276873350143,1.568344384431839 0.5227193981409073,1.1715687066316605 l1.805644929409027,1.487528383731842 0.14138834550976753,1.1186181008815765 l0.4206133261322975,0.3020814619958401 0.3229363262653351,0.48438433557748795 l2.5352084636688232,-0.1475068088620901 0.8914075046777725,-0.8693207055330276 l1.9641348719596863,-0.5652284622192383 2.049102485179901,-1.656402349472046 l0.9005812555551529,-1.051173284649849 2.13292732834816,-3.2379063963890076 l0.6541284918785095,-1.683194786310196 0.7852017134428024,-1.7319272458553314 l1.6671355068683624,-3.268773853778839 1.5477252006530762,-4.801695346832275 l1.9215740263462067,-8.698651790618896 1.3526108860969543,-5.676572322845459 l1.015687882900238,-5.240041613578796 0.1294034905731678,-2.347749024629593 l0.8642181009054184,-1.4255806803703308 1.273210346698761,-1.9812527298927307 l0.8418193459510803,-3.27056884765625 0.6813237071037292,-1.7785471677780151 l0.8412874490022659,-2.5195857882499695 0.7627585530281067,-1.8980242311954498 l0.7733910530805588,-1.1168034374713898 0.5850077793002129,-1.0855966061353683 l0.6487944722175598,-0.591750331223011 0.39145391434431076,-1.3723771274089813 l0.5111799389123917,-0.8796518296003342 0.27295172214508057,-0.4047270119190216 l0.18920427188277245,-0.38823455572128296 0.28864048421382904,0.18192972987890244 l0.12601086869835854,-0.07598353549838066 0.3746798262000084,0.15770575031638145 l-0.08739789947867393,0.37786658853292465 -0.08805838413536549,0.7215988636016846 l-0.45261792838573456,1.2227656692266464 -0.15739891678094864,1.0037491470575333 l-4.00806337594986,7.4097490310668945 -0.05717044696211815,1.574234515428543 l-1.4611348509788513,3.4619832038879395 -1.0728143155574799,3.347170352935791 l-1.9025638699531555,11.530473232269287 -0.07287555374205112,1.1784475296735764 l-0.6584268063306808,3.5584980249404907 -0.15320857986807823,1.4096108078956604 l-0.07233440410345793,4.501831233501434 0.3398663178086281,1.2790784239768982 l0.20640462636947632,1.5537185966968536 0.29758771881461143,0.7710450142621994 l0.2078627422451973,0.9353573620319366 0.2431376837193966,0.7227203249931335 l0.15063739381730556,0.929463803768158 0.874573141336441,2.172842025756836 l0.17101280391216278,-0.09160243906080723 0.4107891023159027,0.3241794556379318 l0.893615111708641,0.0854006689041853 0.6839174777269363,-0.0549338199198246 l0.7588579505681992,-0.1772029511630535 0.8508628606796265,0.0050365697825327516 l0.6852634251117706,-0.07169813849031925 0.9878794848918915,-0.41860297322273254 l2.4613679945468903,-1.7495164275169373 0.5463317781686783,-0.8693128079175949 l1.1292769014835358,-0.5713389813899994 0.8333965390920639,-0.8848913758993149 l1.8221111595630646,-2.21950426697731 0.4887276887893677,-1.2680044770240784 l0.6349901109933853,-1.0058681666851044 1.0729720443487167,-2.2759462893009186 l0.6061204895377159,-0.9789650142192841 0.13349506072700024,-1.1881227046251297 l0.3271091356873512,-0.43034717440605164 0.11599414981901646,-0.9299376606941223 l0.5960829555988312,-0.6271069496870041 0.41895791888237,-1.184455081820488 l-0.06020947825163603,-0.22767901420593262 -0.34459810703992844,0.617850050330162 l-0.3196811303496361,0.6432204693555832 -0.34481383860111237,0.9863894432783127 l-0.41858166456222534,0.5384458228945732 -0.17939621582627296,0.9359439462423325 l-0.6634680181741714,0.9045883268117905 -0.7143380492925644,1.478607952594757 l-0.8609282225370407,2.387833744287491 -1.0914306342601776,3.0501076579093933 l-0.3283704072237015,1.2253450602293015 -0.5465935170650482,1.3561010360717773 l-0.3558432310819626,1.2199373543262482 0.06125341635197401,2.0237955451011658 l-0.050691631622612476,1.1194924265146255 0.13089667074382305,1.0758720338344574 l-0.3078136220574379,0.6884808093309402 1.6720953583717346,1.6801229119300842 l1.1345861107110977,0.15200708992779255 3.478524088859558,-0.7513253390789032 l2.604239284992218,-1.1229705810546875 1.1411505192518234,-0.5956797674298286 l1.215585172176361,-0.6612121313810349 1.9206266105175018,-1.382041722536087 l1.1128973960876465,-0.7794181257486343 1.9730345904827118,-1.7574132978916168 l1.698671132326126,-1.715715080499649 1.5839000046253204,-2.2576341032981873 l0.6069890409708023,-1.0850203037261963 0.750027596950531,-1.1692143231630325 l0.4234261065721512,-1.2096163630485535 0.36004554480314255,-1.461554616689682 l0.12372882105410099,-0.8866263180971146 -0.24400705471634865,-1.0191647708415985 l-0.24881990626454353,-0.5223934724926949 -0.6961517781019211,-0.38858842104673386 l-0.6389935314655304,-0.304464902728796 -0.4313715547323227,-0.01881015719845891 l-0.517752468585968,0.12270032428205013 -0.9093297272920609,0.5750764906406403 l-0.743006244301796,0.599825419485569 -0.6246635317802429,0.3591059148311615 l-0.7870649546384811,0.5908301472663879 -0.786331295967102,0.7068409025669098 l-0.7231857627630234,0.86213618516922 -0.8697906136512756,0.8899731934070587 l-1.8531778454780579,3.709302842617035 -0.559236966073513,0.9793461859226227 l-0.7478349655866623,1.1950203031301498 -0.5040415376424789,1.9396306574344635 l-0.25136498734354973,2.3652030527591705 0.2882467396557331,1.8470509350299835 l0.10128529742360115,0.8192304521799088 0.18157869577407837,0.855465829372406 l0.2565377205610275,0.7797980308532715 0.665350928902626,0.8385652303695679 l1.8391378223896027,1.4623573422431946 1.182008534669876,0.23049643263220787 l1.9670255482196808,0.0297615397721529 1.1339689046144485,-0.05485260859131813 l2.1050478518009186,-0.8091054856777191 2.4747100472450256,-1.1746544390916824 l1.8347640335559845,-1.0655122995376587 1.2827102839946747,-0.7293315231800079 l2.5202226638793945,-2.0295140147209167 1.1679236590862274,-0.7467140257358551 l1.13373301923275,-0.7148926705121994 1.1932376772165298,-0.7981280982494354 l1.2181788682937622,-0.7042074948549271 2.1638023853302,-1.8829463422298431 l0.7519779354333878,-0.4836345463991165 2.011425793170929,-1.5272638201713562 l0.9299812465906143,-0.3467564284801483 0.8370974659919739,-0.4178476333618164 l0.7768063992261887,-0.3385520353913307 0.602552592754364,-0.3246859833598137 l0.468573234975338,-0.3647010773420334 0.5432653427124023,-0.39457425475120544 l-0.7095135748386383,-0.024382497649639845 0.28394201770424843,-0.2233598195016384 l0.5701655894517899,0.026599515695124865 0.09113982319831848,-0.5066325888037682 l0.1356816105544567,-0.2307361178100109 0.1020169910043478,-0.4759988933801651 l-0.9609270095825195,-0.025573731400072575 -0.9664582461118698,-0.02085469663143158 l-0.8454065024852753,0.1869250275194645 -0.8122403174638748,0.1674645021557808 l-2.123386412858963,0.9513682872056961 -0.8007892221212387,0.4435747489333153 l-2.1690724790096283,1.279209703207016 -0.7558007538318634,0.7739152014255524 l-2.6295295357704163,1.9468894600868225 -0.7471095770597458,1.0568728297948837 l-0.720212385058403,0.9140019863843918 -1.0140052437782288,2.195124626159668 l-0.29522303491830826,1.085442677140236 -0.16426287591457367,0.7808456569910049 l0.17739681527018547,0.8793491125106812 0.1993395760655403,0.6263301521539688 l-0.03436892991885543,1.2848708033561707 0.19096551463007927,1.0619466006755829 l0.5789609625935555,0.3795616701245308 0.2689887396991253,0.2409587800502777 l1.1597003042697906,0.9714274853467941 1.869402676820755,-0.11759963817894459 l2.5096529722213745,-1.1178632080554962 1.252540796995163,-0.8406496047973633 l1.3327158987522125,-1.098979189991951 1.1302923411130905,-1.1587221920490265 l0.4572342336177826,-0.9132660180330276 1.0141410678625107,-1.6087940335273743 l0.4659122973680496,-0.9413562715053558 0.3918980807065964,-1.07675701379776 l0.5232978984713554,-1.7804278433322906 0.46292368322610855,-1.0866105556488037 l0.32197944819927216,-1.079641655087471 1.397475153207779,-4.928708076477051 l0.7246065139770508,-2.8558391332626343 0.4427625238895416,-1.8839485943317413 l1.139882355928421,-3.9514225721359253 0.8149638026952744,-3.028438091278076 l0.4651790112257004,-2.0769764482975006 0.722714439034462,-2.9794782400131226 l1.0177472233772278,-3.37993323802948 0.8313431590795517,-3.492739498615265 l0.5719339475035667,-2.934544086456299 0.9433314949274063,-1.9758911430835724 l0.27844877913594246,-1.924607753753662 1.1088715493679047,-1.3778117299079895 l0.4309481382369995,-1.5270739793777466 0.4419546574354172,-1.4268310368061066 l-0.5986637249588966,0.628410130739212 0.16722097992897034,0.25322943925857544 l-0.48492755740880966,2.1303100883960724 -0.4715130478143692,1.3290688395500183 l-0.32076966017484665,1.393953114748001 -0.884333923459053,3.6537250876426697 l-0.5300119891762733,1.4808925986289978 -0.8498182892799377,3.728114664554596 l-0.39897382259368896,1.3362427055835724 -1.0971233993768692,4.020766913890839 l-0.26328885927796364,1.4666450023651123 -0.28888536617159843,1.475941687822342 l-0.19233288243412971,1.406853049993515 -0.4671422764658928,1.5424557030200958 l-0.5677445977926254,1.6021665930747986 -0.6142257899045944,1.6000191867351532 l-0.6420672684907913,1.4762145280838013 -1.5777559578418732,4.574791193008423 l-0.9732923656702042,4.753649830818176 0.1042539719492197,1.5896373987197876 l-0.012694887118414044,1.303887665271759 0.20052559673786163,1.2786149978637695 l0.36101773381233215,2.4608339369297028 0.3360074386000633,1.3243038952350616 l0.34181036055088043,1.0399055480957031 1.4921320974826813,2.2413545846939087 l2.7451741695404053,1.0103467851877213 1.5686820447444916,0.1986890658736229 l5.3732359409332275,-0.8403020352125168 1.2952007353305817,-0.6600305438041687 l1.4306724071502686,-0.5663755536079407 1.2238294631242752,-0.8177497237920761 l1.188804805278778,-0.8825048059225082 1.3350842893123627,-0.896562784910202 l1.2543818354606628,-0.8464999496936798 1.896829903125763,-2.2483471035957336 l1.38152614235878,-1.1999102681875229 1.6266053915023804,-2.926052212715149 l0.9241108596324921,-0.9971068054437637 0.8808878064155579,-1.2369254976511002 l0.7763073593378067,-1.2821069359779358 0.7659317553043365,-1.3224342465400696 l0.3747476264834404,-2.1303533017635345 0.13256884180009365,-2.223319560289383 l0.35650961101055145,-1.3217268884181976 -0.8249785006046295,-1.9148623943328857 l-1.53804212808609,0.028327545151114464 -1.8212679028511047,0.3098738379776478 l-1.273055374622345,0.7375339418649673 -1.4051969349384308,0.8414063602685928 l-1.1076100170612335,1.1570536345243454 -1.4277490973472595,1.0973872244358063 l-1.2885458767414093,1.312163919210434 -0.9525278210639954,1.1094136536121368 l-1.9302834570407867,2.5088870525360107 -0.632895827293396,1.1131761968135834 l-0.9696170687675476,1.2659016251564026 -0.6504578143358231,1.2196022272109985 l-0.6406998634338379,0.9946762025356293 -1.0217227041721344,2.955409288406372 l-0.6053014099597931,0.9758175164461136 -0.625685378909111,1.4149042963981628 l-0.5111543461680412,1.2799900770187378 -0.11134669184684753,1.0978872328996658 l1.0165170580148697,3.4810155630111694 0.5265114456415176,1.0090411454439163 l0.6411878019571304,1.044161543250084 1.028730571269989,1.0536683350801468 l1.4237026870250702,0.832521989941597 3.637835383415222,2.0646123588085175 l0.8411212265491486,0.9549882262945175 2.7154457569122314,1.1821873486042023 l1.7776861786842346,-0.11472092010080814 1.42683744430542,-0.1723436824977398 l1.2620022892951965,-0.5302991345524788 1.1637496203184128,-0.5123313888907433 l1.6333715617656708,-0.6735179573297501 1.0073629766702652,-0.6210647895932198 m0.6274672597646713,-0.8631208539009094 l0.21577151492238045,-2.0416277647018433 0.39206668734550476,-1.0347475111484528 l0.15629751607775688,-1.6170822083950043 -0.3565409407019615,-1.655292958021164 m0.16223175451159477,-1.1995764821767807 l-0.019547869451344013,-0.9149070829153061 -0.017751053674146533,-0.7620531320571899 l-0.6619732826948166,-1.6081926226615906 -0.19368691369891167,-0.35046495497226715 l-1.0304071009159088,-1.0873430222272873 -0.6442836672067642,0.025115618482232094 l-0.2875760942697525,0.3681866452097893 -0.13678772374987602,-0.31237365677952766 l-0.8962364494800568,0.3646693006157875 -0.9855024516582489,0.4031064733862877 l-0.9763938188552856,0.35904649645090103 -0.9728536754846573,0.5757434293627739 l-0.985475480556488,0.7964501529932022 -0.9462141245603561,1.002468466758728 l-0.9446650743484497,1.388728767633438 -0.5826299637556076,1.025841310620308 l-0.4825625941157341,1.0611899942159653 -0.38840897381305695,1.3080273568630219 l-0.6742386519908905,1.891307383775711 -0.6089005619287491,1.9481278955936432 l-0.23117346689105034,1.419849693775177 -0.22943051531910896,1.2629340589046478 l-0.11557759717106819,1.3343143463134766 0.07032910361886024,1.0875777900218964 l0.1425712276250124,0.9351354837417603 0.025498655159026384,0.9797005355358124 l0.16872268170118332,0.9000450372695923 0.2549661323428154,0.8083849400281906 l0.2889544516801834,0.5188237503170967 1.4769524335861206,1.7860883474349976 l0.7314495742321014,0.2497435361146927 2.861774265766144,1.4903008937835693 l1.1488020420074463,-0.30889881774783134 1.0389265418052673,-0.07944026961922646 l3.3299830555915833,0.09266875684261322 0.7496712356805801,-0.7174898684024811 l2.9191789031028748,-0.11188770644366741 0.6318581104278564,-0.8833988010883331 l0.40542129427194595,-0.6929419934749603 0.15606610104441643,-0.744287446141243 l0.027626336086541414,-0.5528975278139114 -0.23857077583670616,-0.7502693682909012 l-1.1354902386665344,-0.009072483517229557 0.4237435758113861,-0.2636345848441124 l-0.5015920847654343,-0.1832180842757225 -0.5638197809457779,-0.04030697979032993 l0.3237084299325943,0.01033458742313087 0.41480254381895065,-0.08778505958616734 l-0.9086961299180984,-0.5268989875912666 -0.6182804331183434,-0.13490892946720123 l0.20575949922204018,-0.021952311508357525 -0.8772574365139008,0.057846070267260075 l-0.14250610023736954,-0.10837117210030556 -0.8388376981019974,0.18448589369654655 l-0.40122140198946,0.4002847522497177 -0.07333878893405199,0.10757731273770332 l-0.052142092026770115,0.15501417219638824 -0.6852719932794571,-0.30232131481170654 l-0.9621122479438782,0.22121315822005272 -0.29971932992339134,0.18485447391867638 l-0.38629278540611267,0.2563145197927952 -0.34170791506767273,0.3063690662384033 l-0.26216860860586166,0.21029016003012657 -0.3134070709347725,0.31733404844999313 l-0.36386843770742416,0.47803930938243866 -0.3444620966911316,0.3315146639943123 l-0.39093591272830963,0.6163789704442024 -0.37010855972766876,0.46575892716646194 l-0.2902650274336338,0.5203993245959282 -0.26165496557950974,0.4122454673051834 l-0.1545589417219162,0.5932151153683662 -0.054392036981880665,0.6208471953868866 l-0.15977615490555763,0.4944361746311188 -0.11363685131072998,0.4624910280108452 l-0.05092306062579155,0.5509194359183311 0.16613464802503586,0.4652486741542816 l0.18219517543911934,0.6026434153318405 0.12541779316961765,0.6500644236803055 l0.3171681985259056,0.5795088410377502 0.3146761655807495,0.7029502838850021 l0.45199964195489883,0.49581311643123627 0.49066994339227676,0.5680251121520996 l2.0001840591430664,2.026989609003067 \" 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.52205540928117\" version=\"1.1\" width=\"173.57692545163445\" 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.52205540928117\" width=\"173.57692545163445\" x=\"0\" y=\"0\"/><path d=\"M40.65733627881855,50.09381487267092 m-2.722640037536621,-0.17700422555208206 l-0.3927910327911377,0.5637222900986671 -2.994661033153534,1.0109827667474747 l-0.9703379124403,0.6993971019983292 -0.48570089042186737,0.6308204680681229 l-0.7652758061885834,1.0283933579921722 -1.0599645227193832,0.6498018652200699 l0.09726721793413162,0.7106837630271912 -1.000843122601509,0.5858426913619041 l-0.8992338925600052,0.8597128838300705 -0.3574823588132858,0.7917677611112595 l-0.6914012879133224,0.8370917290449142 -0.2692350372672081,0.6461644917726517 l-0.5593616515398026,1.1407770216464996 -0.6937441974878311,1.680685132741928 l-0.4762749746441841,1.0254450142383575 -0.48751093447208405,0.7855942845344543 l-0.29510848224163055,1.0298875719308853 -0.3559739515185356,0.8548174053430557 l-0.21186433732509613,2.0582973957061768 -0.06519803311675787,1.1057064682245255 l0.057399398647248745,1.153818592429161 2.1080881357192993,-0.03225556807592511 l0.8013184368610382,1.189301684498787 0.6974167376756668,-0.39868608117103577 l1.764231026172638,0.3657572716474533 0.7404723763465881,-0.5948927998542786 l1.515084058046341,-0.0470697320997715 1.7341187596321106,-0.9477904438972473 l0.5911143124103546,-0.7275322824716568 1.66611909866333,-1.6221632063388824 l1.5175722539424896,-2.351323962211609 0.7168774306774139,-1.1667818576097488 l1.5972112119197845,-2.7821165323257446 0.7025103271007538,-1.5650419890880585 l0.5518156662583351,-1.5564721822738647 0.6323772668838501,-1.0916255414485931 l0.5131154134869576,-1.4288131892681122 0.4516281187534332,-1.4599740505218506 l0.590144507586956,-1.1088668555021286 0.2998189441859722,-1.833048015832901 l0.673447847366333,-1.1311860382556915 0.36399461328983307,-3.452906906604767 l0.7672404497861862,-0.8398303389549255 0.7090941071510315,-6.660822629928589 l0.4062124714255333,-0.8886381238698959 0.41063226759433746,-2.3223045468330383 l0.8470604568719864,-2.0811156928539276 0.36137502640485764,-2.270926386117935 l0.997835248708725,-1.4047475159168243 0.037943245843052864,-1.5940430760383606 l0.5705659464001656,-0.5049433931708336 0.0987017061561346,-1.8178559839725494 l0.6435041129589081,-0.4264441505074501 -0.3145509585738182,-0.21106058731675148 l-0.23705461993813515,1.821429282426834 -0.27157992124557495,0.5717926099896431 l-0.07692827377468348,1.3669665157794952 -0.3616715222597122,0.6969134509563446 l0.06095626391470432,1.2023410946130753 -0.6639581918716431,0.8168184012174606 l-1.3524377346038818,10.3744375705719 -0.775541290640831,1.2786346673965454 l-0.7065378874540329,4.958828985691071 -0.7163254171609879,1.4688315987586975 l-0.2711818180978298,3.6502650380134583 -0.6529797613620758,1.4436127245426178 l0.0009490473894402385,1.3412415981292725 -0.21462203934788704,1.0218000411987305 l-0.23418502882122993,3.2708635926246643 -0.036196401342749596,0.8798627555370331 l-0.3596385568380356,0.8597012609243393 -0.014991194475442171,0.9042557328939438 l-0.18029594793915749,1.3634476065635681 0.06780985277146101,3.121936023235321 l-0.436827689409256,1.9820623099803925 1.2000282108783722,4.776734113693237 l0.40295954793691635,1.3003678619861603 0.2659592404961586,0.6468944996595383 l0.4792322590947151,0.2995837666094303 2.5693166255950928,0.5153362825512886 l0.5401837825775146,-0.3034553863108158 1.067979708313942,0.0763423414900899 l0.8651499450206757,-0.3516487777233124 1.1286382377147675,-0.43226514011621475 l1.0725842416286469,-0.6330174952745438 0.8528244495391846,-0.4346150532364845 l1.181916743516922,-0.9016961604356766 1.980007141828537,-2.4017857015132904 l0.7548732310533524,-1.151583269238472 0.7725571841001511,-1.186097040772438 l0.6039914488792419,-0.8833526819944382 0.4934932664036751,-1.0718992352485657 l0.6856606900691986,-1.1455926299095154 0.49832768738269806,-1.034247726202011 l0.3766440600156784,-0.8820012211799622 0.34490760415792465,-0.8902789652347565 l0.28516264632344246,-0.6076470762491226 0.42318712919950485,-0.915735587477684 l0.33758603036403656,-0.6657490134239197 0.21411366760730743,-0.7209785282611847 l-0.20863614976406097,-0.24097004905343056 -0.1939753256738186,-0.19554916769266129 l-0.3544218838214874,0.974801704287529 -0.4329552501440048,0.38407541811466217 l0.3981398791074753,-0.0077608105493709445 -0.3069162368774414,0.033903687726706266 l-0.6921371817588806,2.058224529027939 -0.5639609321951866,0.7690500468015671 l-0.5103304609656334,0.6241915002465248 -1.156577318906784,2.7537935972213745 l-0.6602522730827332,0.5949630960822105 -0.43171990662813187,1.1212154477834702 l-0.49384385347366333,0.6884462386369705 -0.29106998816132545,1.001516729593277 l-0.5288008973002434,0.7935316115617752 -0.10588361881673336,5.872335433959961 l0.35210326313972473,0.7388043403625488 -0.024067144840955734,0.8508613705635071 l1.3819852471351624,1.3468435406684875 3.0803275108337402,0.9728432446718216 l1.0921326279640198,-0.4786289483308792 2.8514158725738525,-0.35601411014795303 l3.0087804794311523,-1.466919630765915 1.3189035654067993,-0.5752424523234367 l1.1100294440984726,-0.32735448330640793 1.1765255779027939,-0.4017486423254013 l0.8710837364196777,-0.4738626629114151 1.5598531067371368,-1.0955582559108734 l0.4385450482368469,-1.0333040356636047 1.2319943308830261,-1.5180166065692902 l0.7400058954954147,-1.648949384689331 0.18365750089287758,-0.7509544491767883 l0.09044574573636055,-0.7032931596040726 0.7381608337163925,-1.4066296815872192 l0.0345322722569108,-0.6821741163730621 0.43226052075624466,-0.675177276134491 l0.4287771135568619,-1.3139349222183228 0.043862853199243546,-0.742834210395813 l0.2626517787575722,-0.5598736181855202 -0.08933397941291332,-0.20234119147062302 l-0.17245657742023468,-0.703970268368721 0.33062946051359177,-0.43002456426620483 l-1.8506406247615814,-0.006145647494122386 -0.9476546943187714,-0.055091711692512035 l-0.6312618404626846,0.42657628655433655 -0.9647301584482193,0.16962837427854538 l-0.8694218844175339,0.6409303843975067 -1.0990908741950989,1.0430146008729935 l-0.9298083186149597,0.3648246079683304 -0.8887580037117004,1.0675328224897385 l-0.9491023421287537,1.5991297364234924 -0.8336926996707916,0.7899674773216248 l-1.0409663617610931,0.9533670544624329 -0.7033964246511459,0.9996066987514496 l-0.07703710347414017,1.2301019579172134 -0.06700758822262287,1.7719793319702148 l0.17942626029253006,1.3805924355983734 0.37606410682201385,1.36600062251091 l1.125369817018509,4.399645626544952 0.142630934715271,1.2595269083976746 l0.5404000729322433,0.7164470106363297 1.4207203686237335,1.2805826961994171 l0.9058447927236557,0.40568727999925613 0.881149023771286,0.5094364657998085 l0.9084128588438034,0.10253277607262135 0.9167564660310745,0.20926715806126595 l1.122708022594452,-0.09511719457805157 1.0756256431341171,-0.23063672706484795 l1.1272406578063965,-0.47258656471967697 1.367276906967163,-0.8425268530845642 l2.9220926761627197,-2.863546907901764 0.5600079894065857,-0.7932186126708984 l1.9885030388832092,-1.973811537027359 0.3426090255379677,-0.7605768740177155 l1.404682844877243,-1.6486462950706482 1.4235028624534607,-1.5355582535266876 l1.5551531314849854,-1.472252905368805 1.966233104467392,-1.6166296601295471 l0.3374618664383888,-0.5156328529119492 2.1629226207733154,-1.0361820459365845 l0.5485885217785835,-0.5016833171248436 1.854410320520401,-0.6163779273629189 l0.535292886197567,-0.4914364591240883 0.9264333546161652,-0.295385904610157 l0.5754340067505836,-0.5448233336210251 1.0916923731565475,-0.21471116691827774 l0.7160618156194687,-0.46954087913036346 0.9590194374322891,-0.2925100736320019 l0.6659609824419022,-0.36350879818201065 0.20521124824881554,0.05183732137084007 l1.0130058228969574,-0.43949589133262634 -1.1714185774326324,0.01187908579595387 l-1.6657833755016327,-0.005104877636767924 -1.2403807789087296,0.03412846941500902 l-1.2478933483362198,0.0009879252320388332 -0.6104985997080803,0.4931792616844177 l-1.8905645608901978,1.0323049128055573 -1.2644915282726288,-0.011401186930015683 l-2.440524399280548,1.622827798128128 -0.8980036526918411,0.4746285080909729 l-0.021963431499898434,0.7399871200323105 -0.8867514878511429,0.3350045904517174 l-3.852594494819641,5.276845693588257 -0.1514119002968073,0.4914214462041855 l-0.042947507463395596,1.3529251515865326 -0.036037859972566366,1.7345935106277466 l0.013957833871245384,1.3086161017417908 0.3569512441754341,0.4198136180639267 l0.015709951985627413,2.7660927176475525 0.22801030427217484,-0.012827455066144466 l0.004730972577817738,0.6029172241687775 0.009909877553582191,0.6190844252705574 l-0.06365617271512747,2.100428342819214 0.6804536283016205,-0.05689019802957773 l2.8473278880119324,1.9971586763858795 0.8698257803916931,-0.7002107053995132 l1.612684279680252,0.4155447334051132 0.5365742743015289,-0.2832581475377083 l0.9460259974002838,-0.18343083560466766 3.166537582874298,-1.884639710187912 l0.6747926771640778,-1.3254231214523315 2.417382597923279,-3.6876681447029114 l0.9158046543598175,-1.855761557817459 0.818074494600296,-2.4308089911937714 l0.22341102361679077,-1.1345881968736649 0.3463592007756233,-1.3690884411334991 l0.8121246844530106,-2.3069562017917633 0.45335929840803146,-1.7452535033226013 l0.603698268532753,-2.010190486907959 0.39777234196662903,-1.7920102179050446 l1.1392389237880707,-3.1639042496681213 0.5465835332870483,-2.5947731733322144 l1.4902040362358093,-4.198259115219116 0.5605927109718323,-2.306661307811737 l0.6766794621944427,-2.1155814826488495 0.42592398822307587,-1.984427124261856 l0.8463434875011444,-3.430468440055847 0.3108540363609791,-2.0720043778419495 l0.5734993144869804,-1.997070163488388 0.6215061619877815,-2.7562952041625977 l0.3708106651902199,-1.344025731086731 0.2824740670621395,-1.7825265228748322 l0.5594608187675476,-0.7501143962144852 0.09140094742178917,-0.38175586611032486 l0.013946809340268373,0.03909777384251356 -0.3390008956193924,0.4167061299085617 l-0.15684690326452255,0.9640060365200043 -0.4132193326950073,1.1419989168643951 l-0.4451102390885353,1.1352647840976715 -0.17638875171542168,1.130506619811058 l-0.019712673965841532,1.1644553393125534 -0.10135363787412643,1.3657358288764954 l-0.7537385821342468,1.896478533744812 -0.0760277546942234,1.0900882631540298 l-0.12048644945025444,1.1596231907606125 -0.6248718500137329,3.5918867588043213 l-0.3388404846191406,0.8717191219329834 -0.07174642290920019,1.2697698175907135 l-0.7091593742370605,1.7128080129623413 -0.5493030697107315,1.7034101486206055 l-0.5591072514653206,1.5474119782447815 -0.6065542995929718,1.544468253850937 l-0.6546259671449661,1.5766693651676178 -0.30237574130296707,1.2354721873998642 l-0.25191692635416985,1.535429209470749 -1.5259478986263275,6.234560012817383 l-0.6919203698635101,2.6784446835517883 -0.15556271187961102,2.0188184082508087 l-0.05852655507624149,1.4832602441310883 -0.05332435481250286,1.5002714097499847 l-0.3343462198972702,5.246807932853699 0.32282233238220215,1.5641476213932037 l0.44608429074287415,0.9098324924707413 0.7190263271331787,0.851282924413681 l0.46998951584100723,0.9219060093164444 2.484733462333679,1.6383299231529236 l0.7156959921121597,0.5771290883421898 4.917052984237671,1.0098788887262344 l2.7403217554092407,-0.7781080156564713 1.3429835438728333,-0.5599918216466904 l1.1474721133708954,-0.6637730449438095 1.0455897450447083,-0.738099068403244 l0.867212638258934,-0.9399671852588654 2.04579621553421,-1.692262887954712 l2.057346999645233,-2.3994390666484833 0.7347479462623596,-0.8040625602006912 l1.014130562543869,-2.051573544740677 1.210610345005989,-1.78375706076622 l-0.9434075653553009,0.021670162677764893 1.0603027790784836,-2.599518895149231 l0.4256344214081764,-0.8271632343530655 0.09155207313597202,-1.1965260654687881 l0.5157572776079178,-3.090960681438446 -0.04739455413073301,-2.315303683280945 l-0.43060000985860825,-2.114794999361038 -1.3806915283203125,0.05636855028569698 l-0.7321342080831528,0.04087041597813368 -0.828857347369194,-0.05274995695799589 l-0.8932752162218094,0.6132052093744278 -1.0681616514921188,0.7194779813289642 l-1.062227264046669,0.7827215641736984 -1.0350974649190903,1.1841197311878204 l-1.1324185132980347,1.285935640335083 -0.08657366968691349,1.214483603835106 l-1.1117085069417953,0.8956778049468994 -1.3684912025928497,3.1087160110473633 l-0.868380218744278,0.877775102853775 -0.07161595392972231,1.6219024360179901 l-0.8134113997220993,0.9473752230405807 -0.005932840285822749,1.6345968842506409 l-0.7955866307020187,1.149713546037674 -0.5594909563660622,1.224745735526085 l-0.4666665196418762,1.4207455515861511 -0.29389638453722,1.2777496874332428 l-0.133332759141922,1.4343135058879852 -0.11417713947594166,1.4109575748443604 l0.023195170797407627,1.4579883217811584 1.1512969434261322,3.238430917263031 l2.6782363653182983,2.8830447793006897 2.0967359840869904,1.3508330285549164 l4.833447635173798,1.4525002241134644 1.9118236005306244,0.024307386483997107 l1.2648750841617584,-0.2535775676369667 1.0087791085243225,-0.5545570701360703 l0.6287804991006851,-0.6610293686389923 1.6471613943576813,-0.7632202655076981 l1.1898599565029144,-1.3572388887405396 1.0997188091278076,-1.4810431003570557 l-0.16864269971847534,-1.0383713990449905 -0.501418262720108,-1.3867761194705963 l0.8215925097465515,-0.8124163746833801 -0.7705347239971161,-3.8117575645446777 l-0.2502462826669216,-0.9856118261814117 -0.4252936691045761,-1.291748434305191 l-0.10129575617611408,-1.0414857417345047 -0.8684621006250381,0.19546238705515862 l-1.8718066811561584,-2.186303585767746 0.22650478407740593,0.22168010473251343 l0.25054385885596275,-0.35331856459379196 -1.1523731797933578,-1.8608824908733368 l-1.5768609941005707,-0.978531613945961 -2.1018652617931366,-0.8781103789806366 l0.1433693990111351,0.3567371889948845 -0.3777678310871124,0.5477061122655869 l-1.9609883427619934,0.9356006979942322 -0.05639718845486641,1.1418478190898895 l-0.0905828271061182,1.4308296144008636 -0.5482572317123413,0.9724881500005722 l-0.15638068318367004,2.2102588415145874 -0.16733907163143158,2.1845513582229614 l-0.20163226872682571,2.700617015361786 -0.17136497423052788,0.960947796702385 l-0.22430498152971268,0.9775065630674362 -0.3052826039493084,1.0882918536663055 l-0.24165958166122437,1.1139442026615143 -0.20378649234771729,0.894719585776329 l0.7667891681194305,3.164382576942444 0.2781180292367935,0.31978242099285126 l0.15493708662688732,0.68203404545784 0.2666076086461544,0.37148039788007736 l0.29717540368437767,0.47196708619594574 2.1506333351135254,1.0918079316616058 l3.1330588459968567,-0.14895989559590816 0.9814681112766266,-0.6231208518147469 l1.0350089520215988,-0.5516498535871506 0.6006504967808723,-0.7593829184770584 l1.364220678806305,-0.8443357050418854 1.2332089990377426,-0.7863213121891022 l1.3456636667251587,-0.713079497218132 2.5744980573654175,-2.6510515809059143 l0.22069787606596947,-0.9539835155010223 0.9810573607683182,-1.4034615457057953 l0.4997190460562706,-0.99824458360672 1.0108133405447006,-1.262362152338028 l-0.07177004124969244,-0.8366481959819794 0.9454928338527679,-1.3557741045951843 l-0.16237610951066017,-0.7446727901697159 0.21338384598493576,-2.131131738424301 l0.5812033265829086,-1.101708710193634 0.1703283190727234,-1.7553867399692535 l0.5263320729136467,-1.3399530947208405 0.37833932787179947,-1.4704908430576324 l0.6153179705142975,-1.6093872487545013 0.9807839244604111,-1.5183930099010468 l0.6414705514907837,-1.4266863465309143 1.0085822641849518,-1.3520783185958862 l0.5880546197295189,-0.6134781613945961 0.9554747492074966,-2.6590532064437866 l1.6735348105430603,-0.10646204464137554 0.17469801008701324,-0.9196526557207108 l1.2486379593610764,-0.7865326106548309 \" 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=\"103.2389716822945\" version=\"1.1\" width=\"186.46279378401232\" 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.2389716822945\" width=\"186.46279378401232\" x=\"0\" y=\"0\"/><path d=\"M36.525749415159225,50.4365243614302 m-4.15984183549881,0.47659236937761307 l-0.2920474670827389,0.7930389046669006 -0.9477284550666809,-0.011187405325472355 l-0.1746837981045246,0.7578693330287933 -0.5411778390407562,0.6111202761530876 l-0.7301811128854752,0.3288308158516884 -0.6021181866526604,0.6841126084327698 l-0.5876312404870987,0.17498841509222984 -0.9076064079999924,0.3227373957633972 l-0.4331671819090843,0.41850998997688293 -1.117311492562294,1.0125833004713058 l-1.03225439786911,4.509381055831909 0.4730715975165367,2.289239913225174 l0.18089501187205315,0.5583591386675835 0.1287357695400715,2.0014479756355286 l-0.14284702017903328,1.539626121520996 0.6252790242433548,1.1331495642662048 l0.164478849619627,0.9299762547016144 0.4192959889769554,1.0285095870494843 l1.2383228540420532,0.33197827637195587 0.9947247058153152,0.9342046827077866 l0.8033444732427597,0.5106201395392418 1.0883540660142899,0.3894566744565964 l0.38919538259506226,-0.5664465576410294 0.22548291832208633,0.26212621480226517 l1.9180448353290558,-1.621718853712082 1.4187149703502655,-1.2670846283435822 l0.271297600120306,-1.2897700071334839 0.974186509847641,-1.9314461946487427 l2.680436372756958,-6.5872108936309814 2.389676868915558,-7.600314617156982 l0.7870530337095261,-1.2025272846221924 -0.30818333849310875,-2.1288348734378815 l0.6616626679897308,-1.1088082194328308 -0.10172256268560886,-2.3496294021606445 l0.6821350008249283,-1.3235755264759064 -0.31485889106988907,-1.3243557512760162 l0.6832642108201981,-1.1491010338068008 0.5334185436367989,-0.1980595663189888 l0.4774313420057297,-3.1747862696647644 0.33979780972003937,-0.5397046729922295 l0.8130328357219696,-2.2000156342983246 0.5287761986255646,-1.7855201661586761 l-0.2161223441362381,-0.6990844011306763 0.20301071926951408,-0.7322767376899719 l0.27650995180010796,-1.492956280708313 0.21917058154940605,-0.0949413888156414 l0.09535265155136585,-0.12364041060209274 0.1499560009688139,0.04318075254559517 l0.014173506060615182,-0.023539061658084393 0.23870380595326424,0.08861580863595009 l0.22891312837600708,-0.318312831223011 0.12932662852108479,0.3896454721689224 l-0.39601273834705353,0.30956389382481575 0.17052611336112022,0.13811507262289524 l-0.8946294337511063,5.578631162643433 -0.6225663423538208,1.3226179778575897 l-0.815659761428833,4.773916304111481 -0.18183356150984764,3.1492888927459717 l-0.05177547689527273,2.144501209259033 0.25195909664034843,0.7934827357530594 l-0.525527149438858,1.143367663025856 -0.5896378681063652,1.0907455533742905 l-0.2952822297811508,4.075348675251007 0.7915686815977097,0.2598221227526665 l0.011863511754199862,3.1676816940307617 1.0254820436239243,2.6048094034194946 l0.15563508495688438,0.5135781317949295 0.317709781229496,0.5223686620593071 l0.23305727168917656,0.22935770452022552 0.5215974152088165,2.4504487216472626 l0.3372472897171974,1.0427284240722656 0.9098643809556961,1.8710368871688843 l1.9431284070014954,0.6009713932871819 0.5979559570550919,-0.1932244375348091 l2.340683192014694,-1.1465119570493698 0.40436509996652603,-0.7919001579284668 l1.0240276157855988,-0.8949122577905655 0.48480354249477386,-0.7329854369163513 l1.3823801279067993,-1.962970495223999 1.1818891018629074,-1.6086181998252869 l0.4616308957338333,-1.1914840340614319 0.628892183303833,-0.8916832506656647 l0.40595725178718567,-1.1304029077291489 0.2698180079460144,-1.0788922756910324 l0.6397323310375214,-1.4789995551109314 0.2092253416776657,-0.9656619280576706 l0.2897615544497967,-1.1311524361371994 0.5747856572270393,-1.2919878959655762 l0.17129672691226006,-0.9823064506053925 0.19284937530755997,-1.1535454541444778 l0.376817025244236,-0.23015694692730904 -0.04322113003581762,-0.3328508511185646 l0.21188950166106224,-1.8902067840099335 -0.19876675680279732,-0.1537606492638588 l-0.16686566174030304,0.42082246392965317 0.7051785290241241,0.003582896606530994 l-0.40637847036123276,0.2681342326104641 -0.4880155622959137,1.5924462676048279 l-0.33319827169179916,4.078405797481537 -0.6764446198940277,0.40655676275491714 l-0.2590915560722351,6.926023960113525 -0.696355327963829,0.5341804772615433 l0.47556065022945404,0.09802022948861122 -0.07102511823177338,0.5916531756520271 l0.35497091710567474,2.4241816997528076 -0.12041566893458366,0.6473219394683838 l0.167611725628376,0.9673630446195602 0.3197404742240906,0.7930994778871536 l1.4048676192760468,1.199394166469574 0.8000857383012772,-0.18571490421891212 l1.3344863057136536,0.13568444177508354 1.3402754068374634,-0.1535131223499775 l1.9067144393920898,-0.32771389931440353 1.0086160898208618,-0.2127925492823124 l0.7024787366390228,-0.5021272599697113 0.5710261687636375,-0.05388955119997263 l1.7021164298057556,-0.5773874372243881 1.4161407947540283,-0.5531532689929008 l1.4261643588542938,-0.8612130582332611 0.6546579301357269,-0.11032700538635254 l0.3156517446041107,-0.34358035773038864 1.3046900928020477,-0.59405867010355 l0.22245954722166061,-0.6984560191631317 0.7567687332630157,-0.13792897574603558 l0.7968903332948685,-1.0771476477384567 0.8256196230649948,-0.7757127285003662 l0.9274809807538986,-1.797013133764267 0.3225696459412575,-0.6015070155262947 l1.0104072093963623,-1.8387377262115479 0.13349676504731178,-0.7252947986125946 l1.1747103184461594,-2.9693374037742615 0.18855152651667595,-1.566312313079834 l0.36787647753953934,-1.8161062896251678 -0.31565677374601364,-1.0725128650665283 l0.11029251851141453,-0.12444634921848774 -0.9445448219776154,-0.8951149880886078 l0.35105522722005844,0.09022307582199574 -0.6493013352155685,-0.9812730550765991 l-1.516960859298706,-0.0037635565968230367 -0.5203578248620033,0.18799971789121628 l-1.082386001944542,0.02330467803403735 -1.2762559950351715,1.8374912440776825 l-0.061022439040243626,0.8472787588834763 -0.9367161244153976,1.694154441356659 l0.0020994125225115567,0.8661236613988876 -0.4880079999566078,0.33646658062934875 l-0.48997990787029266,0.49301277846097946 0.01624775817617774,1.2152008712291718 l-0.5514714121818542,0.33652037382125854 0.047725578770041466,1.3793985545635223 l-0.6007769703865051,0.4427524656057358 0.10098100639879704,2.103453427553177 l0.04668894689530134,1.727956086397171 -0.4215168207883835,0.8695895224809647 l-0.04544980823993683,1.1050643026828766 -0.17622865736484528,4.22758162021637 l0.03249936271458864,1.1632777005434036 0.0229184259660542,1.2648911774158478 l1.924007087945938,1.8213419616222382 0.5921988934278488,0.45344579964876175 l0.23396430537104607,0.912935733795166 0.8984002470970154,0.7327676564455032 l0.8305970579385757,0.7443897426128387 5.724918842315674,-1.0257594287395477 l0.34177519381046295,-0.8937753736972809 0.40500838309526443,-0.19823409616947174 l0.848071426153183,-0.8356159180402756 0.8220910280942917,-0.5397577956318855 l1.2254839390516281,-1.0255418717861176 1.1752654612064362,-0.8584712445735931 l0.06702703423798084,-1.1397691071033478 0.1645158790051937,-0.8262204378843307 l-0.07085543591529131,-1.1061497032642365 0.5443384870886803,-1.0878227651119232 l0.36941979080438614,-0.9271413087844849 0.8512655645608902,-1.3834795355796814 l0.9877221286296844,-1.2289533764123917 -0.1869935728609562,-0.9351575374603271 l1.3132202625274658,-1.4831727743148804 -0.01014280947856605,-0.6233528628945351 l1.00237675011158,-0.04669592250138521 0.053728814236819744,-0.7461727410554886 l0.9848261624574661,-0.018673371523618698 -0.10692263953387737,-0.7472070306539536 l1.0146301984786987,-0.47847941517829895 1.0589063167572021,-0.7488490641117096 l0.03403895301744342,0.6338328868150711 0.3847716376185417,-0.545901283621788 l0.25631221011281013,0.02574985148385167 0.44340670108795166,0.016888977261260152 l0.7570712268352509,-0.4248987138271332 -0.7151416689157486,0.01879352261312306 l1.5164686739444733,-0.1471679750829935 0.16483867540955544,-0.6355464458465576 l0.890127643942833,-0.23368248715996742 0.04746514372527599,-0.08616679348051548 l-0.9247080236673355,-0.02289235359057784 -0.9372380375862122,-0.029438803903758526 l0.4078259691596031,-0.020309186074882746 -0.7359237223863602,0.08180939592421055 l-1.0359184443950653,-0.019327756017446518 -0.037109514232724905,0.7295013964176178 l-1.0743702948093414,-0.041127149015665054 -2.110757678747177,1.0037297755479813 l-2.071225643157959,1.194196566939354 -1.7198750376701355,1.1934002488851547 l-0.017554281512275338,1.1552538722753525 -1.6126880049705505,1.229485422372818 l-0.8591822534799576,0.6880058348178864 -0.04274219740182161,1.7016902565956116 l-0.06987665314227343,0.3415124863386154 -0.03270586486905813,1.3962587714195251 l-0.01560339005663991,1.1822009086608887 0.12135560624301434,0.08862031623721123 l0.3017161972820759,0.029886297415941954 -0.04014102276414633,1.9283881783485413 l0.5589155852794647,-0.07847973145544529 -0.12574580498039722,2.2084996104240417 l0.6231934949755669,1.1378837376832962 0.5853103846311569,-0.1444581337273121 l0.6339795887470245,-0.3072921186685562 1.3742856681346893,-0.15977028757333755 l0.4204441234469414,-0.26025572791695595 1.0504765808582306,0.43914172798395157 l2.380019724369049,0.005775450845248997 3.3239641785621643,-2.4243512749671936 l0.31255152076482773,-0.8919046074151993 1.2441055476665497,-1.0232464224100113 l0.06038052495568991,-0.9233839064836502 0.7001223415136337,-0.6762879341840744 l-0.005574438255280256,-0.7235296815633774 0.11452984064817429,-0.39226870983839035 l0.581536777317524,-0.6726452708244324 0.9425955265760422,-0.8201839029788971 l1.0525579005479813,-0.938141942024231 0.9370177239179611,-1.095946729183197 l2.9196107387542725,-3.390379548072815 0.6601528078317642,-2.0065656304359436 l1.5835568308830261,-2.2012859582901 1.35025292634964,-2.66718327999115 l0.3111789934337139,-0.9314612299203873 0.918271392583847,-2.3819690942764282 l1.0058385133743286,-2.888283133506775 1.1944162100553513,-3.20419043302536 l0.07421906106173992,-1.2346713244915009 1.2053544074296951,-2.252216786146164 l0.6326424330472946,-2.8796368837356567 0.7429900765419006,-2.265809327363968 l0.44155973941087723,-2.070591300725937 0.4952523857355118,-0.9227274358272552 l0.17586072906851768,-1.592421680688858 0.07950109429657459,-0.9651561081409454 l-0.5311631411314011,1.5515419840812683 -1.0016020387411118,2.163877934217453 l-1.2137527018785477,3.2488295435905457 -0.1542920060455799,1.0277516394853592 l-0.1001572236418724,1.444142609834671 -1.0390567779541016,2.018071264028549 l-0.8000221103429794,3.18939745426178 -0.12635852210223675,1.1389463394880295 l-0.8327654004096985,1.8123659491539001 -1.3191993534564972,3.408275842666626 l0.04186917096376419,1.0867036879062653 -0.7604885846376419,1.2505501508712769 l-0.674501359462738,1.3567064702510834 -0.021076984703540802,1.043689101934433 l-0.20086988806724548,0.7240148633718491 -0.7175889611244202,1.0200680792331696 l-0.8000747114419937,2.1998752653598785 -0.03168280702084303,0.9273473173379898 l-0.12235740199685097,0.8157888799905777 -1.312279999256134,3.0944478511810303 l0.26723310351371765,1.0329840332269669 -0.22086124867200851,0.3387066721916199 l-0.5468178540468216,0.6849980354309082 -0.7010484486818314,0.9285060316324234 l-0.9453018009662628,2.895602583885193 -0.8236239105463028,0.9172573685646057 l0.177252609282732,1.2462326139211655 -0.06014752667397261,1.751311719417572 l0.3985866904258728,0.5763807147741318 -0.2425653114914894,1.3046050071716309 l1.8666502833366394,0.970221757888794 -0.17440669238567352,1.0207297652959824 l0.5926647037267685,0.8240529894828796 1.1270937323570251,0.6813924014568329 l5.925039649009705,-0.4749828204512596 0.6035128235816956,-0.8415750414133072 l2.132929265499115,-1.2526485323905945 2.3472492396831512,-1.8764165043830872 l0.3100994788110256,-0.3453485667705536 0.1527770422399044,-0.7432162016630173 l0.2930799871683121,-0.3804543986916542 0.1253313198685646,-0.4267221689224243 l0.21339721977710724,-0.3232026845216751 2.085445076227188,-3.600374460220337 l1.1700130999088287,-1.9258224964141846 1.7497901618480682,-2.6609277725219727 l-0.08806593716144562,-0.5834833532571793 0.9651218354701996,-2.0862381160259247 l0.06906876340508461,-0.8494571596384048 0.08802516385912895,-0.7531967759132385 l0.12421960011124611,-0.5639565736055374 0.17211830243468285,-0.928785651922226 l0.2329530566930771,-0.6015432998538017 -0.17940321937203407,0.0020894543558824807 l-0.3564044088125229,-0.044505405239760876 -0.45169636607170105,-0.06183634512126446 l-0.6805624067783356,-0.08416611701250076 -0.3825054317712784,-0.08420119993388653 l-1.083296537399292,-0.10778233408927917 -0.5159920826554298,0.012049537617713213 l-0.4180927947163582,-0.08008728735148907 -4.356167018413544,1.0103388875722885 l-1.1273418366909027,2.1836309134960175 -0.9561349451541901,0.24065444245934486 l-0.012503579491749406,0.8822085708379745 -0.05595863796770573,0.9965919703245163 l-0.06872609723359346,1.2170640379190445 -0.058591836132109165,1.4090052247047424 l-0.030456380918622017,1.9101330637931824 -0.3488578647375107,1.460253745317459 l-0.02808115677908063,2.6066601276397705 -0.5560227110981941,0.8728248625993729 l0.03432440338656306,0.4596314951777458 -0.1584320142865181,0.6221911311149597 l0.014459912199527025,0.5348438024520874 0.4909508675336838,4.9904462695121765 l0.16701582819223404,0.265706367790699 2.5464454293251038,3.288675546646118 l3.8961899280548096,0.25952957570552826 2.4654890596866608,-0.19679678604006767 l0.8322738111019135,-0.6185880675911903 2.2424738109111786,-0.739518478512764 l3.903561532497406,-3.220934569835663 0.5995222181081772,-0.8020853251218796 l1.384442001581192,-1.1024069786071777 -0.11993027292191982,-1.2256112694740295 l0.3486012667417526,-0.6036106869578362 0.5651731789112091,-1.1908833682537079 l0.8206998556852341,-0.8816570043563843 -0.009683605749160051,-0.7506151497364044 l0.22396767511963844,-0.6475511938333511 0.21384000778198242,-0.4492844268679619 l1.0670565068721771,-1.0880183428525925 1.3483056426048279,-0.882069393992424 l0.12685900554060936,-0.8274069428443909 1.2593990564346313,-1.1063618957996368 l1.4174582064151764,-1.6292603313922882 1.5596140921115875,-1.5596361458301544 l1.1457374691963196,-1.9585227966308594 1.2737242877483368,-1.6040608286857605 l1.4393742382526398,-2.106933146715164 1.8345706164836884,-1.72335684299469 l1.4941009879112244,-2.0705272257328033 2.2897419333457947,-2.3435311019420624 l0.5313006043434143,-0.6632526218891144 1.094178482890129,-1.2846989929676056 l1.9936276972293854,-1.8684543669223785 1.540406197309494,-1.7645372450351715 l1.5657694637775421,-1.252526342868805 1.7299170792102814,-1.561674028635025 l1.288614273071289,-1.0115274786949158 0.5219325050711632,-0.18822038546204567 l0.25138743221759796,0.04621837753802538 -0.7473307102918625,0.03175274934619665 l-0.545501634478569,1.102105975151062 -1.2886141240596771,1.0610152781009674 l-0.5016341805458069,0.5972191691398621 -1.2813036143779755,-0.07185124326497316 l0.11754409410059452,0.8543398976325989 -1.399984210729599,-0.11658468283712864 l-1.5307076275348663,1.673501580953598 -2.4749337136745453,1.3356323540210724 l-1.7639312148094177,1.7270204424858093 -2.719740867614746,2.5277358293533325 l-0.6776235997676849,1.0751380771398544 -0.12396490201354027,1.324208676815033 l-0.5258552357554436,0.9258803725242615 -0.7615631818771362,0.8618007600307465 l-0.2032790519297123,2.265838533639908 0.07011096458882093,0.21385259926319122 l-0.6311696767807007,0.5940964072942734 -0.8184456825256348,0.9463116526603699 l-0.6169061735272408,3.217456340789795 -0.2861901558935642,0.588652566075325 l-0.06347198970615864,0.729585587978363 -0.11022218503057957,0.8375078439712524 l0.8800732344388962,2.424260675907135 0.5063877999782562,0.5055200681090355 l0.620877705514431,0.5421037599444389 \" 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=\"113.92973974598135\" version=\"1.1\" width=\"211.2962886900641\" 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=\"113.92973974598135\" width=\"211.2962886900641\" x=\"0\" y=\"0\"/><path d=\"M46.65227947756648,71.32550273108791 m-2.9252275824546814,-1.9860833883285522 l-1.1027763783931732,0.6169964745640755 -1.9015499949455261,0.04887637682259083 l-2.0955540239810944,0.3671542555093765 -4.459791779518127,0.8700753003358841 l-0.6231888011097908,0.8080324530601501 -1.2177560478448868,0.4119325056672096 l-1.4505402743816376,1.039777398109436 -3.3889636397361755,2.1850644052028656 l-0.38018420338630676,1.6210663318634033 -0.7424487173557281,0.8100292831659317 l-0.4448111355304718,0.8387696743011475 -0.4976799339056015,2.4470017850399017 l-0.270745474845171,1.30414679646492 -0.15106149017810822,1.4350111782550812 l0.2899203263223171,0.9917695075273514 0.9226737916469574,1.0640399903059006 l1.396133005619049,0.5332044139504433 4.088535904884338,-0.7602448761463165 l3.3287763595581055,-2.1888549625873566 1.4007686078548431,-1.575733870267868 l2.0550575852394104,-1.667698323726654 2.6794782280921936,-2.8939926624298096 l3.06318998336792,-3.7134897708892822 1.9640842080116272,-3.7114691734313965 l1.8240056931972504,-3.5804393887519836 2.1835599839687347,-4.4966936111450195 l2.8362593054771423,-4.173179864883423 0.8040037751197815,-2.426503151655197 l1.0946561396121979,-2.26791113615036 0.04866181407123804,-0.7288283854722977 l0.9924322366714478,-2.397860139608383 0.6907507032155991,-1.9210708141326904 l1.4909213781356812,-2.668526768684387 0.4347776249051094,-1.858847588300705 l-0.2735206112265587,0.3187696263194084 0.48682045191526413,-1.2296786159276962 l0.8157137781381607,-0.8925005793571472 0.3714735805988312,-1.0289477556943893 l0.45427821576595306,-0.9676536172628403 0.6476569920778275,-0.5975637584924698 l0.40796637535095215,-0.4732168838381767 -0.161997489631176,0.33900339156389236 l-0.9901817888021469,0.8836480975151062 -1.108379289507866,1.2405045330524445 l-1.1472290009260178,1.49807870388031 -0.9555051475763321,1.7746993899345398 l-1.2091314047574997,1.6902875900268555 -0.617254264652729,1.70524001121521 l-0.8920353651046753,1.7245841026306152 -1.1110340803861618,1.7730055749416351 l-0.8714334666728973,1.533571034669876 -0.9989925473928452,1.7968027293682098 l-0.9587933123111725,1.9407236576080322 -2.211920917034149,3.8316991925239563 l-2.3009906709194183,5.744268894195557 -0.9917517751455307,2.0539741218090057 l-1.6117192804813385,6.852558851242065 -0.2906893193721771,1.6300635039806366 l0.1662595197558403,2.9258939623832703 0.24990396574139595,2.5474223494529724 l0.6081278994679451,0.027134735137224197 0.35515815019607544,1.1558543145656586 l1.261974424123764,-0.5086985602974892 1.7167356610298157,-0.6463664770126343 l2.3194512724876404,-1.279192864894867 1.8842776119709015,-1.0722695291042328 l1.9012506306171417,-1.0360539704561234 2.3003436625003815,-2.05165758728981 l1.8423479795455933,-0.8799233287572861 1.78622767329216,-1.3879016041755676 l1.487889587879181,-0.7497800886631012 1.878458708524704,-2.018706202507019 l2.262214720249176,-2.050027996301651 1.5297219157218933,-1.4187437295913696 l-0.5405869707465172,0.20681461319327354 -0.3469666466116905,0.612715370953083 l0.44910192489624023,-0.6922853738069534 0.21819818764925003,-0.42044583708047867 l-0.819760262966156,1.0110481828451157 -0.8061999082565308,1.2330666184425354 l-1.0788167268037796,1.1392922699451447 -0.8661971986293793,1.1498849093914032 l-1.1046212166547775,1.0942456126213074 -1.1572542786598206,1.5977728366851807 l-0.8323188871145248,1.3564951717853546 -1.1394359171390533,1.6482466459274292 l-0.6981122493743896,1.4258451759815216 0.11907638981938362,1.3016852736473083 l1.4743857085704803,1.613585203886032 0.7322625815868378,-0.5298690497875214 l1.0680722445249557,-0.305076502263546 2.1813322603702545,-0.3247993439435959 l2.479957342147827,-0.8326095342636108 4.578129351139069,-2.2292952239513397 l1.930406093597412,-0.9076181054115295 1.5628071129322052,-0.5926037579774857 l1.379416584968567,-0.5337705463171005 1.1932139843702316,-0.8160348236560822 l1.1189933866262436,-0.7102985680103302 0.8568990230560303,-1.1168637871742249 l0.9630582481622696,-1.0700926929712296 -0.8889981359243393,0.11265446431934834 l-0.010042650392279029,-0.6827272474765778 -0.6021571904420853,-0.6230932846665382 l-0.3010621666908264,-0.4657013341784477 -0.6961142271757126,0.25682326406240463 l-0.9700801968574524,0.29120638966560364 -1.1882910132408142,0.8161529153585434 l-0.2889681048691273,0.7810810953378677 -1.5142138302326202,0.5042413622140884 l-1.5501879155635834,2.344701439142227 -0.5138391256332397,0.8234406262636185 l-0.4946080595254898,0.8515786379575729 -0.4089208319783211,0.9365832060575485 l-0.3115621395409107,1.042809709906578 -0.03503005253151059,1.2898485362529755 l0.4467257484793663,1.0630636662244797 0.3458869829773903,0.5715343728661537 l0.5038528144359589,0.8337948471307755 1.3968859612941742,0.8271791040897369 l3.0588600039482117,0.07238436490297318 1.2418823689222336,-0.20248284563422203 l1.817968636751175,-0.12040489353239536 1.4895468950271606,-0.22537881508469582 l2.1891164779663086,-0.9709466248750687 1.1268647760152817,-0.369093120098114 l2.631538212299347,-1.7710617184638977 1.3190166652202606,-0.3994213789701462 l2.9630470275878906,-1.7811690270900726 2.4281056225299835,-1.1774536222219467 l1.5430331230163574,-0.11433275416493416 1.5259088575839996,-0.692463144659996 l1.550283282995224,-0.20220808684825897 1.490103155374527,-0.4281540960073471 l1.3834083080291748,-0.4238320514559746 1.4414730668067932,-0.5558387935161591 l0.6026226282119751,-0.9007401764392853 -2.164473533630371,0.004157653311267495 l-1.5616917610168457,0.15109742991626263 -1.5704146027565002,0.33132169395685196 l-1.4730702340602875,0.39610475301742554 -2.5036415457725525,0.8896667510271072 l-1.228710487484932,0.7632528990507126 -0.8467315137386322,0.12552086263895035 l-1.2555180490016937,0.8654599636793137 -1.1916176974773407,0.8083245158195496 l-1.7361053824424744,1.0931481420993805 -1.5375463664531708,1.3713905215263367 l-1.382293850183487,0.5849884822964668 -1.448502391576767,1.1273358017206192 l-0.2687445096671581,1.3771776854991913 -0.4238593205809593,0.9710056334733963 l-0.1671033725142479,1.2473797053098679 0.24228781461715698,0.9086717665195465 l1.221446618437767,0.4182587191462517 2.778720259666443,0.4866274818778038 l2.3128971457481384,-0.6429126113653183 2.9648467898368835,-1.330648809671402 l3.1571537256240845,-1.7296694219112396 1.7646777629852295,-1.3220138847827911 l1.9858108460903168,-1.118190512061119 3.3780324459075928,-2.7752286195755005 l3.2534152269363403,-3.1058138608932495 4.127565622329712,-3.801206648349762 l1.2653309106826782,-1.8866108357906342 3.460131883621216,-4.0621256828308105 l1.494346261024475,-3.2770460844039917 2.2845883667469025,-3.6711788177490234 l1.6490426659584045,-3.7234583497047424 0.8808120340108871,-1.409866213798523 l0.6245329603552818,-1.3081200420856476 1.185554414987564,-2.597978711128235 l1.8614302575588226,-2.587173581123352 0.7176840305328369,-1.8978291749954224 l0.7880431413650513,-1.6919782757759094 -1.3938450813293457,0.8482178300619125 l-0.8874274045228958,1.3712936639785767 -0.877516120672226,1.512189507484436 l-1.1501215398311615,1.4144052565097809 -1.7173026502132416,1.0447538644075394 l-1.8585073947906494,2.916140854358673 -2.0448029041290283,2.132236063480377 l-1.1576822400093079,1.7269086837768555 -1.632651835680008,3.320208787918091 l-2.414463460445404,5.436908602714539 -0.46922340989112854,0.9314371645450592 l-0.37232644855976105,1.908305436372757 -0.42020123451948166,1.881478875875473 l-0.4712655767798424,1.5167273581027985 -0.021592238917946815,2.939806282520294 l0.04311175551265478,1.169470176100731 0.7641832530498505,1.4708459377288818 l1.1382393538951874,1.707964539527893 1.729332059621811,0.6106949970126152 l1.7397789657115936,0.5913529917597771 2.927062213420868,-0.09447595104575157 l2.7377736568450928,-0.01385453506372869 1.808508187532425,-0.24686217308044434 l3.1006184220314026,-0.7475018501281738 1.9264641404151917,-0.6941655278205872 l1.685960441827774,-0.5176376923918724 1.9249221682548523,-0.6005509570240974 l2.935512959957123,-1.6264669597148895 3.8456177711486816,-4.206598401069641 l1.1642316728830338,-2.9428571462631226 1.1510999500751495,-1.1068238317966461 l0.6547699123620987,-1.6862550377845764 -0.5491014942526817,-0.3588765114545822 l-0.5179150775074959,0.10947986505925655 -1.0273875296115875,0.10849528014659882 l-1.3868457078933716,0.2540349215269089 -1.1052310466766357,0.3309989720582962 l-1.5750540792942047,0.7421194761991501 -2.003885954618454,0.937410369515419 l-1.5862296521663666,0.8207336068153381 -1.2117761373519897,0.9604945778846741 l-2.585134506225586,2.1129359304904938 -0.6505125761032104,1.0617834329605103 l-1.1101677268743515,2.2996775805950165 -0.9786421805620193,1.5170632302761078 l-0.2948221005499363,1.305023580789566 -0.08639680221676826,1.3485173881053925 l0.009866070467978716,1.112026572227478 0.10770875960588455,1.1856084316968918 l0.5562121421098709,3.1722328066825867 1.4907601475715637,0.8391602337360382 l1.0797536373138428,0.9330721944570541 1.992012858390808,0.8290105313062668 l2.039622515439987,0.425579734146595 1.730276495218277,0.7175426930189133 l1.6755659878253937,0.19493978470563889 1.5433889627456665,-0.022638451773673296 l1.5468351542949677,-0.2009996771812439 2.2391176223754883,-0.6714904308319092 l1.667720377445221,-2.043009400367737 0.9249669313430786,-0.7436311990022659 l0.2751506678760052,-1.180403083562851 0.21216034889221191,-1.0625093430280685 l0.8251272886991501,-1.4830666780471802 -0.08240013383328915,-1.3933460414409637 l-0.14251277782022953,-1.2236809730529785 0.2744184248149395,-0.9391221404075623 l0.336511991918087,-0.9702301025390625 -0.2603190764784813,-1.6144973039627075 l0.38380373269319534,-0.7541684061288834 -0.5588819086551666,-1.9992461800575256 l-0.18462294712662697,-1.5771709382534027 0.005197290447540581,-0.13428396545350552 l0.31251922249794006,-0.8943327516317368 0.6460774689912796,-0.7393502444028854 l0.6381642073392868,-0.7793492078781128 0.25658581405878067,-1.2635044753551483 l0.6509821116924286,-0.826437920331955 0.6253989785909653,-1.1685917526483536 l0.7856803387403488,-0.5896032601594925 0.5416733771562576,-1.1263378709554672 l1.3924846053123474,-1.353364884853363 0.5774745717644691,-0.8229385316371918 l1.3714292645454407,-1.4783696830272675 0.7564301788806915,-0.6213397905230522 l1.5034939348697662,-1.2018779665231705 0.365251787006855,-0.7661044597625732 l0.6683643162250519,-0.5218419432640076 1.0517332702875137,-0.8131164312362671 l0.8144235610961914,-0.22227413952350616 1.6361206769943237,-0.8304163068532944 l0.6522097438573837,-0.18773671239614487 1.0954365879297256,-0.6577672064304352 l-1.2992124259471893,-0.06104819476604462 -1.1485326290130615,-0.021946474444121122 l-1.0886897146701813,0.00037056142900837585 -1.1606886982917786,-0.010073492303490639 l-0.7765856385231018,0.3447377681732178 -2.464740574359894,1.4033602178096771 l-0.6161385402083397,0.6800895184278488 -0.9584088623523712,0.5698319151997566 l-0.8624669909477234,0.9762205183506012 -0.7716651260852814,0.7796332985162735 l-0.9420125186443329,0.6085266545414925 -1.4587117731571198,2.300347238779068 l-0.49628693610429764,0.9211456030607224 -0.524824969470501,0.7364459335803986 l-1.1153510957956314,2.16587632894516 -0.2775644138455391,0.755511000752449 l-0.036198459565639496,0.9388377517461777 0.006296251085586846,2.1213944256305695 l-0.5417804419994354,1.1006567627191544 -0.023816528264433146,0.8941178023815155 l0.231283251196146,0.2961589954793453 0.38351234048604965,-0.053776330314576626 l0.6334127485752106,1.897204965353012 0.3561452403664589,-0.01756723504513502 l0.18393833190202713,0.3533833473920822 1.2993191182613373,0.8691761642694473 l1.2849913537502289,-0.24701833724975586 1.2860894203186035,-0.34682225435972214 l2.245306968688965,-1.4884006977081299 4.283604025840759,-2.9383838176727295 l0.5855380371212959,-1.3201075792312622 1.4270749688148499,-1.5683263540267944 l1.025913953781128,-1.8227708339691162 1.3090690970420837,-1.7288868129253387 l3.5303857922554016,-7.966268062591553 0.23607028648257256,-1.3901948928833008 l1.1675634235143661,-3.115760385990143 -0.01018298789858818,-1.4250066876411438 l0.22623645141720772,-1.4097176492214203 0.6077574193477631,-3.057117760181427 l0.7710124552249908,-3.760419189929962 0.16586020588874817,-1.5571936964988708 l0.685703456401825,-2.994699776172638 0.9738142043352127,-2.2608833014965057 l0.15171479433774948,-1.8034946918487549 1.3501957058906555,-2.5392329692840576 l0.035590825136750937,-1.124354600906372 1.2398907542228699,-1.609039306640625 l-0.07280855905264616,-1.4684024453163147 0.9492215514183044,-0.6577028334140778 l-0.5921081453561783,1.863279938697815 -0.5562549456954002,1.5471576154232025 l-1.228051409125328,4.203868508338928 -0.34273505210876465,1.6249512135982513 l-0.24173786863684654,1.788577139377594 -0.7556919008493423,1.679966151714325 l-0.6150313839316368,3.81707102060318 -1.0375674813985825,2.0320478081703186 l-0.7944369316101074,4.339810311794281 -0.9295971691608429,1.4553524553775787 l0.12248082086443901,1.2703336775302887 -1.036030426621437,9.016064405441284 l-0.7362668216228485,1.0880458354949951 0.8281899243593216,0.21813640370965004 l-0.35333670675754547,0.9932731837034225 0.1124398224055767,1.5403594076633453 l0.6977133452892303,0.31424589455127716 -0.12886985205113888,0.6031906977295876 l0.38942061364650726,1.570880264043808 0.44936779886484146,1.0635650157928467 l0.9010817855596542,1.327982246875763 0.5766068771481514,0.20727965980768204 l0.4348897561430931,0.5566459894180298 0.7021276652812958,0.803583562374115 l1.236419826745987,0.16569767147302628 2.63334721326828,-0.8088391274213791 l0.7939081639051437,0.14497589319944382 1.6056102514266968,-1.101703867316246 l4.78689044713974,-3.4650802612304688 2.86397784948349,-3.031449615955353 l1.7161448299884796,-2.249731123447418 0.5839315056800842,-0.7097442448139191 l0.3604397550225258,-0.8378110826015472 0.5379089713096619,-0.872611477971077 l1.268240511417389,-2.177610844373703 0.045244270004332066,-0.6535890698432922 l0.3129369765520096,-1.4890094101428986 0.5987264961004257,-1.8821986019611359 l0.26443177834153175,-0.8967266976833344 0.13748405501246452,-0.9972056746482849 l0.05390816833823919,-2.1911633014678955 -0.6721296906471252,-1.2406167387962341 l-1.2533926963806152,0.04523457959294319 -1.508117914199829,0.042647914960980415 l-0.679408460855484,0.30854640528559685 -0.7897628098726273,0.16853805631399155 l-0.048162173479795456,0.5215590819716454 -0.7659733295440674,0.07219436578452587 l-0.46605683863162994,-0.2936875633895397 -0.9358512610197067,0.38849569857120514 l-1.0633618384599686,0.5271992832422256 -1.5596580505371094,1.8881605565547943 l-0.0867305975407362,1.041243001818657 -0.1273786835372448,0.9536925703287125 l-0.06801504641771317,0.821848064661026 -0.05261742975562811,1.5392090380191803 l-0.08639116771519184,1.1924252659082413 -0.0629965029656887,1.3014981150627136 l-0.041674552485346794,2.8000137209892273 -0.02047739690169692,2.1231046319007874 l-0.46621203422546387,0.706590861082077 -0.4469260200858116,0.898575559258461 l0.7935342192649841,0.7484401762485504 1.0518958419561386,4.570112824440002 l0.20323198288679123,0.6095916405320168 0.6568725407123566,0.905647799372673 l-0.08095001801848412,0.7554419338703156 0.10427486151456833,0.9461963176727295 l-0.20503021776676178,0.8765425533056259 0.5677502974867821,0.9100177884101868 l0.29917212203145027,0.5066151171922684 0.6666430085897446,0.8181995898485184 l0.15316208824515343,0.704508051276207 \" 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=\"114.10538504365832\" version=\"1.1\" width=\"180.61858244236646\" 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=\"114.10538504365832\" width=\"180.61858244236646\" x=\"0\" y=\"0\"/><path d=\"M47.3221546318382,61.000309601658955 m-5.005728006362915,-0.7514195889234543 l-1.0765881836414337,0.574132576584816 -2.0134231448173523,0.021439376287162304 l-0.5252016708254814,0.6558115780353546 -2.427400052547455,1.048535481095314 l-1.0749779641628265,0.6359593570232391 -1.8032975494861603,0.15141149051487446 l-1.2174826860427856,1.160886213183403 -3.471110463142395,3.593641519546509 l-0.44248756021261215,1.3180989027023315 -1.6255655884742737,2.0661412179470062 l-0.09527827613055706,1.0204187035560608 -0.9777752310037613,2.4583013355731964 l-0.5658382549881935,4.026712477207184 0.23790059611201286,0.9768074005842209 l0.5558802932500839,1.2010665982961655 0.4393482580780983,1.412394493818283 l3.0539682507514954,2.6216086745262146 1.4132769405841827,0.010394927812740207 l1.1505620926618576,0.5462554097175598 1.4773720502853394,-0.04184050019830465 l1.016036793589592,-0.9631384164094925 1.4606484770774841,-0.06026660557836294 l0.8732636272907257,-0.215336624532938 1.3224171102046967,-1.258029192686081 l1.3746187090873718,-1.383548527956009 1.014060601592064,-1.7099705338478088 l1.7059993743896484,-2.7678167819976807 0.7320034503936768,-2.003345489501953 l0.9717906266450882,-1.7120011150836945 0.3556571528315544,-1.5076079964637756 l0.789981409907341,-2.2825980186462402 1.0135293006896973,-3.7253838777542114 l0.4476236552000046,-2.1134762465953827 2.5380465388298035,-7.535430192947388 l0.8925864845514297,-3.5339435935020447 0.8288074284791946,-3.089507818222046 l0.5800372362136841,-4.312078952789307 0.9152490645647049,-1.508636325597763 l0.6957336515188217,-3.8114115595817566 1.0080908983945847,-3.1978175044059753 l0.5864385515451431,-2.4953125417232513 0.8227357268333435,-1.796201765537262 l1.0541503876447678,-2.156078964471817 0.8247695118188858,-1.4915277063846588 l0.5455354228615761,-1.5194818377494812 0.574309453368187,-1.824834793806076 l0.20554417744278908,-0.7322842627763748 -3.3365389704704285,9.60525929927826 l-0.6052594259381294,2.1349403262138367 -0.5718862265348434,2.182721197605133 l-1.1335968226194382,4.454614520072937 -0.7861015200614929,2.968572676181793 l-0.7826516032218933,4.238199293613434 -0.9913045912981033,2.5973230600357056 l-0.4174889624118805,0.8424477279186249 -0.8151503652334213,11.483316421508789 l0.3391214460134506,0.935269370675087 0.28032563626766205,3.447835147380829 l0.14415117911994457,1.424495279788971 0.2381841093301773,1.6258026659488678 l0.30950315296649933,1.3612771034240723 0.3760453686118126,0.9251274913549423 l0.8197201043367386,2.9436641931533813 1.049201786518097,2.1353839337825775 l1.6973336040973663,1.5378403663635254 1.4199310541152954,0.4665721207857132 l0.3758638724684715,-0.4261400178074837 0.8607519418001175,-0.1971094124019146 l0.7723738253116608,-0.42477596551179886 0.5259748920798302,-0.5295869335532188 l1.0592389851808548,-0.29239771887660027 0.8022523671388626,-0.5658268928527832 l0.6138544157147408,-0.7275615632534027 0.8089517056941986,-0.8633721619844437 l2.502194344997406,-2.3083683848381042 2.317306101322174,-2.7751505374908447 l0.525035671889782,-1.0433819890022278 2.112271338701248,-2.399744540452957 l0.8150313794612885,-1.992514431476593 0.8328964561223984,-1.4913961291313171 l0.3311454877257347,-0.7525800168514252 0.3934535011649132,-1.5726347267627716 l0.16615986824035645,0.24101672694087029 0.6775205582380295,-1.9112275540828705 l0.405825674533844,-0.6526832282543182 0.7205352187156677,-0.06583475042134523 l-0.248477291315794,-0.2563520148396492 0.39646606892347336,-1.2057938426733017 l-0.1527105364948511,0.06270518992096186 -0.23574212566018105,0.4055458679795265 l-0.5134693160653114,0.35099830478429794 -0.3132350742816925,0.7535845786333084 l-0.7102847099304199,0.25188369676470757 -0.11443554423749447,0.4513908922672272 l-0.7840652018785477,0.32340291887521744 -0.7044072449207306,3.1696242094039917 l-0.7064767181873322,3.061578869819641 -0.35581469535827637,0.828101709485054 l-0.5640950053930283,0.8836954832077026 -0.299654733389616,1.1960510909557343 l-0.5693263933062553,2.796122431755066 -0.072629707865417,3.412008583545685 l0.2345692366361618,0.9542946517467499 0.025805484037846327,1.3037142157554626 l0.14115629717707634,1.101488322019577 2.0150505006313324,1.7279855906963348 l4.202125668525696,0.005929922917857766 0.9576042741537094,-0.768413245677948 l1.5573105216026306,-0.19730838015675545 1.0737375915050507,-0.5168469995260239 l1.009870395064354,-0.45368630439043045 3.8134145736694336,-2.2296828031539917 l0.34224629402160645,-0.7547623664140701 1.6806724667549133,-1.264929622411728 l1.6550733149051666,-1.5939788520336151 0.5586367473006248,-0.9665554761886597 l1.0014118999242783,-0.7447388023138046 0.4087607190012932,-0.1363997533917427 l0.9194118529558182,-1.181151419878006 1.1812421679496765,-1.063302829861641 l1.1451026797294617,-1.8107473850250244 1.2194330990314484,-1.9264909625053406 l0.049669952131807804,-0.659027025103569 0.3815292567014694,-0.8815625309944153 l0.35414334386587143,-1.3849455118179321 0.015974597772583365,-0.9607651829719543 l-1.7878812551498413,-0.05877576768398285 -0.9798657149076462,-0.10072018019855022 l-0.5655137449502945,0.11946465820074081 -0.7684417814016342,-0.4636598378419876 l-1.1157801747322083,0.4671147093176842 -1.158338263630867,-0.07495480589568615 l-1.6450367867946625,1.3008633255958557 -1.5080851316452026,1.6635806858539581 l-0.9858733415603638,0.8670086413621902 -0.061266738921403885,1.0777448862791061 l-1.2490277737379074,2.11443692445755 -0.5963824689388275,0.7701131701469421 l-0.05048350431025028,1.7440742254257202 0.00010704850865295157,1.7796307802200317 l-0.3379913792014122,0.5558431521058083 0.0659306300804019,5.176140069961548 l1.1842048913240433,0.8382812142372131 0.033665020018815994,2.518514394760132 l1.7222872376441956,1.3280418515205383 1.520746797323227,0.8739612996578217 l1.4570869505405426,0.3843517601490021 3.822290003299713,-0.1730874367058277 l0.8492344617843628,-0.43532587587833405 0.8582738786935806,-0.5896575748920441 l1.4817671477794647,-0.7017946243286133 1.7795808613300323,-1.846175640821457 l2.09823414683342,-1.8185694515705109 0.678337812423706,-0.6985122710466385 l2.268511652946472,-2.2964902222156525 1.4903940260410309,-1.415548026561737 l2.476310580968857,-2.429121434688568 0.719672441482544,-0.5311425402760506 l0.14144599437713623,-1.1021032929420471 2.026141434907913,-1.0571644455194473 l2.7224600315093994,-1.8530015647411346 0.5074336752295494,-0.4465893656015396 l0.5442322790622711,-0.37341561168432236 0.6936511397361755,-0.3243285045027733 l1.1770261824131012,0.031060371547937393 -0.03243200248107314,0.04395307973027229 l0.828835740685463,-0.27852142229676247 0.3058214485645294,-0.45216627418994904 l0.5806025490164757,-0.2734299935400486 0.5954984575510025,-0.1591007225215435 l-0.1508723385632038,-0.10478515177965164 -1.9886797666549683,0.010659018298611045 l-0.5396583303809166,0.5594567582011223 -0.7242517173290253,0.3951549157500267 l-1.5877504646778107,0.7716164737939835 -1.587895154953003,-0.03919511567801237 l-2.070857733488083,1.7642660439014435 -2.5639060139656067,1.4001399278640747 l-1.9169442355632782,2.036799192428589 -1.5560512244701385,1.5447315573692322 l-0.00042215207940898836,0.7552719116210938 -0.018307691207155585,0.8946766704320908 l-0.6866075098514557,0.46572472900152206 -0.03533502575010061,2.0712418854236603 l0.007786249625496566,2.261882871389389 -0.42597323656082153,0.7088002562522888 l0.0016997060447465628,0.4300219565629959 -0.17460759729146957,1.3953322172164917 l1.3099122047424316,1.898128092288971 0.9660688042640686,0.4341060668230057 l-0.12449600733816624,0.564802996814251 1.5973646938800812,0.3528137505054474 l1.1934959888458252,0.6635911762714386 0.7880300283432007,0.5272673442959785 l4.120275974273682,-1.1128970235586166 1.2894925475120544,-0.767444372177124 l4.394198954105377,-3.6948752403259277 0.8559434860944748,-1.2934565544128418 l0.9278549253940582,-0.9320514649152756 0.8793696016073227,-1.648108959197998 l0.3113524802029133,-1.3022172451019287 0.6421061605215073,-2.562420964241028 l0.5426086857914925,-1.6175232827663422 1.1555250734090805,-5.045051574707031 l0.8865702897310257,-2.079969346523285 1.9858747720718384,-8.294642567634583 l0.6158731877803802,-1.7467276751995087 0.5246604979038239,-2.1377553045749664 l0.4331964999437332,-2.154180407524109 0.4322856292128563,-2.153375893831253 l0.8478172868490219,-5.895165801048279 0.536850281059742,-1.80397629737854 l0.5274013057351112,-3.262755274772644 0.4840521514415741,-2.5587549805641174 l1.0167176276445389,-2.0459701120853424 0.11721254326403141,-1.9967156648635864 l-0.29888851568102837,1.3604024052619934 -0.6515923142433167,0.8939287811517715 l-1.2540683150291443,3.3200427889823914 -1.4580008387565613,3.557387888431549 l-0.1703260838985443,1.8076126277446747 -1.8038325011730194,3.2371973991394043 l-1.0344433784484863,4.5080214738845825 -1.6747969388961792,5.209989547729492 l-0.14408281072974205,1.966264396905899 -0.2698449045419693,1.556631624698639 l-0.7111751288175583,2.0377974212169647 -0.03681547939777374,1.624537855386734 l-0.28018491342663765,1.5123677253723145 -0.03205836284905672,3.9052388072013855 l-0.4590883105993271,1.6598980128765106 0.18837688490748405,1.4768294990062714 l0.1449728850275278,0.9609561413526535 0.011716100852936506,1.986890286207199 l0.4427573084831238,1.38374462723732 1.1494958400726318,2.6000583171844482 l1.3339515030384064,1.0187017917633057 1.4674419164657593,1.317949891090393 l1.4129835367202759,0.5229025706648827 0.6864821165800095,-0.14911655336618423 l3.285219967365265,-0.39148975163698196 1.7578811943531036,-0.7471634447574615 l1.4852683246135712,-0.3042067773640156 1.339360624551773,-0.5020616948604584 l1.3366784155368805,-0.5989271029829979 4.638297259807587,-3.1720200181007385 l1.1579016596078873,-1.0592353343963623 2.554119825363159,-2.5874194502830505 l1.26723513007164,-1.1216365545988083 1.0625499486923218,-1.3093861937522888 l0.8774815499782562,-1.0832055658102036 0.944986566901207,-1.235366091132164 l0.8483145385980606,-1.2131737917661667 3.0328163504600525,-4.824162721633911 l0.4516984894871712,-1.2760190665721893 0.5048487335443497,-2.5344878435134888 l-1.29585400223732,-0.1033690758049488 -1.3171729445457458,0.00667935935780406 l-0.5735645815730095,0.42156804352998734 -1.2003069370985031,0.010594973573461175 l-1.18016317486763,0.7568397372961044 -1.1690625548362732,0.8551144599914551 l-1.1942599713802338,0.6824054569005966 -1.1888348311185837,1.17843396961689 l-1.3644106686115265,0.991026759147644 -1.2253373861312866,1.3238146901130676 l-1.2585155665874481,1.2659108638763428 -1.3864487409591675,1.1833088845014572 l-1.1977289617061615,1.4117899537086487 -1.2198679894208908,0.9156548976898193 l-1.506408452987671,2.655508518218994 -1.2120229750871658,1.1373281478881836 l-0.7011983543634415,2.3404498398303986 -0.5415383353829384,1.2551890313625336 l-0.09128157049417496,1.85545414686203 -0.41832055896520615,0.8314753323793411 l1.9839619100093842,4.34766560792923 1.0185401141643524,0.9974732249975204 l0.8017969876527786,-0.0722758425399661 1.7869828641414642,1.3757926225662231 l2.891800105571747,0.870000571012497 4.648831486701965,0.11118410155177116 l1.0465706139802933,0.7539170980453491 1.6390036046504974,0.4876052960753441 l3.9266961812973022,0.7956499606370926 1.3253739476203918,-0.4869892820715904 l1.8291287124156952,0.09047485888004303 0.5869639292359352,-0.7720015197992325 m1.9194822013378143,-0.8067117631435394 \" 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=\"104.69807347515598\" version=\"1.1\" width=\"187.75005977634464\" 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=\"104.69807347515598\" width=\"187.75005977634464\" x=\"0\" y=\"0\"/><path d=\"M37.548510963097215,58.36686174501665 m-3.0741190910339355,0.34798868000507355 l-0.2348099835216999,0.671791285276413 -0.5644308030605316,0.033619359601289034 l0.11673111468553543,0.5606216937303543 -0.8534891903400421,-0.11667311191558838 l0.08652328513562679,0.671365037560463 -1.5107375383377075,0.7163916528224945 l-0.9623173624277115,0.5242813006043434 -0.06606094539165497,0.6092920154333115 l-0.8364180475473404,-0.10837339796125889 -0.700981542468071,0.05499744787812233 l-0.7412879168987274,-0.011410991428419948 -1.1126964539289474,1.6182951629161835 l-0.5060148611664772,0.847315639257431 -0.7160935550928116,0.90727299451828 l-0.4778677225112915,0.782800018787384 -0.37909068167209625,5.428808927536011 l0.29352253302931786,0.6832501292228699 -0.30887220054864883,2.3940397799015045 l0.28513228520751,1.0136116296052933 1.4835341274738312,1.8475762009620667 l0.2609136328101158,-0.29536446556448936 0.5646887794137001,1.0697516053915024 l2.297118455171585,0.11428071185946465 0.9418480098247528,0.12507731094956398 l2.0713189244270325,-0.14764993451535702 2.946842610836029,-2.7190038561820984 l1.732339859008789,-2.088484913110733 0.22053664550185204,-1.1370190978050232 l0.7178438454866409,-1.2113400548696518 1.577094942331314,-3.308226466178894 l3.7238863110542297,-7.979446649551392 0.9039889276027679,-4.345516264438629 l1.0492801666259766,-4.152141511440277 1.667618751525879,-10.845180749893188 l0.7814919203519821,-4.696549773216248 0.6503156572580338,-3.8806897401809692 l-0.06337553728371859,-2.428852617740631 -0.4851415380835533,-0.4393920674920082 l0.2612772583961487,-1.3019177317619324 -0.5266442894935608,0.47187548130750656 l-0.30755162239074707,1.453642100095749 -0.5332041904330254,1.0012517869472504 l-0.06351131945848465,2.115188091993332 -0.4625321552157402,4.160415530204773 l-0.6071722880005836,1.4993226528167725 -0.31770534813404083,2.1795161068439484 l-0.6813398748636246,1.4370028674602509 -0.50883699208498,2.361581027507782 l0.15884418040513992,1.669478714466095 -1.5510095655918121,15.465072393417358 l0.8356299996376038,0.6856092065572739 -0.27317607775330544,1.5350736677646637 l0.7300761342048645,0.10805416852235794 -0.025181767996400595,2.9422196745872498 l0.6356827914714813,0.6799649447202682 -0.01582411117851734,1.0122109949588776 l0.5089810490608215,1.082480549812317 -0.15441017225384712,0.8518513292074203 l1.4555291831493378,1.9557134807109833 -0.06830356549471617,0.76167032122612 l0.6297086924314499,0.5569089576601982 0.19770165905356407,-0.20384088158607483 l0.414644256234169,-0.031701421830803156 0.8785399794578552,-0.46555623412132263 l0.272024255245924,-0.08943712338805199 0.19112499430775642,-0.6042048335075378 l1.1349216103553772,-0.6991882622241974 0.47959551215171814,-0.5914059653878212 l0.5168095976114273,-0.6003005430102348 1.1054138839244843,-1.071089282631874 l1.000506952404976,-1.828218400478363 0.4607030749320984,-0.7302497327327728 l1.063459888100624,-1.9142566621303558 1.2021247297525406,-2.0863984525203705 l0.23718992248177528,-1.179988756775856 0.7478634268045425,-1.4290671050548553 l0.6217845529317856,-0.1323473546653986 0.26147300377488136,-1.1242996901273727 l0.7319065183401108,-0.9854501485824585 0.28159376233816147,-1.712670475244522 l1.1271951347589493,-1.4598584175109863 0.0872922781854868,-1.155943050980568 l0.293835774064064,-1.6052335500717163 0.5142014846205711,-0.643361359834671 l-0.22087886929512024,0.46908240765333176 -0.7819262892007828,0.3289652243256569 l-1.2073298543691635,7.803477048873901 0.366111621260643,0.5015374347567558 l-0.4004129394888878,0.5104555934667587 0.22917989641427994,0.5728253349661827 l-0.0184260297100991,0.48950981348752975 0.007862852071411908,1.1254338175058365 l-0.5189730226993561,0.5643648281693459 -0.43361909687519073,1.443178504705429 l0.3960806503891945,0.4919760301709175 0.5413499101996422,-0.049460032023489475 l0.9378164261579514,1.3519594073295593 3.645467162132263,0.7376573979854584 l1.966719776391983,-0.676465705037117 0.7016652077436447,-0.8379478752613068 l2.28273943066597,-0.7811033725738525 1.072516068816185,-0.72555772960186 l1.3532747328281403,-0.7129528373479843 3.9244869351387024,-2.8380247950553894 l0.5812479183077812,-0.6626167148351669 2.2446629405021667,-1.2022209167480469 l0.101309884339571,-0.7630638778209686 2.2888095676898956,-1.3823534548282623 l1.2450715899467468,-2.188025414943695 0.6589836627244949,-0.34080076962709427 l0.2913656271994114,-0.7252846658229828 0.07658400572836399,-1.7315170168876648 l0.25392407551407814,-0.4601961374282837 0.2185746468603611,-0.8294612914323807 l-2.129261791706085,0.004104686377104372 -1.7620940506458282,-0.025127381086349487 l-1.1664092540740967,0.4639868438243866 -1.5829895436763763,-0.01955078449100256 l-1.2947137653827667,-0.008659508894197643 -3.778579831123352,4.641255438327789 l-0.028510100673884153,1.265367716550827 -0.045793247409164906,1.503523588180542 l-0.35859737545251846,0.9381770342588425 -0.053578964434564114,1.766667515039444 l0.15846973285079002,1.4506061375141144 -0.2898314595222473,0.8896052837371826 l-0.48236705362796783,0.8931203186511993 -0.522749125957489,1.0077951848506927 l-0.05379753187298775,2.1333129703998566 0.5502376332879066,0.7421105355024338 l-0.053396630100905895,1.2163202464580536 1.434539258480072,2.680576741695404 l4.557592272758484,2.3592229187488556 0.9637898206710815,-0.4695436730980873 l1.0127142816781998,-0.7422198355197906 1.6191095113754272,-0.13504895381629467 l1.2211572378873825,-0.8616071194410324 0.7848359644412994,-0.47672100365161896 l1.0287781804800034,-0.6108447164297104 1.0135938227176666,-0.9530632942914963 l0.9911861270666122,-0.7412686198949814 1.0194703936576843,-1.246602013707161 l1.1025071144104004,-1.203838512301445 1.0053716599941254,-1.0289746522903442 l0.4248998314142227,-0.8479654043912888 1.232825517654419,-1.0380221903324127 l1.3354094326496124,-1.5681590139865875 1.4600414037704468,-1.8104396760463715 l0.16517698764801025,-0.5637670308351517 0.28731824830174446,-0.5033609643578529 l1.447010338306427,-1.322668194770813 0.9402178227901459,-0.028570336289703846 l0.16065705567598343,-0.5204145237803459 1.8347929418087006,-0.7759880274534225 l-0.009522991022095084,-0.8500872552394867 0.3033900819718838,-0.002455044013913721 l0.03372844308614731,-0.6003868952393532 -0.7819394022226334,0.2513175457715988 l-0.2998746745288372,0.043603526428341866 -0.5517533048987389,-0.005439450615085661 l0.4092074930667877,-0.1101243868470192 -0.04899408668279648,0.7206764817237854 l-0.9973909705877304,-0.04527255427092314 -1.9823461771011353,1.6400156915187836 l-0.5691491812467575,0.49777641892433167 -0.05169086158275604,0.9854507446289062 l-0.6795385479927063,0.5664593353867531 -0.5926099047064781,0.7782644778490067 l-2.0215362310409546,1.8519364297389984 -0.36340150982141495,0.7862384617328644 l-0.01775130396708846,1.3999761641025543 -0.05885996390134096,2.2157560288906097 l-0.04455060698091984,1.6240011155605316 -0.5039770901203156,0.7634086906909943 l-0.044995248317718506,0.9864591807126999 0.11142343282699585,-0.08157314732670784 l0.05139883607625961,1.55675008893013 -0.3698713704943657,0.6979101896286011 l1.0500891506671906,2.717633545398712 0.7661369442939758,-0.4615543782711029 l0.30712759122252464,0.6407280266284943 0.47090236097574234,0.6110205501317978 l0.7459721714258194,-0.2318928763270378 0.358758307993412,0.3499360755085945 l0.6594172120094299,-0.29576487839221954 2.613970637321472,-1.5792414546012878 l2.467220723628998,-2.8466227650642395 0.27119120582938194,-0.9139943867921829 l2.0317964255809784,-3.174525797367096 0.8691492676734924,-2.4324803054332733 l0.8636920899152756,-2.5314775109291077 0.6240984052419662,-2.8662139177322388 l0.37485435605049133,-1.5888038277626038 0.4012863337993622,-2.281564027070999 l0.18660994246602058,-1.7006151378154755 0.41316498070955276,-3.024539053440094 l0.13724851422011852,-1.721375286579132 0.2251608669757843,-2.0646080374717712 l0.16195707023143768,-2.012416273355484 0.9335069358348846,-7.035370469093323 l0.39488542824983597,-5.046553611755371 0.774703323841095,-3.850083649158478 l0.09647149592638016,-2.103639841079712 0.44400274753570557,-1.926358938217163 l0.10531086474657059,-1.055074855685234 -0.19738152623176575,0.8160559087991714 l-0.1121449563652277,0.61610396951437 -0.22455910220742226,1.2371297925710678 l-0.24981126189231873,1.2223095446825027 -0.18834391608834267,1.6994889080524445 l-0.2829938381910324,1.5866689383983612 -0.3379283845424652,5.315118432044983 l-0.6403154134750366,1.6016989946365356 -0.3377348557114601,5.544021725654602 l-0.7633059471845627,1.9800563156604767 -0.15548923052847385,2.887439727783203 l-0.641983151435852,1.847219318151474 0.2676333859562874,1.6222584247589111 l-0.6169377267360687,1.634412407875061 0.3488413617014885,1.4832867681980133 l-0.4322677105665207,1.4150936901569366 0.36900240927934647,1.1554193496704102 l-0.39016883820295334,0.977661982178688 -0.13626410625874996,2.872256636619568 l0.4345160722732544,1.297861784696579 -0.3698417916893959,1.0166624188423157 l-0.37113767117261887,0.8916489779949188 0.3805988281965256,3.5960018634796143 l0.2723288722336292,2.459140866994858 0.48006627708673477,0.9035705029964447 l1.3788443803787231,1.881958246231079 0.9664551913738251,0.5661287903785706 l4.041425287723541,-0.4096459224820137 0.6776801496744156,-0.5744412541389465 l3.838350772857666,-2.1906808018684387 0.3036174178123474,-1.2851032614707947 l0.9177505970001221,-0.16262497752904892 0.7900866866111755,-0.7507660984992981 l1.7100654542446136,-1.9900807738304138 0.39399251341819763,-1.17571122944355 l0.8255302160978317,-1.1231444031000137 0.23015029728412628,-1.090090125799179 l1.266656070947647,-2.2590845823287964 1.6792221367359161,-5.406008958816528 l0.6100374460220337,-1.9070695340633392 0.025243135169148445,-1.1218571662902832 l0.09457646869122982,-0.894196406006813 0.10389741510152817,-1.0864544659852982 l-0.3540678322315216,-0.4018404707312584 -0.4941387474536896,-1.2402861565351486 l-0.5339058861136436,0.29845278710126877 -0.8281330019235611,0.2825640141963959 l-1.3402177393436432,0.019661097321659327 -0.8135374635457993,0.3526010736823082 l-0.9612657874822617,0.5788947269320488 -0.8558379113674164,0.6303231418132782 l-4.896732270717621,4.951342940330505 -0.0120710174087435,0.7104219496250153 l-0.6571708619594574,0.7772665470838547 -1.2589433789253235,5.276612639427185 l-0.5005345866084099,0.8252108842134476 -0.0017394722090102732,2.074442207813263 l-0.7117745280265808,0.6675435602664948 0.07828520610928535,1.7337794601917267 l0.4909074306488037,0.7176517695188522 0.7096683233976364,3.156777024269104 l0.6417138129472733,0.8448633551597595 1.0570047050714493,2.457958608865738 l1.857248842716217,0.8951236307621002 0.7304979115724564,0.9866958111524582 l2.682623863220215,0.8302467316389084 3.221525549888611,0.15521863475441933 l2.5078338384628296,-0.16879266127943993 1.1456931382417679,0.5856258422136307 l1.5251006186008453,-0.7900760322809219 1.5451514720916748,-0.4681824892759323 l0.4260002449154854,-0.7196291536092758 0.17419904470443726,-0.6141764670610428 l-0.27071835473179817,-0.7604711502790451 0.09064916521310806,-2.414752095937729 l-0.3138589486479759,-0.39518360048532486 0.105342548340559,-2.814452350139618 l0.09998970665037632,-1.3784070312976837 0.2738381363451481,-2.2935621440410614 l-0.05330334883183241,-1.2859590351581573 -0.11136560700833797,-1.7855478823184967 l0.1805775985121727,0.21611733362078667 0.4754224792122841,-3.527768850326538 l0.5535906180739403,-1.108059585094452 0.6312823295593262,-2.4507246911525726 l4.262755282979924e-05,0.03107762662693858 1.0491431504487991,-2.051873803138733 l0.49454689025878906,-0.5362744256854057 1.5690088272094727,-1.9113875925540924 l0.5490538105368614,-1.0573116689920425 2.205684334039688,-2.212468385696411 l0.5929186940193176,-0.9289105236530304 0.8794334530830383,-1.050587072968483 l0.4255368560552597,-0.933217853307724 -1.219966858625412,-0.13451138511300087 l0.553617887198925,-0.9694895893335342 -0.21692436188459396,-0.051974840462207794 l0.14420054852962494,-0.9851974248886108 0.47300558537244797,0.01991992350667715 l-1.433047503232956,0.011154386447742581 -1.5171918272972107,1.530008614063263 l-0.9615392237901688,0.4639650508761406 -0.6211335957050323,0.08775351569056511 l-0.0037197451456449926,1.224069595336914 -2.1925827860832214,5.588865280151367 l-0.9264566749334335,1.6267076134681702 -0.06958977319300175,2.009931057691574 l-0.18615787848830223,0.7102447003126144 -0.044489623978734016,2.2449027001857758 l-0.025635799393057823,1.547425240278244 -0.039026341401040554,0.6314156949520111 l-0.029816210735589266,2.889542281627655 0.31769562512636185,1.0013315081596375 l0.2834879979491234,2.8030258417129517 0.059616612270474434,2.057695835828781 l2.5972306728363037,1.795712560415268 0.7280509173870087,-0.36599118262529373 l1.2605643272399902,-0.18450144678354263 1.1257082968950272,-0.5425205454230309 l1.4073459804058075,-0.533410906791687 3.6784788966178894,-2.526232898235321 l1.3234329223632812,-1.3368143141269684 0.9055670350790024,-1.72222301363945 l0.7152935862541199,-1.2431374192237854 0.4779176414012909,-1.2930457293987274 l0.6542809307575226,-1.5391112864017487 0.9508932381868362,-0.7035713642835617 l0.5391938239336014,-0.9657914191484451 1.810985803604126,-3.1285816431045532 l0.4405446723103523,-0.9464281052350998 0.7476236671209335,-1.1448713392019272 l0.5734681338071823,-1.5627667307853699 0.768650472164154,-1.273588091135025 l0.6665143370628357,-1.152399256825447 1.737591028213501,-3.080834448337555 l0.36692485213279724,-1.404942125082016 0.7522597908973694,-1.496955156326294 l0.3789564222097397,-1.2283957749605179 0.4432229697704315,-1.189945712685585 l0.9629150480031967,-2.2709177434444427 1.007186472415924,-4.886933267116547 l-0.5536463484168053,-0.15542156994342804 -0.5276172235608101,-2.276362031698227 l0.3016185387969017,0.5764764919877052 -0.9822099655866623,0.03316081827506423 l-0.21167313680052757,0.17544521018862724 -0.9693484008312225,2.2888031601905823 l-0.5302714928984642,2.355889528989792 -0.492263101041317,2.246989756822586 l-0.5038740113377571,2.3392175137996674 -0.7905358821153641,1.7108690738677979 l-0.9253394603729248,1.379980742931366 -1.2875637412071228,3.6070558428764343 l-1.1301841586828232,1.6558045148849487 -1.0682754218578339,1.623365432024002 l-0.41851237416267395,2.091650366783142 -1.1171286553144455,2.014436274766922 l0.18059642985463142,0.7450543344020844 -1.0209952294826508,3.785780966281891 l-0.7764684408903122,0.9471183270215988 -0.6354697048664093,1.0064300894737244 l0.18885308876633644,0.24864230304956436 -0.3137465566396713,2.227826565504074 l0.2172446809709072,0.6091798469424248 1.1387702822685242,1.2689611315727234 l1.883692890405655,0.45304544270038605 0.4010779783129692,0.0941598042845726 l3.5785281658172607,-0.02135714516043663 0.8840887248516083,-0.9294822812080383 l1.2458901107311249,-0.3518184646964073 0.9398578107357025,-0.7367326319217682 l0.8530899882316589,-0.639193058013916 1.0024085640907288,-0.41416533291339874 l0.8584355562925339,-0.6209886074066162 1.1739633232355118,-0.41126854717731476 l1.881682276725769,-3.179554045200348 1.6602283716201782,-0.9414034336805344 l0.129173519089818,-1.0273199528455734 0.45264139771461487,-0.5348838120698929 l0.10096420533955097,-2.1000875532627106 1.0052737593650818,-0.5196956917643547 l0.713936984539032,-1.245717778801918 -0.06767469458281994,-0.1624622754752636 l-0.33604681491851807,-0.024956425186246634 -0.3180373087525368,0.00939402380026877 l-0.40255598723888397,-0.2799074538052082 \" 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.86282377317548\" version=\"1.1\" width=\"183.3635955167847\" 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.86282377317548\" width=\"183.3635955167847\" x=\"0\" y=\"0\"/><path d=\"M35.60154431499541,55.41594255832024 m-3.974173069000244,0.023559934925287962 l-0.2658950164914131,0.6463152915239334 -1.1391235888004303,0.01285039004869759 l-0.6639210134744644,0.5358125269412994 -0.5081688240170479,0.13208250515162945 l-0.5444804951548576,0.7320085167884827 -1.5911328792572021,1.0132209956645966 l-0.08725862950086594,0.42719386518001556 -0.4264235869050026,0.562867633998394 l-0.6609061360359192,0.3192591667175293 0.26185326278209686,0.7733024656772614 l-0.9501442313194275,0.3247572109103203 0.08116135373711586,0.6058471649885178 l-0.13293146155774593,2.5759482383728027 0.10762861929833889,1.4577741920948029 l0.3216031566262245,0.7606513053178787 0.013611841714009643,1.036190316081047 l0.14727158471941948,0.9582825005054474 0.4268181324005127,0.7379961013793945 l0.2355501428246498,0.7906524837017059 0.29795415699481964,-0.2993600629270077 l0.06129125598818064,0.4911959543824196 0.15368809923529625,0.6156432256102562 l-0.25527410209178925,2.08536297082901 2.11307629942894,3.0362021923065186 l1.5523861348628998,1.3992968201637268 3.7946322560310364,0.6919673085212708 l0.3359778970479965,-0.9825872629880905 4.432401061058044,-2.9759660363197327 l0.4817385599017143,-1.2227363139390945 0.5833299830555916,-1.1361758410930634 l0.45726772397756577,-1.4496120810508728 0.3229556232690811,-1.2110381573438644 l3.377877175807953,-6.680238842964172 1.38630211353302,-4.816533029079437 l1.1685269325971603,-4.693049788475037 0.7740987837314606,-1.1542801558971405 l0.7058746367692947,-1.0049603879451752 0.14791971072554588,-3.488927483558655 l0.9939459711313248,-7.522777318954468 0.7926435023546219,-2.6343289017677307 l-0.2370183914899826,-1.4524191617965698 0.42945489287376404,-6.956470012664795 l0.6620233505964279,-0.8799542486667633 -0.05656977649778128,-1.1658816784620285 l-0.40060829371213913,-0.42596451938152313 -0.49580857157707214,0.7368319481611252 l-0.18193917348980904,3.3525097370147705 -0.5601073801517487,0.4304671287536621 l-0.06983314175158739,0.3613779693841934 -0.5728944763541222,0.47644544392824173 l0.3245733305811882,1.023527905344963 -0.6666242331266403,0.4522072896361351 l-0.5835021287202835,0.5714694410562515 -0.3248327970504761,3.680832087993622 l-0.6114845722913742,3.4894946217536926 -0.24700311943888664,13.338479995727539 l-0.4486667364835739,6.249931454658508 0.21319717168807983,1.2915192544460297 l0.9597788006067276,2.7513962984085083 0.5101876333355904,0.5293828248977661 l0.41963618248701096,4.522381126880646 0.37117190659046173,1.7518433928489685 l-0.22958984598517418,0.21530939266085625 0.4866718128323555,2.2708313167095184 l0.4649689793586731,0.25380169972777367 1.4648659527301788,1.600731760263443 l0.060396105982363224,-0.5364872887730598 1.1459728330373764,0.2340296283364296 l0.19119802862405777,-0.6491594761610031 1.0756389051675797,-0.5855417251586914 l0.3490738570690155,-0.8425717800855637 1.4432427287101746,-1.1823254823684692 l0.5324092507362366,-0.897895097732544 0.6214331090450287,-0.7543782144784927 l1.2563318014144897,-2.467413544654846 0.2675190009176731,-0.8439931273460388 l0.28852175921201706,-1.3431812822818756 0.5858531594276428,-0.4096933826804161 l0.1277316641062498,-1.5854160487651825 0.7628506422042847,-1.3894949853420258 l-0.06640118546783924,-1.7471468448638916 0.6392403692007065,-1.2701718509197235 l0.19320541992783546,-1.2991523742675781 0.6242338195443153,-1.2317674607038498 l0.17436658963561058,-1.04490265250206 0.41579198092222214,-0.7617830485105515 l0.2858889102935791,-1.2448061257600784 0.8612141758203506,-0.027760006487369537 l0.23704281076788902,-1.254168450832367 0.8930090814828873,-0.08086608722805977 l0.9037260711193085,-0.10638396255671978 0.88396355509758,-0.03958031069487333 l0.4306478425860405,-0.5635150521993637 1.0146858543157578,-0.16449788585305214 l0.9661456942558289,-0.12056107632815838 0.8557725697755814,-0.13794752769172192 l-0.4060521349310875,0.19793227314949036 -1.0738390684127808,0.4030235484242439 l0.18406761810183525,-0.5055122449994087 -1.013374999165535,0.40890105068683624 l-0.681319534778595,0.2288738638162613 -0.8924778550863266,0.43278295546770096 l-0.816623643040657,0.3132891282439232 -1.0130339115858078,2.8275221586227417 l-0.8706954121589661,0.8918200433254242 -0.12857376597821712,0.810176283121109 l-0.3323577716946602,1.6099926829338074 -0.3712199628353119,5.173203945159912 l-0.6717786937952042,1.2222936004400253 -0.44891562312841415,1.3681882619857788 l0.19367676228284836,0.8067938685417175 -0.40450263768434525,1.3956554234027863 l0.43539706617593765,0.7792964577674866 2.2023071348667145,1.3535656034946442 l3.2952332496643066,-0.3395919129252434 0.9224264323711395,-0.7931234687566757 l1.1601515114307404,-0.5333730950951576 2.277998775243759,-1.0267636179924011 l0.8741241693496704,-0.7477642595767975 1.0165807604789734,-0.573621578514576 l1.798895001411438,-1.6370157897472382 0.9830191731452942,-0.8854097872972488 l0.18217375501990318,-1.051892638206482 1.610880047082901,-1.5465578436851501 l1.2469002604484558,-2.413315027952194 2.468591034412384,-4.048725366592407 l-0.39544805884361267,-0.9292102605104446 1.3137009739875793,-1.4059452712535858 l0.9022901207208633,-1.6446518898010254 0.3157077357172966,-0.4299304634332657 l0.05057590547949076,0.05850380752235651 -0.8493610471487045,0.2318866178393364 l-0.6524280458688736,0.01255632028914988 0.05087188445031643,0.7256501913070679 l-0.38266874849796295,-0.013045525411143899 -0.28370436280965805,0.0028134742751717567 l-0.42035333812236786,-0.011088746832683682 -1.3557760417461395,1.4327752590179443 l-0.2817823737859726,0.0315224751830101 -0.011877450160682201,0.9663571417331696 l-0.5923702195286751,0.18672892823815346 -0.3397008031606674,0.17711052671074867 l-1.396729052066803,6.129950284957886 -0.8186973631381989,0.584564171731472 l-0.1791432872414589,1.3781572878360748 -0.19881654530763626,0.793721154332161 l-0.07270172238349915,1.110381856560707 -0.0805481057614088,1.2361904978752136 l0.5572374165058136,0.5784827843308449 -0.043810391798615456,0.6257393956184387 l0.6202603876590729,0.16222191974520683 -0.10285078547894955,0.11216061189770699 l0.6674188375473022,0.11618540622293949 0.44202879071235657,0.27925068512558937 l0.4834616556763649,-0.4243380203843117 0.38535863161087036,0.4527120292186737 l1.167907938361168,-1.0541705787181854 0.7123683393001556,-0.49363158643245697 l0.6815256923437119,-0.7253964990377426 0.5660290643572807,-0.8624588698148727 l0.7647597789764404,-0.4545210301876068 1.6072089970111847,-1.8626870214939117 l1.024707481265068,-0.3352265805006027 1.6990339756011963,-1.5987037122249603 l0.4113089293241501,-0.5136235803365707 2.4347440898418427,-2.079266458749771 l0.2783791720867157,-1.0748454928398132 2.7752798795700073,-2.058347314596176 l0.5388260260224342,-1.7061397433280945 1.12721748650074,-1.3067647814750671 l1.5196233987808228,-2.307589054107666 1.3841226696968079,-2.8160378336906433 l-0.46965379267930984,-0.8592656254768372 0.7833625376224518,-1.064123585820198 l-0.4900682717561722,-0.13406270183622837 -0.9158622473478317,1.4572645723819733 l-0.0031859861337579787,0.4641328379511833 -0.5959619209170341,0.7776019722223282 l-2.9865476489067078,3.744685649871826 -0.41514355689287186,1.1647293716669083 l-1.1990775913000107,2.3103058338165283 -0.5498680472373962,1.5048855543136597 l-0.6940748542547226,2.2970999777317047 -0.07893581874668598,1.2603001296520233 l-0.24714374914765358,1.2988248467445374 0.4096369072794914,1.570146530866623 l0.13831157237291336,0.7332766801118851 0.24769145995378494,4.546489119529724 l0.9456206113100052,-0.19918352365493774 0.7827287912368774,0.01222944469191134 l0.8023794740438461,-0.12650388292968273 0.624234564602375,-0.05097921472042799 l0.7300502806901932,-0.5575156211853027 0.8536611497402191,-0.23683177307248116 l0.5511924624443054,-0.5741957575082779 2.796197235584259,-1.5101230144500732 l1.2135539203882217,-2.0311005413532257 1.0096065700054169,-0.5321332067251205 l1.3850115239620209,-2.5456029176712036 0.9404708445072174,-1.3029824197292328 l0.2081652358174324,-1.0601015388965607 0.7996274530887604,-1.691824495792389 l0.4629385471343994,-2.0500169694423676 0.04858838859945536,-0.9427120536565781 l-0.06731823552399874,-0.8621839433908463 0.021349911112338305,-0.580764152109623 l-0.943022146821022,-0.6534822285175323 -0.6446375697851181,-0.2868276834487915 l-1.6538648307323456,1.1456427723169327 -0.8713646978139877,1.0450780391693115 l-0.6864744424819946,1.0800796002149582 -0.11102771386504173,0.965682864189148 l-0.08461036719381809,1.3018447160720825 -0.6007810682058334,1.2836644053459167 l-0.08936799131333828,1.4471057057380676 -0.09525886736810207,1.7314517498016357 l-0.43296728283166885,1.4764609932899475 0.053327917121350765,1.5919974446296692 l0.5530007556080818,0.5818746611475945 -0.05136068910360336,0.7365266978740692 l-0.028087766841053963,0.6363309174776077 0.6646148860454559,0.6401403993368149 l0.12394311837852001,0.40833327919244766 0.21874506026506424,0.43582726269960403 l0.26984693482518196,0.38385067135095596 0.9417711198329926,1.0008028149604797 l0.4224013164639473,0.12798011302947998 0.9937889128923416,0.052735661156475544 l1.095241829752922,0.4092855006456375 0.68592369556427,-0.49461692571640015 l2.4841244518756866,-0.3914620354771614 1.4359207451343536,-0.4629465937614441 l0.9768901020288467,-0.4126398637890816 1.3806051015853882,-0.3936006873846054 l0.7338730990886688,-0.5708588287234306 1.0332264751195908,-0.3040182404220104 l1.07811838388443,-0.3490590304136276 2.2262006998062134,-1.4200480282306671 l1.0249467939138412,-0.4311991482973099 0.5854810029268265,-0.43941933661699295 l0.266801081597805,-0.207468681037426 0.3509625419974327,-0.19190264865756035 l1.0096931457519531,-1.057511568069458 0.01527849119156599,-0.1819452829658985 l-0.1288561336696148,-0.8316105604171753 -0.23007355630397797,0.08921951055526733 l-0.09047633036971092,0.1034777332097292 -0.1580599509179592,0.11234257370233536 l0.10091699659824371,0.11223090812563896 0.9270034730434418,-1.4241497218608856 l-0.15367258340120316,0.2378830872476101 -0.07390439044684172,0.057390155270695686 l0.6818774342536926,-0.8837583661079407 0.3772669658064842,-0.5681497603654861 l1.156373918056488,-1.019737645983696 0.949171856045723,-1.5116702020168304 l0.76365627348423,-1.03564091026783 0.5407613888382912,-0.49918677657842636 l1.3390660285949707,-0.9882158041000366 1.724625676870346,-1.2592718005180359 l0.38745198398828506,-0.6116364523768425 0.5360520258545876,-0.1620381884276867 l0.06202675402164459,-0.6492846459150314 0.5013284459710121,-0.2512800693511963 l0.879424437880516,-0.9591227769851685 0.8865421265363693,-0.5373687669634819 l0.5653178319334984,-0.6278923153877258 0.6996368616819382,-0.40170297026634216 l-1.1281044036149979,-0.05970405414700508 0.06474428810179234,-0.4710378870368004 l0.14095631428062916,0.5525888502597809 -0.24661440402269363,-0.01594546833075583 l0.0880237016826868,0.6097810342907906 -0.4078836739063263,-0.3028499148786068 l0.09984850883483887,0.6656438112258911 -0.839020386338234,0.6626284122467041 l-2.0436033606529236,1.6780497133731842 -0.39826657623052597,0.07466984447091818 l-0.0007049185660434887,0.894806981086731 -0.018723472021520138,0.9681521356105804 l-0.045187342911958694,1.1764873564243317 -0.1994807831943035,0.04711257293820381 l-0.10673963464796543,0.958695113658905 -0.013113311724737287,1.37288898229599 l-0.029046188574284315,1.9842641055583954 0.24070877581834793,1.5267059206962585 l-0.47620799392461777,0.41995618492364883 0.6898459047079086,2.4703115224838257 l0.46087976545095444,-0.26437561959028244 0.30043523758649826,0.498746782541275 l0.44210609048604965,0.71341872215271 0.670897364616394,0.9411847591400146 l1.0833864659070969,0.011464516865089536 0.6572137027978897,0.7611599564552307 l0.41390564292669296,-0.10949122719466686 0.6254702061414719,-0.731678307056427 l0.4200192168354988,-0.5101462826132774 1.3803070783615112,-0.8073168247938156 l0.33362478017807007,-0.2608947269618511 1.127537414431572,-0.9887886047363281 l0.4793187230825424,-0.6823941320180893 0.9236528724431992,-0.5201729014515877 l1.0362936556339264,-0.979030430316925 0.44624652713537216,-0.5576870962977409 l1.2897098064422607,-1.5815293788909912 0.6872886419296265,-1.5515688061714172 l0.25056494399905205,-0.6851235777139664 2.1972426772117615,-4.303738176822662 l0.9102525562047958,-2.3181505501270294 0.009761261753737926,-1.015893742442131 l0.05416572093963623,-0.7866649329662323 0.08468743413686752,-1.1741502583026886 l0.35852354019880295,-2.509129047393799 0.5949592590332031,-5.130676031112671 l0.36164697259664536,-1.1581210792064667 0.15431045554578304,-1.4177656173706055 l0.9023816883563995,-2.3351292312145233 0.5037461221218109,-3.1914713978767395 l1.1741070449352264,-1.985289305448532 0.01622463809326291,-1.1373630911111832 l0.14623230323195457,-0.702686607837677 0.21850716322660446,-0.1600584201514721 l0.11953301727771759,-0.8635718375444412 0.15579666011035442,-0.08321313187479973 l-0.2140280045568943,0.4206504300236702 0.05821487866342068,0.3169219195842743 l-0.003982239868491888,0.32811135053634644 -0.47080084681510925,0.6586284935474396 l0.09624455124139786,1.2849973142147064 -0.5243479460477829,0.48471320420503616 l-0.4676225036382675,0.9594787657260895 -0.9543333947658539,3.7777721881866455 l0.8593650162220001,0.029385401867330074 -0.7048190385103226,2.0605316758155823 l-0.08995570242404938,1.4894527196884155 -0.580444224178791,2.270202934741974 l-0.5803972855210304,1.2406352907419205 -0.5411211401224136,1.2935763597488403 l-0.639692023396492,3.1373384594917297 -0.7093954831361771,1.1310739815235138 l-0.701080784201622,2.7348408102989197 -0.32209377735853195,2.226884961128235 l0.09224817156791687,1.180601343512535 0.19793160259723663,0.9756788611412048 l-0.5374322831630707,0.8314559608697891 0.2742011658847332,1.3993673026561737 l0.22396588698029518,3.702835738658905 0.47202102839946747,0.567353330552578 l0.27725426480174065,0.4612835869193077 0.14699527993798256,0.49529921263456345 l0.21405747160315514,0.9559421241283417 0.5345465615391731,0.09728734381496906 l1.5983502566814423,2.4253106117248535 0.6255908310413361,-0.1336534507572651 l0.7001078128814697,0.021164489444345236 1.219058409333229,0.26307689025998116 l4.333542585372925,-1.5343314409255981 3.7191027402877808,-3.59171062707901 l1.7518815398216248,-1.4718738198280334 0.33231355249881744,-1.0568927228450775 l0.14271262101829052,-0.8019082248210907 2.0406872034072876,-4.735099375247955 l-0.027690979186445475,-0.25734947994351387 0.02159668831154704,-0.4512852802872658 l0.1988815888762474,-1.5418726205825806 -0.4695400968194008,0.04631927236914635 l-0.2578866668045521,-1.4390918612480164 -0.18951835110783577,-1.0416506230831146 l-0.47993697226047516,0.027376036159694195 -0.7144234329462051,0.036406328435987234 l-0.6654580682516098,-0.4007226601243019 -0.29429012909531593,-1.0115963220596313 l-1.4235106110572815,-1.196739375591278 -0.5600588396191597,0.45228399336338043 l-0.35316962748765945,-0.5750073492527008 -0.005471132462844253,0.36293696612119675 l-0.04436229821294546,0.34241508692502975 -0.025963482912629843,0.36344047635793686 l-0.5116095021367073,-0.3512725979089737 0.0029542093398049474,0.6072952598333359 l-1.4342382550239563,2.0623622834682465 -1.621239185333252,4.283861517906189 l-1.126091480255127,0.7210507988929749 -0.43240878731012344,0.6282402575016022 l0.07431436330080032,1.4267797768115997 -0.5142439901828766,1.2395697832107544 l-0.05083792842924595,3.1276321411132812 -0.33948376774787903,1.0156793892383575 l-0.2937360852956772,1.113324835896492 0.5337067320942879,0.7028650492429733 l-0.5600503459572792,1.085834875702858 \" 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=\"120.78236205445137\" version=\"1.1\" width=\"250.67374678503256\" 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.78236205445137\" width=\"250.67374678503256\" x=\"0\" y=\"0\"/><path d=\"M46.31803318858147,55.81013440154493 m-11.863577365875244,1.4790913462638855 l-2.50708669424057,0.07950450293719769 -4.199967980384827,5.6479644775390625 l-1.3338369131088257,4.288662970066071 -1.4135642349720001,9.277603030204773 l3.1932342052459717,3.5968047380447388 1.5585312247276306,2.154960334300995 l5.799223184585571,1.1218971759080887 6.16985559463501,-2.696993052959442 l4.5616549253463745,-8.65939974784851 0.9568580985069275,-3.5059085488319397 l2.1922948956489563,-4.260537624359131 1.8917016685009003,-4.687689244747162 l1.9580402970314026,-6.7490434646606445 1.566726565361023,-7.533523440361023 l0.2890365198254585,-1.085490807890892 0.21189820021390915,-1.6214130818843842 l0.22218644618988037,-1.780262291431427 -0.339292548596859,-8.068705201148987 l-2.0574474334716797,1.3503539562225342 -2.418462783098221,4.112505316734314 l-3.188118636608124,6.785557270050049 -1.4585626125335693,7.422361373901367 l-2.0802535116672516,7.397003173828125 -0.4785706102848053,7.279588580131531 l0.7564575225114822,4.745129346847534 1.9789016246795654,3.4174200892448425 l3.5525906085968018,0.7815205305814743 4.229556620121002,-2.4968743324279785 l5.62543511390686,-6.449093818664551 2.639889121055603,-3.7018385529518127 l2.3534703254699707,-3.3995744585990906 0.6717744469642639,-1.2301936745643616 l-2.329670488834381,2.430129200220108 -2.250632792711258,4.452069699764252 l-0.7110887765884399,1.7348571121692657 -1.1103683710098267,6.850506663322449 l1.3884973526000977,1.2898296117782593 1.8103258311748505,0.12408504262566566 l1.9753006100654602,-0.3464161977171898 3.4005656838417053,-3.640100061893463 l6.980917453765869,-6.582956910133362 6.7417848110198975,-6.995897889137268 l0.9434163570404053,-1.666250228881836 0.0470967311412096,-2.718973457813263 l-4.952568709850311,3.2147803902626038 -3.150603175163269,3.523949682712555 l-1.8836170434951782,6.538870930671692 -0.28334401547908783,4.179993569850922 l0.9208622574806213,2.438594549894333 1.3426214456558228,1.3631685078144073 l1.9725249707698822,0.6939771771430969 3.7873417139053345,-0.6274927407503128 l2.048855274915695,-1.834007352590561 2.4651457369327545,-3.293101191520691 l2.1230578422546387,-4.406870901584625 2.812168300151825,-2.8143703937530518 l7.80260443687439,-5.894979238510132 3.325781226158142,-2.2635921835899353 l1.6817903518676758,-1.8864540755748749 1.674962341785431,-1.2061608582735062 l-4.3347713351249695,2.5625604391098022 -4.308094680309296,4.194397032260895 l-3.2676202058792114,6.2752097845077515 -0.7195249199867249,3.8569676876068115 l0.1614871248602867,3.5370618104934692 1.2717650830745697,1.7257511615753174 l2.2728322446346283,1.0439304262399673 3.1481024622917175,-0.3541254252195358 l1.684459149837494,-0.9892928600311279 3.582211136817932,-3.6895522475242615 l5.684858560562134,-9.04311716556549 1.908448040485382,-4.486291706562042 l1.8627262115478516,-4.370414316654205 6.783111095428467,-23.892803192138672 l0.23055264726281166,-2.8489911556243896 -2.2257885336875916,4.580689072608948 l-4.114186763763428,15.957695245742798 -1.4279210567474365,10.495113134384155 l0.6509596854448318,1.120675951242447 -0.27381109073758125,3.6966723203659058 l0.8542019873857498,2.4408818781375885 0.30045880004763603,2.764861285686493 l1.9325356185436249,0.766938105225563 1.345948576927185,0.6089019402861595 l3.536897301673889,-0.37615932524204254 5.741446018218994,-2.989988923072815 l5.268266797065735,-4.721936583518982 4.051234126091003,-4.680491089820862 l3.0086684226989746,-5.389901399612427 0.470394566655159,-1.6581690311431885 l-0.5392450466752052,-2.14207261800766 -4.38120424747467,-0.5632550269365311 l-2.2819508612155914,1.7283512651920319 -4.362719655036926,4.1077399253845215 l-1.73982173204422,2.763602137565613 -1.8087118864059448,4.536319077014923 l-0.3208238258957863,2.1874025464057922 1.1056891828775406,3.595230281352997 l4.37766820192337,2.370244711637497 2.922276258468628,1.0958651453256607 l4.365662932395935,-0.011541080893948674 2.0753657817840576,-0.8645319193601608 l1.5006382763385773,-2.4354690313339233 -1.0320311784744263,-2.668396830558777 m1.0437940806150436,-1.97450190782547 l-0.8946023136377335,-2.442048192024231 m1.2016315013170242,-1.7787785828113556 l0.8329865336418152,-0.996551588177681 0.5752206593751907,-0.459042564034462 l0.6589749455451965,-1.2198448181152344 0.12325430288910866,-0.39980340749025345 l-0.07754554972052574,-0.06470345892012119 0.07337458431720734,-0.36521103233098984 l-0.13426462188363075,-0.41876547038555145 -0.25194594636559486,-0.6919137388467789 l-1.4914286136627197,0.9255964308977127 -0.026474918704479933,0.9567457437515259 l-1.1497742682695389,0.4605812579393387 -1.5218111872673035,2.713707983493805 l-2.6613613963127136,7.958666682243347 -0.3294762223958969,0.49491293728351593 l-0.9725001454353333,3.0325323343276978 -1.4108248054981232,1.199221909046173 l-0.09739700704813004,0.6249961256980896 -0.6782695651054382,2.1241025626659393 l-0.47573763877153397,0.5722390860319138 0.23512832820415497,0.43821461498737335 l0.2888081967830658,0.5203103274106979 0.0053640216356143355,0.5650833994150162 l1.2062090635299683,1.0174192488193512 0.17881304025650024,0.9134428203105927 l2.5463110208511353,0.2012735977768898 3.2639044523239136,-0.6263687461614609 l5.084601044654846,-2.54180371761322 2.4713200330734253,-1.615278720855713 l5.5563730001449585,-4.372324049472809 1.979190707206726,-1.9599096477031708 l0.9542378038167953,-1.942431479692459 0.05589949432760477,-1.071435660123825 l0.07567127700895071,-1.782413125038147 0.08732418529689312,-0.8222336322069168 l-0.5135930702090263,-1.107521802186966 -0.7210683822631836,-0.2772747725248337 l-0.910881757736206,0.5070434138178825 -0.9413229674100876,0.6826483458280563 l-1.2124806642532349,1.0413963347673416 -1.1817172169685364,0.9260570257902145 l-1.7305231094360352,1.6838008165359497 -0.9760692715644836,1.481109857559204 l-0.45579154044389725,1.3182306289672852 -0.7387056946754456,1.4318731427192688 l-0.10781996883451939,1.9792824983596802 -0.16752628609538078,1.012556329369545 l-0.028526047244668007,1.1613760143518448 -0.13478080742061138,0.006465256446972489 l-0.07608011830598116,1.1981567740440369 0.47646328806877136,1.9506381452083588 l0.5776365846395493,1.00913405418396 1.1096186935901642,1.8827994167804718 l1.1130283772945404,0.9146017581224442 1.9189542531967163,0.8741914480924606 l1.356726884841919,0.4816379025578499 3.515346646308899,0.9790361672639847 l1.2584520876407623,0.009739207453094423 1.3331449031829834,0.060758437030017376 l1.091613620519638,-0.2285292185842991 0.6818720698356628,-0.5435645580291748 l0.900493785738945,-0.4667454957962036 0.45011989772319794,-0.576360896229744 l1.2649786472320557,-0.850122720003128 0.3057289123535156,-1.2239769101142883 l0.4998178780078888,-0.5020134150981903 0.6890974938869476,-1.3402819633483887 l0.2895261347293854,-0.6768249720335007 0.24655761197209358,-0.7571776211261749 l0.2930957265198231,-0.8986720442771912 0.10975896380841732,-0.6078798323869705 l0.08025831542909145,-0.6457589566707611 0.3869064524769783,-0.6048842519521713 l-0.2747373655438423,-0.23138556629419327 0.3701019287109375,-0.510765053331852 l-0.15139793045818806,-0.6259779632091522 -0.5629956349730492,0.20760325714945793 l-0.7206673920154572,0.26334386318922043 -0.09432253427803516,0.10935578495264053 l-0.7304153591394424,0.21234598010778427 -0.8101525157690048,0.5070678144693375 l-0.2498103864490986,-0.2512494847178459 -0.9121780842542648,0.4043048247694969 l-1.764231026172638,2.6417863368988037 0.6444051116704941,-0.09460683912038803 l-0.6164270639419556,0.9079581499099731 -0.09197906590998173,1.0034970194101334 l-0.32039985060691833,0.5394771322607994 -0.21559752523899078,0.6865262240171432 l-0.2058391273021698,0.840759202837944 -0.009289381559938192,0.7182978838682175 l0.09516024962067604,0.7053421437740326 0.1664404384791851,0.6191020458936691 l0.3119811415672302,0.38472019135951996 0.0659502949565649,1.5897536277770996 l0.2038869448006153,1.79852694272995 0.5400332808494568,0.6214148923754692 l0.7609269767999649,0.35658739507198334 0.8444733172655106,0.04830182529985905 l2.84146249294281,0.2862117253243923 0.23533018305897713,-0.34108348190784454 l1.0738509148359299,0.5548693239688873 1.1600388586521149,-0.10236065834760666 l0.38458526134490967,-0.10380817577242851 1.2864135205745697,-0.4764251038432121 l0.1503239944577217,-0.6296582520008087 0.4495609551668167,-0.03913473803550005 l0.20598119124770164,-0.005096755921840668 2.187598943710327,-1.6038942337036133 l0.5583615228533745,-1.163027212023735 0.3553619235754013,-0.7031727582216263 l1.8521636724472046,-3.209258019924164 0.4946407675743103,-1.9077607989311218 l0.699012503027916,-2.470836043357849 0.18522968515753746,-0.915655791759491 l0.3430235758423805,-1.1672452092170715 0.5259129777550697,-1.3528133928775787 l0.4115292802453041,-1.3449117541313171 0.40430929511785507,-1.7024549841880798 l0.9118542075157166,-2.6544061303138733 0.4066488519310951,-1.7020779848098755 l0.5956055223941803,-1.982191950082779 0.9775260835886002,-3.5007259249687195 l1.0238804668188095,-3.1475144624710083 0.6132744252681732,-1.9657254219055176 l0.9608061611652374,-2.557637095451355 0.6237270310521126,-2.0231178402900696 l0.5629250407218933,-1.8507133424282074 0.34961938858032227,-1.6879519820213318 l0.9951424598693848,-2.3192772269248962 0.8452470600605011,-1.9018501043319702 l0.723135694861412,-1.533837467432022 0.5901801958680153,-1.1253522336483002 l0.1824856735765934,-1.2627185881137848 0.4474300518631935,-0.5432359129190445 l-0.5584146082401276,0.5377009138464928 -0.24594319984316826,0.7253271341323853 l-0.12759062461555004,0.44718440622091293 -0.4121052101254463,0.8193112909793854 l-0.28768863528966904,0.5939888954162598 -0.25037921965122223,0.8312660455703735 l-0.3787204995751381,0.8360369503498077 -0.13846478424966335,0.7549998909235001 l-0.4770197346806526,0.7780982553958893 -0.6008308380842209,1.2047657370567322 l-1.169583573937416,1.9049905240535736 -0.43205082416534424,0.8479557186365128 l-1.630479246377945,2.7630794048309326 -0.9492048621177673,1.858866661787033 l-1.3969910144805908,2.8994527459144592 -0.8435845375061035,1.4070171117782593 l-3.4567219018936157,5.342968106269836 -1.0248447954654694,4.131107032299042 l-1.07477568089962,1.3811098039150238 -0.1601131074130535,1.7144778370857239 l-0.7452959567308426,1.44120454788208 -0.3253456577658653,1.3105539977550507 l-2.128075361251831,4.017400145530701 0.34922387450933456,1.824517846107483 l-0.34376952797174454,1.5353487432003021 -0.04231848753988743,1.0151436924934387 l0.2551150321960449,1.0125083476305008 0.0560731440782547,0.5563211068511009 l0.3495502471923828,0.9037236124277115 0.5350907891988754,0.9478367865085602 l0.5438796430826187,0.4560387507081032 0.5271751061081886,0.5955599248409271 l0.8162997663021088,0.6321507692337036 0.9069524705410004,0.3561248257756233 l1.7975601553916931,0.5551644787192345 1.1974795162677765,0.13781322166323662 l2.10307240486145,0.33900022506713867 3.468749523162842,-0.24246368557214737 l5.246405601501465,-2.353314459323883 0.8597534149885178,-1.2468884885311127 l1.3123385608196259,-0.32439377158880234 1.8865175545215607,-0.8520215004682541 l0.6716678291559219,-0.9744758158922195 3.5362842679023743,-2.323438376188278 l0.17716636881232262,-1.2072895467281342 2.071004956960678,-3.319341242313385 l0.38973595947027206,-0.7841391116380692 0.3858483210206032,-1.199638471007347 l0.6155762821435928,-1.4741840958595276 0.2030779793858528,-2.132773846387863 l0.11131840758025646,-0.7903730869293213 -1.377291977405548,0.13425301760435104 l-0.41699647903442383,0.3437346965074539 -2.1198193728923798,0.10007590055465698 l-0.8791133016347885,0.2228514477610588 -0.9108635783195496,0.46330466866493225 l-4.194503128528595,2.970641851425171 0.028953284490853548,0.74760802090168 l-1.930096447467804,1.861555576324463 -0.8328592032194138,0.9274405986070633 l-0.09382643736898899,1.2376441061496735 -0.19131140783429146,2.6232880353927612 l-0.04709018860012293,1.426497995853424 -0.018569747917354107,1.6930274665355682 l1.4745467901229858,2.6041117310523987 1.7097410559654236,1.3071559369564056 l1.5315644443035126,1.1432863026857376 0.8496106415987015,0.3581709787249565 l1.6631290316581726,0.8289781957864761 1.118360459804535,0.23827547207474709 l1.2868601083755493,0.324300080537796 1.3965363800525665,0.7634878158569336 l0.8866659551858902,0.7208670675754547 1.1389461904764175,-0.9154322743415833 l1.048377901315689,-0.10183677077293396 1.916384994983673,-0.47111012041568756 l0.9046988189220428,-0.6033326685428619 1.920853704214096,-1.621239185333252 l0.2029731310904026,-0.6049955263733864 0.19186103716492653,-1.1022786796092987 l0.3935933858156204,-3.449285328388214 -0.22783255204558372,-1.6474242508411407 l-0.12415030039846897,-1.4324663579463959 -1.602623611688614,-3.346538245677948 l-0.19243663176894188,-0.9488502889871597 -0.9697908908128738,-1.7664675414562225 l0.21951362490653992,-0.5931137502193451 -2.695187032222748,-1.996033638715744 l0.45502129942178726,1.000618115067482 -1.3016097247600555,-0.5117861181497574 l-2.106005996465683,1.55570387840271 -2.5285905599594116,1.5561048686504364 l-0.6293719261884689,0.7783208042383194 -0.7806171476840973,0.7704462856054306 l-0.18637269735336304,1.9725079834461212 -1.5976724028587341,1.926056146621704 l-0.4712586849927902,1.097317785024643 -0.29535677284002304,1.1675529181957245 l-0.17132069915533066,1.0408449172973633 -0.10899043641984463,3.7394610047340393 l0.22412581369280815,0.646357536315918 -0.06892983801662922,1.198919415473938 l0.13917929492890835,0.8081286400556564 0.10395982302725315,0.9832970798015594 l0.19240004941821098,0.7787936925888062 0.1100064255297184,0.9501630067825317 l-0.0765678146854043,0.7920058071613312 0.14327204786241055,0.9225013107061386 l0.2430850826203823,0.8933760970830917 0.19400505349040031,0.5692382529377937 l0.27998536825180054,0.4176168888807297 0.867198184132576,2.0448777079582214 l1.5448479354381561,0.6278028339147568 0.5189597606658936,0.30471350997686386 l3.1367942690849304,0.8968047052621841 0.4751698300242424,-0.2442038431763649 l1.2777040898799896,0.7585618644952774 1.248328909277916,0.6385907530784607 l0.7499279081821442,-0.36147233098745346 1.0365621000528336,-0.058928621001541615 l3.1466370820999146,-0.5559584870934486 0.4637949913740158,-0.9123419970273972 l0.679364800453186,-0.5032198131084442 0.44635407626628876,-0.6158784404397011 l0.45866016298532486,-0.6276555359363556 1.8366557359695435,-1.5040789544582367 l2.3996402323246,-2.6220375299453735 0.7268176972866058,-1.6253277659416199 l2.0032013952732086,-2.6913246512413025 2.866189181804657,-4.966455399990082 l0.30349045991897583,-0.9455332159996033 0.15331915579736233,-1.1803660541772842 l0.31237833201885223,-0.9804689139127731 1.0599305480718613,-2.3475803434848785 l0.3559109568595886,-0.671679750084877 1.1330951005220413,-2.7728059887886047 l1.0995061695575714,-2.2493237257003784 0.20646100863814354,-1.1978951841592789 l0.3655146434903145,-1.023954600095749 0.45790858566761017,-1.8166933953762054 l1.0713980346918106,-1.8596133589744568 0.2830053120851517,-0.8276823908090591 l0.3279101476073265,-1.1722348630428314 0.35519853234291077,-1.4391960203647614 l0.15475858002901077,-1.0682802647352219 -0.7797581702470779,0.9442619234323502 l-0.45455172657966614,0.3892666846513748 -0.5175421386957169,1.1278610676527023 l-0.3377177193760872,0.6411134451627731 -0.4505884274840355,0.37835031747817993 \" 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.35217885673046\" version=\"1.1\" width=\"194.29138295110533\" 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.35217885673046\" width=\"194.29138295110533\" x=\"0\" y=\"0\"/><path d=\"M48.65890733897686,60.79428402008489 m1.1234066635370255,-3.471730947494507 l-1.848427653312683,-0.08083970285952091 -1.0940449684858322,0.25006217882037163 l-13.636804819107056,0.12244979850947857 -1.4677777886390686,2.2026969492435455 l-1.8936678767204285,0.6064831465482712 -4.386389255523682,7.561805844306946 l-0.4552016407251358,2.3657432198524475 0.9023308753967285,4.238617718219757 l2.8501376509666443,2.0954109728336334 5.7866281270980835,0.5683708190917969 l4.317016005516052,-1.6662989556789398 4.16839212179184,-2.4657009541988373 l2.8913044929504395,-2.2108645737171173 1.6930466890335083,-1.9361817836761475 l2.955869138240814,-4.072245955467224 2.1715404093265533,-4.327112436294556 l2.6150476932525635,-5.394091606140137 1.6627784073352814,-6.569033861160278 l0.4738210514187813,-4.407815337181091 1.159982830286026,-5.6471967697143555 l1.5220633149147034,-4.710433483123779 0.4901095852255821,-0.9062115103006363 l-0.08273555897176266,-0.3739261254668236 0.010443481151014566,0.5966220051050186 l-0.995623841881752,2.5642359256744385 -0.19238241016864777,0.6892998516559601 l-0.5007144063711166,0.8129239082336426 -0.9449202567338943,0.7266699522733688 l-0.15691714361310005,1.267363727092743 -0.26230236515402794,-0.1931387558579445 l-3.7784188985824585,5.886110067367554 -0.28059184551239014,1.6563661396503448 l-2.229122519493103,3.5482439398765564 -0.8187402784824371,2.6842600107192993 l-1.2511031329631805,4.66000497341156 -0.20301815122365952,1.487760841846466 l-0.7919751852750778,0.8826716244220734 -0.8764198422431946,5.518178939819336 l0.09977592155337334,0.9399885684251785 0.20482264459133148,1.949370950460434 l0.3149827942252159,1.2078182399272919 0.20757144317030907,1.5831397473812103 l1.3081906735897064,2.793720066547394 0.5022388696670532,-0.18347956240177155 l0.6048033758997917,-0.5371230095624924 1.548636257648468,0.9001193195581436 l1.5221567451953888,-0.7364674657583237 1.0271307826042175,-0.039893677458167076 l4.191682934761047,-2.6294001936912537 6.399070620536804,-5.51288366317749 l3.797234296798706,-3.93341600894928 1.982668787240982,-2.595207691192627 l0.5337870121002197,-0.864880234003067 1.4739766716957092,-2.917177975177765 l1.3144633173942566,-2.4192310869693756 0.08107583038508892,-0.3629547357559204 l1.5661385655403137,-2.2243107855319977 -0.19933603703975677,-0.6244632229208946 l-1.5586447715759277,0.5921009182929993 0.024368022568523884,1.0300808399915695 l-0.5440670251846313,0.5877476185560226 0.15193440951406956,0.7845363765954971 l-1.105383113026619,1.6973687708377838 -0.7676347345113754,0.8462723344564438 l-0.8772803097963333,2.8789541125297546 -0.7777494937181473,2.9212701320648193 l-0.33087845891714096,2.7130338549613953 0.05605245940387249,0.9276086091995239 l-0.021606390364468098,1.4120116829872131 0.8934271335601807,1.8433016538619995 l0.24210181087255478,0.7411862164735794 0.6802106648683548,0.7400967180728912 l1.7442776262760162,0.36378465592861176 1.031210944056511,-0.2730553224682808 l3.8336774706840515,-1.2488073110580444 0.7561502605676651,-0.8275023847818375 l1.3755790889263153,-0.30888674780726433 4.729183316230774,-3.359134793281555 l0.8742261677980423,-1.1756302416324615 4.820420742034912,-4.130240976810455 l0.6259725242853165,-1.2711693346500397 0.982242226600647,-0.744820237159729 l0.34696679562330246,-1.1147817224264145 0.533892996609211,-0.558408834040165 l0.057532377541065216,-1.6524294018745422 0.003925221681129187,-1.8153837323188782 l-3.2370811700820923,-1.6031579673290253 -3.5115239024162292,2.5879207253456116 l-2.582012414932251,3.867437243461609 -0.6667440384626389,1.7943942546844482 l-0.5499565601348877,1.4431335031986237 -0.8665209263563156,5.917839407920837 l0.058169043622910976,1.1231207102537155 -0.08128226734697819,1.509578824043274 l0.20333793014287949,1.4830118417739868 1.449187994003296,2.849884331226349 l0.5081348121166229,0.21897444501519203 0.5245965346693993,1.225045919418335 l0.7259175181388855,0.4453538730740547 4.0599581599235535,0.8798246830701828 l0.893348902463913,-0.3414886072278023 1.8469443917274475,-0.613609105348587 l2.657788097858429,-1.700979322195053 1.6003814339637756,-1.4301379024982452 l2.0878584682941437,-1.777697205543518 2.110150307416916,-2.119486629962921 l1.4105476438999176,-1.1784420162439346 0.8582829684019089,-0.7895246893167496 l2.0739392936229706,-1.4852109551429749 1.2915559113025665,-0.17321687191724777 l1.9712649285793304,-1.7113834619522095 5.261132717132568,-2.763298749923706 l1.0338721424341202,-0.5283090844750404 0.8857101947069168,-0.4303041473031044 l0.7936354726552963,-0.4544118046760559 0.8710666745901108,-0.5325206369161606 l1.4107915759086609,-0.574573315680027 0.15659555792808533,-0.39437633007764816 l0.3336693346500397,-0.11066580191254616 1.8597936630249023,-0.08239853195846081 l0.301717109978199,-0.47969937324523926 -1.4085347950458527,-0.059980358928442 l-0.7811539620161057,-0.003113888669759035 -2.512179911136627,0.4559139162302017 l-1.1463001370429993,0.5238676071166992 -2.2604334354400635,0.5546913295984268 l-1.6080603003501892,0.6259148567914963 -0.9009531140327454,0.9646555781364441 l-1.5970632433891296,1.6102981567382812 -1.83804452419281,1.6240093111991882 l-3.435845673084259,4.791851043701172 -0.7137442380189896,1.5042932331562042 l-1.4334209263324738,3.5230493545532227 0.0002723957550188061,2.365425229072571 l0.864856019616127,2.23058819770813 0.6248679757118225,0.8395544439554214 l2.4083903431892395,1.9843487441539764 3.7096384167671204,-0.7923606038093567 l0.8659306168556213,-0.7962311059236526 3.694778084754944,-2.795620858669281 l0.6206708028912544,-1.6347803175449371 3.547416627407074,-5.514102578163147 l1.7229056358337402,-4.114600121974945 1.1016321182250977,-2.4904371798038483 l3.1433433294296265,-9.454925060272217 0.8673299103975296,-4.1211652755737305 l1.4199376106262207,-2.4806155264377594 0.6354419142007828,-2.1335135400295258 l0.8807557821273804,-2.1833206713199615 1.0233581811189651,-3.0362090468406677 l0.7293207943439484,-2.711023688316345 0.4996444284915924,-1.0973462462425232 l0.4314648360013962,-1.334548443555832 0.2605222538113594,-2.379075288772583 l0.6035080924630165,-1.698538362979889 0.5607832595705986,-1.685972809791565 l0.15311835333704948,-0.8977921307086945 -0.396944098174572,0.7358440011739731 l-0.5296968668699265,0.9002880752086639 -0.4267122969031334,1.171259954571724 l0.16251830384135246,0.8133526891469955 -1.2091002613306046,2.770583927631378 l-0.7929214835166931,3.2939836382865906 -1.445668637752533,4.43421334028244 l-0.9969618171453476,4.746754765510559 -0.5345328897237778,1.4770203828811646 l-0.7254534959793091,4.506529271602631 -0.8746533095836639,1.962704211473465 l-0.6189697235822678,1.8802154064178467 -0.6774916499853134,2.928200364112854 l0.01778609585016966,1.5217998623847961 -0.6162985414266586,4.757934510707855 l0.45218974351882935,1.225643828511238 0.30648963525891304,3.9206135272979736 l0.8924660086631775,0.734899565577507 1.9181495904922485,2.037624269723892 l3.8989508152008057,0.4292280226945877 2.352817803621292,-0.1388203352689743 l3.755912482738495,-0.967988520860672 1.5293623507022858,-0.8029807358980179 l2.3808351159095764,-1.1431550234556198 1.382451206445694,-0.7388877868652344 l1.7918168008327484,-1.1239925026893616 1.6186727583408356,-1.214134767651558 l1.8039482831954956,-1.1150980740785599 4.468466341495514,-4.3613070249557495 l2.708938419818878,-2.880678176879883 1.7132321000099182,-2.2903096675872803 l1.316150724887848,-2.0544950664043427 0.7467851787805557,-1.526876538991928 l0.12074151076376438,-0.9238634258508682 0.1330257672816515,-1.3501721620559692 l-0.4585408791899681,-0.7890316843986511 -0.22013003006577492,-0.8607307076454163 l-3.372378945350647,-1.2521466612815857 -1.89107283949852,0.009777831146493554 l-1.1271817982196808,0.7112771272659302 -1.3298138976097107,0.6981890648603439 l-1.2535127997398376,1.264243721961975 -1.0765823721885681,1.2093337625265121 l-0.893338993191719,1.1622492969036102 -1.078179031610489,1.2509191036224365 l-0.9643943607807159,1.0869883000850677 -1.4761431515216827,2.796437442302704 l-0.8483842015266418,1.3291434943675995 -0.8028566837310791,1.819518804550171 l-0.6415320187807083,1.5885965526103973 -0.038080515805631876,1.6075216233730316 l-0.10128660127520561,1.5559358894824982 0.3847857192158699,3.3077657222747803 l0.6771353632211685,1.0793226957321167 0.4359963536262512,1.1699072271585464 l3.111836314201355,3.0694234371185303 2.672441303730011,1.355445683002472 l8.08470368385315,1.4710074663162231 6.985752582550049,-0.23663906380534172 l2.3688095808029175,-0.6183874234557152 0.9021753072738647,-0.3082035668194294 m0.37789326161146164,-1.1922313272953033 m1.675046682357788,-1.4987412095069885 l0.8689592033624649,-1.1742691695690155 m0.6478682160377502,-1.4170987904071808 \" 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.73506504228135\" version=\"1.1\" width=\"186.9444449252842\" 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.73506504228135\" width=\"186.9444449252842\" x=\"0\" y=\"0\"/><path d=\"M45.28593044728041,55.889077577739954 m-4.020390510559082,0.3350350260734558 l-0.8622629940509796,0.5801210924983025 -1.3477681577205658,0.04560291767120361 l-1.1715953797101974,0.1822240836918354 -1.0148349404335022,0.08072113618254662 l-1.166394129395485,0.7097221910953522 -1.7523492872714996,1.141456961631775 l-0.9778363257646561,-0.16693346202373505 -1.3283659517765045,0.6116429716348648 l-0.9180960059165955,1.0548406094312668 -0.5412669852375984,0.896533727645874 l-0.9808929264545441,1.6786207258701324 -0.8568751811981201,-0.043247127905488014 l-1.509673148393631,2.2719162702560425 -0.47870852053165436,1.3596941530704498 l-0.8435411006212234,0.05688509903848171 -0.4977097362279892,1.0064566135406494 l0.15006346628069878,0.7064176350831985 -0.16743263229727745,5.457788109779358 l0.7333813607692719,2.1840590238571167 0.47070007771253586,0.5965401232242584 l1.6261294484138489,2.8205764293670654 4.797565042972565,0.9537211060523987 l2.0543748140335083,0.37554357200860977 1.4184236526489258,0.4200103133916855 l3.011361062526703,-1.5072080492973328 1.2380000948905945,-1.3713926076889038 l0.7980795204639435,-0.9315351396799088 1.0055521875619888,-0.8301372826099396 l2.1307069063186646,-2.5694406032562256 1.8309800326824188,-3.786795139312744 l2.157169282436371,-3.768678605556488 0.5408701673150063,-2.543318271636963 l1.4741118252277374,-3.5213512182235718 0.33309128135442734,-1.8551884591579437 l-0.20190848037600517,-1.8195725977420807 0.7700851559638977,-1.6592912375926971 l0.931343287229538,-1.1065135896205902 0.869230106472969,-1.7044374346733093 l0.058387904427945614,-1.8345390260219574 0.41141826659440994,-1.5359902381896973 l0.583111010491848,-3.3828479051589966 1.264609843492508,-7.11484968662262 l0.7870540022850037,-3.2464703917503357 0.6198881566524506,-3.0449479818344116 l0.33574994653463364,-1.8577323853969574 0.6520514190196991,-1.2811510264873505 l0.39544641971588135,-1.4620384573936462 0.6209443509578705,-0.6971591711044312 l0.13935809023678303,-1.7724403738975525 -0.5345213785767555,1.0641102492809296 l-0.6200142204761505,0.7724905759096146 -0.724061131477356,2.2797445952892303 l-0.9981879591941833,4.499753415584564 -1.9967325031757355,13.39777946472168 l-0.23978706449270248,4.098188877105713 -0.6194856390357018,2.1266883611679077 l-0.752222090959549,2.2716979682445526 -0.2973039448261261,1.9486919045448303 l-0.1414127368479967,12.646259069442749 -0.4346028342843056,3.5778969526290894 l0.1705501787364483,4.8141151666641235 0.048917997628450394,0.6284206360578537 l0.1590806245803833,2.9394114017486572 0.5158159509301186,0.7983069121837616 l1.3365812599658966,2.7460503578186035 2.4991656839847565,1.3934195041656494 l0.24058502167463303,-0.529124066233635 2.0026326179504395,-0.8163852244615555 l0.7010467350482941,-0.8178798854351044 0.8672427386045456,-0.310005284845829 l0.9764135628938675,-0.6688801944255829 1.9681915640830994,-1.9537098705768585 l1.977393627166748,-2.0661845803260803 0.8390370756387711,-0.7822307199239731 l1.915646493434906,-2.075452208518982 1.4435499906539917,-1.939452737569809 l2.0088112354278564,-3.0043110251426697 0.3481147810816765,-0.6315511465072632 l0.5341242626309395,-1.1443186551332474 1.2167049199342728,-2.0845583081245422 l0.2063881792128086,-0.9252243489027023 0.5938032269477844,-0.06705494597554207 l0.20615588873624802,-1.355767697095871 0.39483699947595596,0.5289294198155403 l-0.11235695332288742,-0.11574055999517441 0.5565482378005981,-0.7032272964715958 l0.009623286896385252,0.27535997331142426 -0.21033557131886482,-0.03373827552422881 l-0.005219478625804186,0.7427698373794556 -0.35364482551813126,0.6193122640252113 l-0.34495916217565536,1.9337266683578491 -0.0029126121080480516,0.21603954955935478 l0.5954831093549728,-0.03813868621364236 0.5788081139326096,0.09437538683414459 l-0.33125139772892,0.224497988820076 -0.524195097386837,0.4057852551341057 l-1.4265333116054535,5.147442817687988 -0.7591479271650314,4.679247140884399 l0.11624863371253014,3.4855177998542786 -0.09391674771904945,1.120687872171402 l0.5111268162727356,0.06502517499029636 -0.10485759004950523,0.5230186134576797 l1.726221740245819,0.8053898066282272 0.37528060376644135,-0.49849823117256165 l1.9183044135570526,0.42129606008529663 0.5031276866793633,-0.7036395370960236 l0.5625811964273453,0.00019139628420816734 0.9817302972078323,-0.4316188767552376 l1.8801090121269226,-0.6933319568634033 0.4155093804001808,-0.4531767964363098 l1.5504002571105957,-0.7493138313293457 2.001350224018097,-1.097739115357399 l2.0207640528678894,-1.9577480852603912 3.861123025417328,-4.327955842018127 l2.4516023695468903,-3.706849217414856 0.00019597293430706486,-0.7530137896537781 l0.2536940388381481,-0.9489766508340836 0.06364216562360525,-0.621299184858799 l-0.32271113246679306,-0.7751049101352692 -0.06754613481462002,-0.34604206681251526 l0.047290087677538395,-0.7949467748403549 0.005857284995727241,-0.562267005443573 l-0.6972090899944305,-0.33117346465587616 -0.3677545115351677,-0.012868769699707627 l-0.290454626083374,-0.32362159341573715 -0.6705331057310104,-0.15404915437102318 l-1.0208344459533691,-0.011665163328871131 -0.9318892657756805,1.4541500806808472 l-0.7734213769435883,1.1525814980268478 -0.5969233810901642,0.20326804369688034 l-1.2496615201234818,2.8247570991516113 -0.7560861855745316,0.5132392048835754 l-1.0539448261260986,3.0715319514274597 -0.44630009680986404,0.541081503033638 l-0.039068651385605335,1.2982779741287231 -0.3363412246108055,1.0080713778734207 l0.048766713589429855,1.9896747171878815 0.06468812935054302,1.7835710942745209 l-0.009496727143414319,0.8299099653959274 -0.08122419007122517,1.1975757032632828 l0.7571595162153244,4.366752803325653 0.7040819525718689,0.4696500673890114 l1.1031999439001083,0.9727390110492706 0.23455709218978882,0.5583490058779716 l3.775564730167389,1.4164507389068604 0.6749151647090912,-0.22142624482512474 l0.6983436644077301,-0.13479850254952908 2.866717576980591,-1.227755919098854 l1.1159607768058777,-0.6539499759674072 2.187822163105011,-1.7668342590332031 l0.5986431613564491,-0.6177407130599022 1.1804257333278656,-0.6600178778171539 l1.9708208739757538,-1.985687017440796 1.4161796867847443,-1.1161384731531143 l2.122058868408203,-2.3672273755073547 2.111443430185318,-1.1574679613113403 l0.5879217386245728,-0.6947673112154007 0.6996223330497742,-0.5165903642773628 l0.4073673486709595,-0.9577668458223343 0.7073286920785904,-0.6831022351980209 l-0.17193695530295372,-0.5211988091468811 0.4765782505273819,-0.5730228126049042 l1.1310479789972305,-0.879034623503685 0.5966979637742043,-0.4585251584649086 l0.5946417897939682,-0.5629773810505867 0.4990498349070549,-0.6115904450416565 l0.8562328666448593,-0.2784132957458496 0.3704294189810753,-0.6051206961274147 l0.22577600553631783,-0.4976094514131546 -0.15059573575854301,-0.03684061346575618 l-0.37175338715314865,-0.0132139609195292 -0.5471662431955338,0.325421467423439 l-1.4155848324298859,0.0014436911442317069 -0.9412996470928192,-0.047517260536551476 l-1.3003087043762207,0.8114814013242722 -0.7376771420240402,0.5599525943398476 l-1.9691027700901031,1.6972790658473969 -3.33739697933197,3.416268229484558 l-1.4603111147880554,1.7164163291454315 -0.010513841407373548,1.2439171969890594 l-0.41046492755413055,1.0433444380760193 -0.0010489024862181395,2.2888579964637756 l0.002608941576909274,1.3749782741069794 -0.030772164463996887,1.765778660774231 l1.7374329268932343,4.107067286968231 2.2931455075740814,0.2692217566072941 l1.3313569128513336,0.14519309625029564 2.2291216254234314,-0.18606191501021385 l2.303122729063034,-0.6338336318731308 1.9669580459594727,-0.7652973383665085 l0.8652634173631668,-0.9014628082513809 2.6604002714157104,-3.773890435695648 l0.9530633687973022,-2.7349525690078735 1.1968445032835007,-1.7064934968948364 l0.4771444573998451,-1.672559231519699 2.7206677198410034,-8.63791048526764 l0.3017555736005306,-1.7757198214530945 0.462125726044178,-2.2589772939682007 l1.811753362417221,-5.33722460269928 0.49556221812963486,-2.791367769241333 l0.48993270844221115,-2.2462649643421173 0.6045778468251228,-3.891330659389496 l0.8999980986118317,-4.062323272228241 0.6396252661943436,-1.10772043466568 l0.18988735973834991,-2.4999089539051056 0.5451345071196556,-0.9703914076089859 l-0.260714590549469,-1.2856049835681915 0.525011457502842,-0.4443245753645897 l-0.36665089428424835,-0.21534595638513565 0.017667864449322224,2.444290369749069 l-0.5586232990026474,0.8892475068569183 -0.4204004257917404,1.6868418455123901 l-0.4299463704228401,1.5176762640476227 0.031053628772497177,2.082715183496475 l-0.43853573501110077,1.2581202387809753 -0.5728604644536972,1.7345894873142242 l-0.32525375485420227,4.085023105144501 -0.24939145892858505,0.9001908451318741 l-0.4241492226719856,1.7119430005550385 -0.7973089069128036,7.367511987686157 l-0.6648530066013336,1.413307934999466 -0.3527839109301567,1.6474902629852295 l-0.7728593051433563,4.95973527431488 0.2830919250845909,1.1301477253437042 l-0.5612482503056526,2.495120018720627 0.7456725835800171,1.97734996676445 l0.31437013298273087,2.5136342644691467 0.5850303918123245,1.329779177904129 l2.5162258744239807,1.8168769776821136 0.8112199604511261,0.05838307552039623 l0.9223580360412598,0.08849197067320347 1.0596361756324768,-0.19033702090382576 l1.3895484805107117,0.24439968168735504 2.051500976085663,-0.528537780046463 l1.6097413003444672,-0.8169861137866974 1.0305105894804,-0.8907836675643921 l1.570022702217102,-0.6216460466384888 1.229800283908844,-0.6385354697704315 l1.3360495865345001,-0.9684880077838898 1.3262006640434265,-1.0320285707712173 l1.4923205971717834,-0.784100815653801 1.4224794507026672,-1.4796781539916992 l1.888832449913025,-2.071586400270462 0.6092999130487442,-0.775231197476387 l1.4852288365364075,-1.5105938911437988 0.9660150110721588,-1.2709861993789673 l3.0472153425216675,-4.1690173745155334 0.22581489756703377,-1.3783478736877441 l1.465025246143341,-3.51259708404541 0.4631040245294571,-1.1735215038061142 l-0.19533714279532433,-0.7860396802425385 0.23205742239952087,-0.9943743050098419 l-3.0679333209991455,0.025350486394017935 -0.9015146642923355,0.7739628106355667 l-2.0816071331501007,0.13815593905746937 -1.1117158830165863,1.078934669494629 l-4.828902184963226,4.775017201900482 -2.058686316013336,3.0138540267944336 l-0.93780517578125,0.9957465529441833 -1.863919198513031,2.8907570242881775 l-1.4522457122802734,4.491536021232605 -0.692075714468956,1.519821584224701 l-0.06151655223220587,2.8243830800056458 -0.15701862052083015,1.1336338520050049 l-0.1664387807250023,1.5045268833637238 2.3640766739845276,4.026852250099182 l1.078522503376007,0.9778549522161484 6.399475932121277,3.158474862575531 l6.666773557662964,-0.6586486101150513 4.422889053821564,-2.3468393087387085 l2.367926388978958,-3.4988507628440857 m3.4539079666137695,-2.3575295507907867 l0.5298537015914917,-1.9657360017299652 \" 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.3082731377799\" version=\"1.1\" width=\"198.6049782291957\" 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.3082731377799\" width=\"198.6049782291957\" x=\"0\" y=\"0\"/><path d=\"M45.19267107825726,54.99701497843489 m-2.6634368300437927,0.179801844060421 l-0.798846110701561,0.8654266595840454 -0.8196781575679779,-0.024411932099610567 l-2.2672052681446075,0.10560821741819382 -0.8791421353816986,0.8446673303842545 l-1.0675351321697235,0.1832767203450203 -0.7233278453350067,0.09670908562839031 l-0.8333812654018402,0.9108112752437592 0.03795348573476076,0.6206802278757095 l-0.9476065635681152,-0.20437762141227722 -0.49202024936676025,0.4890565574169159 l-0.3901245817542076,0.6578557938337326 -1.4422889053821564,1.551605463027954 l-0.8342846482992172,1.1757086217403412 -0.6937436014413834,0.6677545607089996 l-0.7784675061702728,0.9829584509134293 -0.5888772755861282,-0.05691098514944315 l-1.4671233296394348,1.5626755356788635 -1.720074862241745,3.2881686091423035 l-0.8234602957963943,3.422462046146393 0.6077606230974197,6.187484860420227 l2.7471473813056946,0.11713577434420586 1.4812032878398895,1.6387182474136353 l0.7696855813264847,-0.37719227373600006 0.6258142739534378,0.3770611807703972 l0.7105139642953873,-0.36898359656333923 3.2840773463249207,-0.05292109213769436 l2.995387315750122,-0.11646517552435398 1.0996037721633911,-0.6983780860900879 l4.380151927471161,-4.210295081138611 2.743149995803833,-4.0672725439071655 l0.5723987147212029,-1.8505339324474335 0.35413559526205063,-1.5439248085021973 l0.38970761001110077,-0.9848479926586151 0.35777512937784195,-1.9015242159366608 l0.5594535917043686,-1.4022520184516907 0.19361885264515877,-2.0234592258930206 l0.6573235988616943,-1.1150196939706802 0.2734309621155262,-1.9074954092502594 l0.3454332798719406,-1.3926365971565247 0.4173705726861954,-1.370566189289093 l0.642387643456459,-1.8126983940601349 0.034144341479986906,-3.2620367407798767 l0.709395557641983,-0.6198256835341454 0.3441956266760826,-3.308660089969635 l0.9745663404464722,-2.467053532600403 0.3958996757864952,-3.2588452100753784 l1.4435388147830963,-3.3718404173851013 0.29717566445469856,-1.8528927862644196 l0.8110368251800537,-1.3468363881111145 0.11321229860186577,-1.5274247527122498 l0.929204449057579,-1.539004147052765 0.18170055001974106,-0.9644854068756104 l0.381443090736866,0.6468438357114792 -0.029929911252111197,-1.7734776437282562 l0.4300965368747711,-1.2566167116165161 0.5560732260346413,-0.757996216416359 l0.16585130244493484,-0.6934762001037598 0.39314694702625275,-0.1495903916656971 l-0.6776761263608932,0.31734947115182877 0.37608660757541656,0.1543659158051014 l-0.3195079416036606,0.07760012056678534 0.28986871242523193,0.42178623378276825 l0.01973397098481655,0.34354783594608307 0.0903745274990797,0.20698469132184982 l0.07106744218617678,0.017402229132130742 -0.10202250443398952,0.9585889428853989 l-0.5688227340579033,0.7185459136962891 -0.35953301936388016,1.7835213243961334 l-0.26125721633434296,1.3629209995269775 -0.2689053304493427,1.4422467350959778 l-0.3364164009690285,1.6639205813407898 -0.7582852989435196,1.0120013356208801 l-0.7154537737369537,0.8672979474067688 -0.5709686130285263,0.03026816761121154 l-0.7987900823354721,0.822371318936348 -0.7088279724121094,0.8658698946237564 l-1.428196132183075,13.2246732711792 -0.7253118604421616,0.5126938968896866 l-0.17932672053575516,1.7784012854099274 -0.7636377215385437,1.0125254839658737 l-0.17642324790358543,1.5928375720977783 -0.6331291049718857,5.946756601333618 l0.047758263535797596,1.2147867679595947 -0.25180263444781303,1.4957034587860107 l0.12550695799291134,4.86345112323761 0.06787493359297514,0.5917367711663246 l-0.061921654269099236,0.9438419342041016 2.7104002237319946,5.0055354833602905 l0.11373012326657772,0.5166901648044586 0.027960301376879215,0.27489880099892616 l2.7768924832344055,0.5505616962909698 0.9732618927955627,-0.12123608961701393 l0.5340941622853279,-0.25579748675227165 0.5039745569229126,0.11986279860138893 l0.8067744225263596,0.15844615176320076 1.0608398169279099,-0.8931169658899307 l0.5710173770785332,-0.19315393641591072 0.42099349200725555,-0.41978903114795685 l1.2670712172985077,-1.3765034079551697 1.280820220708847,-2.0167171955108643 l0.6340451538562775,-0.9087247401475906 0.930289626121521,-2.004988193511963 l1.3712699711322784,-1.9145143032073975 0.07489405106753111,-1.2844730913639069 l0.7680050283670425,-0.7876576483249664 1.080179587006569,-2.6273977756500244 l1.2625975906848907,-3.0420777201652527 1.0377316176891327,-2.855508327484131 l0.3151557222008705,-0.7751156389713287 0.21582834422588348,-0.6526639312505722 l0.46971291303634644,-0.925225168466568 -0.3946089744567871,0.567040927708149 l-0.635170042514801,1.1559373885393143 -0.5950505286455154,0.7991471886634827 l-0.5089200288057327,0.8786335587501526 -0.701744556427002,2.7516108751296997 l-0.37812888622283936,4.110484421253204 0.26759160682559013,0.6739335507154465 l-0.20442316308617592,2.0331138372421265 0.572105348110199,2.661440372467041 l0.016870785038918257,0.347294919192791 0.7929298281669617,1.6992869973182678 l0.7886342704296112,-0.09952165186405182 2.318839877843857,1.1091040074825287 l0.7248499989509583,-0.12675019912421703 0.8770821243524551,-0.11684907600283623 l1.4852675795555115,0.18045399338006973 0.7682941854000092,-0.5154428631067276 l0.7804074883460999,-0.27230655774474144 1.5733414888381958,-0.35156838595867157 l0.6433799117803574,-0.17383765429258347 0.6812774389982224,-0.5699227377772331 l1.5502412617206573,-0.6714073568582535 0.32811712473630905,-0.5193137004971504 l1.453714519739151,-0.535823255777359 4.889428913593292,-3.5636624693870544 l0.2248351089656353,-1.0031508654356003 1.783444881439209,-1.082897111773491 l2.180202305316925,-3.6867526173591614 1.0064111649990082,-1.0193093121051788 l0.19278818741440773,-1.0851863771677017 0.08075048215687275,-0.5962345376610756 l0.41689615696668625,-1.4450129866600037 0.14014254324138165,-1.2936946749687195 l0.3091192804276943,-0.81788070499897 -0.416412316262722,-0.14615594409406185 l0.5464443191885948,-0.8552572876214981 -0.1768750138580799,-0.989890918135643 l0.700819194316864,-0.804101973772049 -1.1033222079277039,0.0007036956958472729 l-0.7991264760494232,0.47981496900320053 -1.6203804314136505,0.36490611732006073 l-0.8768428862094879,-0.03031156025826931 -1.5795256197452545,0.902664065361023 l-0.6833124160766602,0.11808289214968681 -0.8544807881116867,0.4817172512412071 l-0.8600804209709167,0.933627113699913 -0.7503101974725723,1.1389771103858948 l-0.7541224360466003,0.2527879737317562 -0.012781755067408085,0.3778129443526268 l-0.018559983000159264,1.4616931974887848 -0.8299275487661362,0.8957993239164352 l-0.8094837516546249,1.0292761027812958 -0.9602374583482742,1.0491107404232025 l0.06450677756220102,4.2387062311172485 0.4452340677380562,1.6133379936218262 l-0.061557162553071976,1.119595691561699 2.90217787027359,6.468478441238403 l0.5632032081484795,0.376584492623806 0.24216368794441223,0.7661747932434082 l2.4147719144821167,1.910262405872345 0.8503885567188263,0.7866688817739487 l0.7353539019823074,0.4866759479045868 0.40593773126602173,0.6631264835596085 l2.7301621437072754,0.0438600592315197 0.5243720859289169,-0.6277500838041306 l1.4472079277038574,0.032083147671073675 0.22901181131601334,-0.6623689085245132 l0.9636688232421875,-0.18857887014746666 0.2928696572780609,-0.6798730790615082 l1.518825739622116,-0.5655987933278084 0.834304541349411,-0.6648268550634384 l0.9863901138305664,-0.6633242964744568 0.30819641426205635,-0.7578342407941818 l2.649630904197693,-5.312597155570984 0.17862923443317413,-0.5230391025543213 l1.0027378797531128,-1.5582461655139923 0.08022654801607132,-0.7762135565280914 l0.9336377680301666,-1.2559083104133606 1.2043138593435287,-4.589721858501434 l0.04284287337213755,-0.19666079431772232 0.3064689412713051,0.05968066398054361 l0.8191408962011337,-0.7645995914936066 1.0483507812023163,0.007131672464311123 l1.269693672657013,-1.0438616573810577 1.0397453606128693,-0.6601247936487198 l0.6082719191908836,-0.16770154237747192 0.7828408479690552,-0.2844146080315113 l1.067163497209549,-0.03562306519597769 1.2144599854946136,0.01264141988940537 l2.9788976907730103,0.06721859332174063 0.6565237790346146,-0.7261642813682556 l-0.8208618313074112,-0.02474623266607523 -0.055538127198815346,-0.01977362670004368 l-0.2082078531384468,-0.5832025408744812 0.16975125297904015,-0.33208616077899933 l-0.7735620439052582,-0.03045976860448718 -0.8818542212247849,0.34796543419361115 l-1.0109928250312805,0.27755843475461006 -0.9923243522644043,-0.011262735351920128 l-0.26550352573394775,-0.03704677103087306 0.0008985556632978842,0.69871686398983 l-0.9400089830160141,-0.2136089839041233 -1.917944848537445,1.0395664721727371 l-0.9552774578332901,-0.037546849343925714 -0.8489508181810379,0.6395657360553741 l-1.0479625314474106,0.2431599423289299 -0.03910806030035019,0.9041306376457214 l-0.046375603415071964,0.7889746874570847 -0.5766844749450684,0.10829835198819637 l-0.41780412197113037,0.2560717985033989 -0.051225204952061176,0.7102024555206299 l-0.026278351433575153,2.058200091123581 -0.036230962723493576,2.3613038659095764 l-0.027178460732102394,2.6146042346954346 -0.021402898710221052,3.781040906906128 l-0.4015916958451271,0.9785366803407669 0.6396667659282684,0.6838246434926987 l1.141824871301651,1.2029238790273666 0.4990788549184799,-0.041560824029147625 l0.8882515132427216,1.2046297639608383 2.690320312976837,-0.12660437263548374 l0.5406086519360542,0.1432665903121233 0.6564692407846451,-0.3131074830889702 l0.47561004757881165,-0.47744862735271454 0.5242225155234337,-0.03200292820110917 l0.5260112881660461,0.03324014134705067 0.41288506239652634,0.11271558701992035 l2.5915613770484924,-2.1012768149375916 0.14915156178176403,-0.8110523968935013 l0.8417871594429016,-0.7663005590438843 0.08062309585511684,-1.449006348848343 l1.8175207078456879,-2.106567770242691 0.8025386929512024,-0.5442029610276222 l0.8914826065301895,-1.2695913016796112 1.1736081540584564,-1.0482243448495865 l3.143339455127716,-6.309869289398193 1.8053099513053894,-2.3568040132522583 l1.7817115783691406,-3.29059898853302 0.08765256032347679,-1.1783359199762344 l0.33397238701581955,-1.4809122681617737 1.42341747879982,-2.984189987182617 l0.4350365698337555,-3.065110743045807 0.43828580528497696,-1.1742731928825378 l1.9541606307029724,-4.953022003173828 0.11771258898079395,-1.2810216844081879 l1.38210728764534,-4.537976384162903 -0.14281519688665867,-2.377207726240158 l1.0394913703203201,-2.4921421706676483 1.3217398524284363,-4.112349450588226 l-0.2954708971083164,0.9179022163152695 -0.3147762268781662,2.10746631026268 l-0.44743306934833527,1.3344420492649078 -0.650566816329956,3.1574612855911255 l-0.6577441841363907,3.0076339840888977 -0.9943629801273346,4.479978680610657 l-0.24534061551094055,1.726425439119339 -1.3083866238594055,4.7629863023757935 l-1.2950198352336884,3.4473028779029846 -1.153731718659401,3.5222938656806946 l-1.5887199342250824,3.8373148441314697 -1.6217750310897827,4.3389686942100525 l0.10739283636212349,1.3516996800899506 -0.3276311978697777,1.6673941910266876 l0.39044108241796494,0.8805754035711288 0.011563673615455627,0.8322897553443909 l-0.6126994267106056,0.8885178714990616 1.110774204134941,3.7472888827323914 l1.3984976708889008,0.9180506318807602 0.45998286455869675,0.5977469310164452 l-0.14290185645222664,0.3682849556207657 -0.13537165708839893,0.6538966298103333 l0.8435603231191635,0.6926841288805008 0.5403704568743706,0.15858838334679604 l2.460279166698456,-0.432632640004158 0.57921402156353,-0.36906253546476364 l1.0018683224916458,-0.2680014818906784 4.082100093364716,-2.9395824670791626 l4.325784146785736,-4.903241991996765 0.1376873068511486,-0.5006922781467438 l0.5962206050753593,-2.132771611213684 0.09497984312474728,-0.42555034160614014 l0.2859110198915005,-0.7068679481744766 -0.2088015340268612,0.014202706515789032 l0.3415669873356819,-0.4477183148264885 0.9805057942867279,-2.4709509313106537 l0.04587118048220873,-1.130477860569954 0.03444063477218151,-1.7956498265266418 l0.16821037977933884,-0.6468232721090317 0.04985081031918526,-0.7654596120119095 l0.023219604045152664,-1.417343020439148 0.2085762657225132,-0.5175179243087769 l-0.4925552010536194,0.2571888081729412 0.25695402175188065,-0.6478491425514221 l-0.8099033683538437,0.023205087054520845 -1.578475832939148,-0.03255376126617193 l-0.439089834690094,0.36391906440258026 -0.6268271803855896,-0.2628429979085922 l-0.5216897279024124,-0.06969213951379061 -0.04977364093065262,0.1647932268679142 l-0.1292457990348339,0.4600433260202408 -0.06817760411649942,0.568193756043911 l-0.10833550244569778,0.7560481131076813 -0.8905539661645889,0.5755104497075081 l-0.1253295224159956,0.538034662604332 -0.07778166327625513,1.1882037669420242 l-0.10173821821808815,0.834343358874321 -1.0648821294307709,0.8181267976760864 l-0.028374758549034595,0.44364161789417267 -0.10404407046735287,0.6023844331502914 l-0.06342443637549877,1.444682776927948 -0.06079844664782286,1.6038542985916138 l-0.4444848373532295,0.9003885835409164 1.26050665974617,5.533650517463684 l0.21775590255856514,0.41326854377985 0.9213138371706009,0.869484469294548 l0.8314619958400726,0.7689370959997177 -0.12406428344547749,1.0451259464025497 l0.7679149508476257,0.7876664400100708 -0.03127261297777295,0.3483540937304497 l0.9606146067380905,1.0537167638540268 2.57293701171875,0.701361671090126 l0.3714938461780548,0.12470988556742668 0.709371417760849,-0.178711898624897 l3.827410638332367,-1.0582342743873596 0.6044638156890869,-0.6970541924238205 l2.345215082168579,-0.31786490231752396 1.8769349157810211,-0.966644361615181 l1.242031455039978,-0.619640126824379 0.9973247349262238,-0.8501459658145905 l1.0386256873607635,-0.60052290558815 -0.1321370154619217,-0.8388683199882507 l0.5320796743035316,0.007143259863369167 0.5037818104028702,-0.889287143945694 l-0.3288717567920685,-0.8209660649299622 0.26300955563783646,-0.5548258870840073 l0.5956809222698212,0.16483519226312637 1.1488405615091324,-4.678712785243988 l0.22010158747434616,-0.20056508481502533 -0.220432560890913,-0.7351484894752502 l0.760391354560852,-2.328703999519348 0.4044095054268837,0.06968185305595398 l0.5935493111610413,-1.4567424356937408 0.7479579001665115,-1.4560481905937195 l0.9936793893575668,-1.461380124092102 1.0399813205003738,-1.3016673922538757 l0.2715807594358921,-0.3468649834394455 1.2186132371425629,-1.0212162137031555 l1.633942723274231,-1.533510982990265 1.645866483449936,-2.096751481294632 l0.5941753089427948,-0.48276301473379135 -0.10633234865963459,-0.8315930515527725 l0.5223746225237846,-0.2407512255012989 0.019734918605536222,-0.5008310824632645 l-1.6592571139335632,-0.09121562354266644 0.43815977871418,-0.2027340605854988 l-1.6360218822956085,-0.06850641686469316 0.1458935346454382,0.7530016452074051 l-1.4229241013526917,-0.04795602057129145 -0.10020522400736809,0.028136204928159714 l0.1041519083082676,0.9392780065536499 -1.733110249042511,1.3073579967021942 l0.054979478009045124,0.9566333889961243 0.049713682383298874,1.0535397380590439 l0.035469389986246824,1.2250350415706635 -0.9141234308481216,0.4013703390955925 l-0.22163715213537216,0.6526348739862442 -2.5297915935516357,3.6771294474601746 l-0.07389405742287636,1.8991769850254059 -0.2245931327342987,0.3256852552294731 l-0.09932831861078739,1.9815923273563385 -0.06267018150538206,3.1593257188796997 l0.418020561337471,1.717914193868637 1.8538399040699005,2.2043202817440033 l0.6459184736013412,0.7204011827707291 1.9215936958789825,2.1968764066696167 l0.6356354802846909,0.8297687768936157 1.2925098836421967,0.05806095898151398 l0.9269256889820099,-0.47964219003915787 1.2103811651468277,0.7159002125263214 l1.3965524733066559,-1.0410662740468979 \" 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=\"110.90288890176453\" version=\"1.1\" width=\"189.4393783120904\" 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=\"110.90288890176453\" width=\"189.4393783120904\" x=\"0\" y=\"0\"/><path d=\"M57.64913845807314,54.83190482133068 m-2.4189695715904236,-1.2924426794052124 l-12.454063892364502,-0.8400753140449524 -2.467646300792694,1.2674273550510406 l-3.8927465677261353,1.6938985884189606 -1.772094964981079,1.0755296051502228 l-5.264337658882141,4.1616034507751465 -1.2689875066280365,2.3735299706459045 l-1.4407797157764435,2.011697143316269 -1.1883435398340225,3.4390854835510254 l-0.4811687394976616,5.003564357757568 0.868251770734787,4.612703621387482 l2.708357870578766,5.210845470428467 3.070610761642456,1.7166350781917572 l3.060200810432434,0.6369819492101669 7.596361041069031,-3.2377755641937256 l2.1807968616485596,-2.5870615243911743 1.685190498828888,-2.6845896244049072 l2.881176769733429,-4.43479984998703 1.7042797803878784,-1.6842862963676453 l2.466878443956375,-2.047059088945389 2.6018548011779785,-5.048160552978516 l1.8936926126480103,-1.9638682901859283 0.9576255083084106,-4.279146492481232 l3.6684343218803406,-5.843015909194946 3.8716286420822144,-8.410925269126892 l2.3355120420455933,-5.640580654144287 0.8259480446577072,-1.883537620306015 l0.9383168816566467,-1.4239633083343506 0.7458619028329849,-2.3685429990291595 l0.5224328860640526,-0.9963175654411316 0.7620981335639954,-0.5082192271947861 l-0.016159642254933715,-1.98934867978096 -2.6836776733398438,3.5180318355560303 l0.12085629627108574,1.6662581264972687 -1.4463624358177185,2.1525976061820984 l-1.9586372375488281,4.201700687408447 -2.765326499938965,4.305797517299652 l-2.916242480278015,5.017656087875366 -0.27727099135518074,1.1642201989889145 l-0.500587671995163,1.227302923798561 -1.393062174320221,2.159704864025116 l-1.893649846315384,4.298740327358246 -2.0511572062969208,3.711242377758026 l-0.5077287927269936,1.6509903967380524 -1.2539072334766388,2.434539496898651 l-0.061832559294998646,2.146296799182892 0.1526640634983778,0.9351154416799545 l-0.28545618057250977,0.9119051694869995 -0.1126773003488779,1.1313249170780182 l0.1024140976369381,1.3160580396652222 0.6121937558054924,1.6074323654174805 l0.13042667880654335,0.6191127374768257 0.6053783372044563,0.23796608671545982 l0.7715443521738052,-0.3404323011636734 3.428771495819092,-0.750223845243454 l1.0209930688142776,-0.8350582420825958 2.549877166748047,-1.5592937171459198 l0.8960918337106705,-0.5329586565494537 2.7979502081871033,-2.356535792350769 l1.9399026036262512,-2.5555139780044556 1.0148301720619202,-0.2767004258930683 l0.9889815747737885,-1.1890322715044022 0.10208344087004662,-0.6858725845813751 l2.202424854040146,-2.2724711894989014 2.198338806629181,-2.0203587412834167 l0.47685686498880386,-1.321556717157364 1.1305362731218338,-1.0270706564188004 l0.19499821588397026,-1.6512314975261688 0.606684684753418,-0.10248917154967785 l-0.24439457803964615,0.47210749238729477 -0.4155951365828514,0.38899675011634827 l-0.387594997882843,0.9374638646841049 -0.7074674963951111,1.1603926122188568 l-0.3724425658583641,1.5208961069583893 -0.4010343551635742,0.7562213391065598 l-0.17103394493460655,0.9363213926553726 -0.4744768515229225,1.0433661192655563 l-0.6321218609809875,0.9915861487388611 -0.9869267046451569,3.808290958404541 l0.44501323252916336,2.664320170879364 0.9698010236024857,0.9361052513122559 l3.37662935256958,0.7197254151105881 4.275478422641754,-1.358419954776764 l3.4864541888237,-1.345888376235962 1.2684448063373566,-0.8705694228410721 l1.5815117955207825,-0.30147500336170197 9.209709763526917,-6.116934418678284 l1.4312556385993958,-1.450219452381134 1.2476471066474915,-1.431548297405243 l2.1353887021541595,-2.7314892411231995 0.5123534426093102,-1.8034601211547852 l0.7034501433372498,-1.0796309262514114 -0.4911157488822937,-1.7341238260269165 l-1.2598718702793121,-0.02969911089166999 -1.8645884096622467,0.14691146090626717 l-2.0556987822055817,0.6796728074550629 -2.497289329767227,1.4212843775749207 l-2.998334765434265,2.7698346972465515 -1.5777918696403503,2.2986046969890594 l-4.333462417125702,7.036793231964111 -0.1646307297050953,3.6054402589797974 l0.026364082004874945,1.17490254342556 1.5313899517059326,4.389227032661438 l0.16445130109786987,3.106014132499695 7.046822905540466,3.6982133984565735 l3.0184972286224365,0.5123086646199226 3.2918906211853027,-0.8861526101827621 l1.9841204583644867,-0.7484593242406845 1.726834923028946,-0.9500086307525635 l3.7860125303268433,-2.304687052965164 1.6054841876029968,-1.6500191390514374 l3.7178924679756165,-2.7858898043632507 1.3465294241905212,-1.1456882953643799 l4.073202013969421,-3.977002203464508 1.0839401185512543,-0.9842678159475327 l1.3710324466228485,-0.543348640203476 0.8994384855031967,-0.8858291804790497 l1.5653510391712189,-1.8226192891597748 1.1938532441854477,-0.7857264578342438 l0.5122879520058632,-0.8024201542139053 0.7279853522777557,0.01904472359456122 l0.6080582737922668,-0.18128326162695885 0.673670694231987,-0.2979000099003315 l0.18439916893839836,-0.38432952016592026 -0.6449112296104431,0.6788905709981918 l1.3195493817329407,-0.025359862484037876 0.1762808859348297,-0.5441711843013763 l-0.5924517661333084,0.42560502886772156 -0.7621384412050247,0.3805133327841759 l-2.2936171293258667,0.5411174893379211 -1.2354093790054321,0.6360969692468643 l-1.4270825684070587,0.45047249644994736 -1.82366281747818,1.2350714951753616 l-2.471066266298294,1.3839136064052582 -2.016751319169998,1.9243539869785309 l-2.2987014055252075,2.2001537680625916 -1.844683438539505,2.2785955667495728 l-1.948947161436081,3.8365837931632996 -0.1817348226904869,1.2025752663612366 l0.05212704185396433,2.521277964115143 0.345238521695137,1.352456659078598 l0.0269699702039361,0.9632549434900284 0.3937697783112526,0.9812161326408386 l0.8921992033720016,0.5804448574781418 1.3916616141796112,0.28291381895542145 l2.8396403789520264,-1.055683046579361 3.5787689685821533,-2.459835112094879 l0.574285164475441,-1.1709987372159958 2.435745894908905,-3.4756168723106384 l2.5838688015937805,-4.668462872505188 2.1777747571468353,-6.208548545837402 l0.9121160209178925,-2.0424988865852356 0.5818334221839905,-2.3564210534095764 l1.1194468289613724,-2.03791543841362 1.9638125598430634,-4.395386278629303 l0.9093394130468369,-2.286060005426407 0.8579153567552567,-2.393859624862671 l0.7292546331882477,-3.314691185951233 1.341935247182846,-3.0437257885932922 l0.34443654119968414,-2.1021442115306854 0.6429354101419449,-3.2596367597579956 l1.736123114824295,-6.493505239486694 0.40721070021390915,-2.019808143377304 l0.02458574017509818,-3.3725497126579285 0.6323347985744476,-0.943402573466301 l-0.2623013034462929,-0.7990673184394836 -1.939338594675064,3.6924952268600464 l-3.137807846069336,7.379388809204102 -0.24513989686965942,1.8149842321872711 l-1.3669821619987488,4.756502211093903 -2.023093104362488,5.989049673080444 l-1.1071735620498657,4.252815842628479 -1.12864650785923,3.636968731880188 l0.046175504103302956,3.40288907289505 -0.7225454598665237,1.6978496313095093 l-0.8107438683509827,8.357468843460083 0.36302175372838974,1.000550389289856 l0.5941125750541687,2.063266485929489 2.1088671684265137,2.689812183380127 l1.1979753524065018,0.5557280033826828 1.8204692006111145,0.934809148311615 l2.319672852754593,-0.25947337970137596 1.2806744873523712,-0.23228056728839874 l1.3137173652648926,-0.3241272643208504 2.0805977284908295,-1.0010452568531036 l5.046243667602539,-4.029612839221954 1.4365042746067047,-0.997275710105896 l3.832974135875702,-3.9637863636016846 2.2481217980384827,-2.4177899956703186 l4.542132616043091,-6.159753203392029 0.7589280605316162,-1.7573493719100952 l1.0040925443172455,-2.03933984041214 0.3648192808032036,-1.3606728613376617 l0.42962878942489624,-1.363804191350937 0.24336911737918854,-1.2732133269309998 l0.13747365213930607,-1.1995245516300201 -1.9444175064563751,-0.056430669501423836 l-1.0479362308979034,0.31457163393497467 -0.9551749378442764,0.3776315972208977 l-1.0768156498670578,0.543212890625 -3.676707446575165,2.277163714170456 l-2.354649156332016,2.7328267693519592 -1.2673942744731903,1.2501798570156097 l-0.8502662181854248,1.7717714607715607 -1.4610670506954193,3.5687193274497986 l-0.504072792828083,1.5996941924095154 -0.14579690992832184,1.916510909795761 l-0.2944805286824703,3.4086501598358154 0.19037049263715744,1.2483586370944977 l1.3150778412818909,4.410226047039032 1.1820932477712631,0.9013993293046951 l4.912029802799225,3.483825922012329 3.1753748655319214,1.2135890126228333 l1.4240632951259613,0.49229178577661514 1.5285855531692505,-0.2875172346830368 l1.8429915606975555,-0.04319243598729372 1.576722264289856,-2.0714126527309418 l0.6577079743146896,-0.8462943881750107 0.042748162522912025,-1.0434559732675552 l1.7349620163440704,-0.44669054448604584 m0.9320057183504105,-2.3606733977794647 m0.5643415078520775,-1.4057891070842743 m-0.16339721158146858,-1.0487501323223114 l0.21333051845431328,-0.4941214621067047 \" 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=\"110.57137445527133\" version=\"1.1\" width=\"202.72822878614534\" 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=\"110.57137445527133\" width=\"202.72822878614534\" x=\"0\" y=\"0\"/><path d=\"M43.50685968995094,52.36714422702789 m-1.6758719086647034,-0.20231036469340324 l-1.502939611673355,0.5118099972605705 -0.3520267456769943,-0.4982168599963188 l-0.42461756616830826,0.521475188434124 -0.9702125191688538,0.1964365318417549 l-0.7359453290700912,0.16011986881494522 -2.045649141073227,1.1664395034313202 l-1.2330136448144913,0.24139415472745895 -2.2267532348632812,1.6044241189956665 l-0.6882260739803314,0.871695801615715 -1.3823166489601135,0.5696151033043861 l-0.6823752820491791,0.6712197512388229 -0.920124277472496,0.8006694912910461 l-0.7836272567510605,1.2184345722198486 -0.7737786322832108,1.430535465478897 l-0.17304107546806335,1.4952372014522552 -1.0233840346336365,1.4864963293075562 l-0.33615756779909134,1.417887955904007 -0.576799139380455,3.3803895115852356 l0.12852136977016926,1.880716234445572 1.755342185497284,2.7963986992836 l1.0508111119270325,1.1207016557455063 2.4777570366859436,1.7015084624290466 l4.083318710327148,-0.9161543101072311 1.2104717642068863,-0.8375003933906555 l1.4431780576705933,-1.062275618314743 1.0136470198631287,-1.2764482200145721 l1.408894807100296,-2.01397642493248 2.1656139194965363,-2.7587559819221497 l5.297492742538452,-7.380768656730652 1.9619669020175934,-6.328638792037964 l2.1954017877578735,-5.713664889335632 0.030116494745016098,-2.3361781239509583 l0.4665008932352066,-2.4602748453617096 -0.032077168580144644,-1.9746707379817963 l0.5163761600852013,-2.5262221693992615 1.4598870277404785,-6.02536678314209 l0.48448141664266586,-4.1458770632743835 0.3076896443963051,-1.7215253412723541 l0.25880513712763786,-1.493508517742157 -0.16972234472632408,0.4824858531355858 l0.45059483498334885,-1.1257848143577576 0.13124936260282993,0.1632537506520748 l0.44601622968912125,-0.45837052166461945 0.22010399028658867,0.07349451538175344 l0.18866313621401787,0.46711236238479614 -0.349590927362442,0.7416389882564545 l0.21674612537026405,0.7548122853040695 0.2578257769346237,-0.4627612233161926 l0.09820453822612762,0.6205025687813759 -0.430995374917984,0.5564384534955025 l-0.16044408082962036,1.002773866057396 -0.49696508795022964,0.743427649140358 l-0.8840177953243256,2.429678589105606 -0.8183278143405914,1.6135625541210175 l-0.8938443660736084,2.4618645012378693 -1.0497771948575974,3.426460921764374 l-0.5079852044582367,1.3235858082771301 -2.053661346435547,6.46406352519989 l0.11780356056988239,1.9843892753124237 -0.1370706595480442,1.9088174402713776 l-1.0013145953416824,7.17771053314209 -0.6403309851884842,0.5325663089752197 l-0.9654045850038528,3.8117748498916626 0.6118842214345932,1.4031071960926056 l-0.13983933255076408,0.6941364705562592 -0.165321696549654,0.8283752202987671 l0.28163159266114235,0.9055620431900024 0.6654729694128036,3.7506353855133057 l0.5695124715566635,0.6252402812242508 0.8352480083703995,0.11170301586389542 l0.42289145290851593,-0.5780839547514915 0.8639480173587799,-0.24462424218654633 l-0.0042951497016474605,0.15449007973074913 1.09830342233181,-0.17338398844003677 l0.7799245417118073,-0.3145190700888634 1.611560881137848,-1.6004110872745514 l1.5492074191570282,-1.3032266497612 2.6259198784828186,-2.2692251205444336 l1.0079775005578995,-1.2728889286518097 0.9555960446596146,-1.2556137144565582 l1.7927263677120209,-2.523098886013031 0.27704300358891487,-1.2344150990247726 l1.9818632304668427,-2.6537835597991943 0.6254556775093079,-0.7175921648740768 l0.5640873312950134,-1.1744355410337448 0.7668814808130264,-0.5636292323470116 l0.28141308575868607,-1.2004992365837097 0.5563751608133316,-0.017780960770323873 l0.12480203062295914,0.32242558896541595 -0.8957447111606598,1.3447897136211395 l-0.6151527166366577,1.1425738036632538 -0.4145926237106323,0.8536499738693237 l-1.1295876652002335,2.168419510126114 -0.5115130543708801,1.0739269107580185 l-1.375049650669098,2.4623434245586395 -0.3791094571352005,1.387852132320404 l-0.6684907525777817,1.212487518787384 -0.43312903493642807,1.3613179326057434 l-0.46896204352378845,1.3579021394252777 0.29630396515130997,0.41784439235925674 l0.3141327574849129,0.49056828022003174 1.1214238405227661,1.1062106490135193 l1.2903997302055359,-0.04526444245129824 0.6702937930822372,0.6733687967061996 l2.779040038585663,-0.08865067735314369 1.0640965402126312,-0.366303026676178 l1.116558164358139,-0.063339127227664 1.9434010982513428,-1.1105752736330032 l1.1801895499229431,-0.6932719796895981 1.000700369477272,-0.5442729219794273 l1.0560530424118042,-0.7523871213197708 1.255076825618744,-0.8746597915887833 l0.7060175389051437,-0.7656829804182053 0.9564964473247528,-0.8345742523670197 l1.0068240761756897,-0.6802026927471161 0.7285472005605698,-0.6920794397592545 l0.807771161198616,-0.7467128336429596 0.8759132027626038,-1.5125058591365814 l1.0030148178339005,-2.6306089758872986 0.7076981663703918,-1.152746006846428 l-0.20088167861104012,-1.399751603603363 -0.8651892095804214,-0.09110532701015472 l-0.5600151792168617,-0.863429605960846 -0.8430086076259613,-0.10769630782306194 l-0.823214054107666,0.43005697429180145 -0.5291615799069405,0.7951092720031738 l-0.02132684225216508,0.8051633089780807 -0.4112505540251732,0.6694750487804413 l-0.24548660963773727,0.9366975724697113 -0.17596110701560974,1.0814465582370758 l-0.15899008139967918,-5.419210992840817e-05 -1.0039953142404556,3.3974888920783997 l-1.4666807651519775,1.6624295711517334 0.12413065880537033,1.2251309305429459 l-0.10082421824336052,0.966411903500557 -0.2796073816716671,1.0810374468564987 l-0.4144226014614105,0.7946770638227463 -0.054759508930146694,1.7706763744354248 l0.08296426385641098,1.546165645122528 1.4597983658313751,1.3523203134536743 l1.1813251674175262,-0.1412373222410679 2.6471787691116333,-0.929545983672142 l3.75527560710907,-2.4653305113315582 4.085659980773926,-4.118020236492157 l2.880260646343231,-2.6233264803886414 3.4551048278808594,-3.3953124284744263 l0.6667350977659225,-0.5487094819545746 1.4298099279403687,-0.4330886900424957 l0.9311471879482269,0.04047104623168707 1.3944953680038452,-0.14766781590878963 l1.0485419631004333,-0.31165068969130516 1.2182768434286118,-0.2495378628373146 l1.3400626182556152,-0.2678662911057472 0.8994261920452118,-0.3877989202737808 l-1.616702824831009,0.09274265728890896 -0.047338055446743965,0.5755336955189705 l-1.1897379159927368,-0.07500443141907454 -1.298951655626297,0.008529438055120409 l-1.2805522978305817,0.314946249127388 -3.520559072494507,2.6874396204948425 l-1.82406485080719,1.9999931752681732 -1.3564923405647278,1.732906997203827 l-0.7654771208763123,1.0453113168478012 -0.8884905278682709,1.217757761478424 l-0.5030558258295059,1.430267095565796 -0.47224011272192,1.117679551243782 l-0.23197902366518974,1.4563266932964325 0.30964959412813187,1.5407724678516388 l0.4088376462459564,1.1125937849283218 1.0053423792123795,-0.018084088806062937 l1.4677837491035461,-0.12879367917776108 1.140945702791214,-0.040460340678691864 l1.0604368895292282,-0.6297718733549118 2.9248815774917603,-1.6259580850601196 l1.2418832629919052,-1.229787990450859 1.3247501850128174,-1.1682195961475372 l1.7832449078559875,-2.4527670443058014 1.608082503080368,-1.6476814448833466 l0.868631899356842,-2.375044971704483 1.2979388236999512,-2.268633395433426 l0.9095891565084457,-2.397453635931015 1.6117003560066223,-4.309652149677277 l1.54661625623703,-4.697558581829071 0.5205821990966797,-1.1216164380311966 l2.1926186978816986,-6.5042537450790405 1.1568621546030045,-3.9600953459739685 l0.4990747570991516,-1.1618790030479431 0.4315095394849777,-1.2480530887842178 l0.5800382047891617,-1.7065457999706268 0.4908890649676323,-1.6908611357212067 l-0.6498607248067856,0.9515932947397232 -0.926513671875,0.9349627047777176 l-0.7806993275880814,1.240440085530281 -1.6394050419330597,2.6103195548057556 l-1.8243072926998138,3.6142748594284058 -1.815372258424759,3.297273814678192 l-3.325890898704529,7.309320569038391 -0.8727354556322098,2.319890707731247 l-1.6848357021808624,6.032422780990601 -0.2694288641214371,3.525911271572113 l0.15898436307907104,2.679675817489624 0.39884526282548904,2.3899608850479126 l2.7971988916397095,1.7516596615314484 1.443699449300766,-0.778668075799942 l1.0084976255893707,-0.6532417982816696 1.9384773075580597,-0.9784015268087387 l1.2115435302257538,-0.8230217546224594 2.139372080564499,-1.1460933834314346 l1.184343695640564,-0.6156520545482635 2.0250414311885834,-0.891595259308815 l1.500965803861618,-1.7592385411262512 2.191128581762314,-2.1869924664497375 l1.006830632686615,-1.1124321073293686 1.3942746818065643,-2.0350874960422516 l1.8961408734321594,-3.0560514330863953 0.6791584938764572,-1.2446288019418716 l0.1667720265686512,-1.3871072232723236 -0.7470861822366714,-1.1937350034713745 l-0.254497192800045,0.24831488728523254 -1.2073713541030884,0.12993235141038895 l-0.8255157619714737,0.64706951379776 -0.9153337776660919,0.6739577651023865 l-1.16965651512146,1.0613937675952911 -0.9769705682992935,0.9458128362894058 l-1.1962103843688965,1.2130533158779144 -3.5181692242622375,4.519266784191132 l-0.5970226973295212,1.5391673147678375 -1.143767461180687,2.1497130393981934 l-0.8055238425731659,0.7986173033714294 -0.5253338813781738,3.5872772336006165 l0.1058703102171421,1.3857044279575348 1.2024381011724472,1.9550608098506927 l3.0963456630706787,1.166912466287613 1.746343970298767,0.6883928924798965 l3.2373598217964172,-0.3727169707417488 3.2253363728523254,-1.1404415965080261 l1.4177201688289642,-0.9821502864360809 1.411365419626236,-0.6720458716154099 l1.3448968529701233,-1.5604278445243835 0.6053236126899719,-1.0315890610218048 l0.47400109469890594,-1.403583288192749 0.5291387438774109,-0.995815321803093 l1.216847449541092,-0.6291691958904266 0.47120746225118637,-0.6444955617189407 l0.5632562935352325,-0.5355225875973701 1.3256186246871948,-1.0257483273744583 l1.0859251767396927,-2.0369334518909454 0.6262347102165222,-0.2670128643512726 l0.49063168466091156,-0.8976365625858307 0.7789798825979233,-0.4271622747182846 l0.43363500386476517,-0.596662163734436 0.812230110168457,-0.31382419168949127 l0.4238930717110634,-1.3786232471466064 0.7174265384674072,-1.1463796347379684 l1.3731124997138977,-1.4573130011558533 0.6993739306926727,-0.6887414306402206 l0.5362830683588982,-0.8556479960680008 0.3293614089488983,-0.814530998468399 l0.43654918670654297,-0.47846484929323196 -3.3978313207626343,0.33805079758167267 l-0.7827882468700409,0.30416157096624374 -1.325603425502777,-0.05006397608667612 l-1.2840567529201508,1.5166661143302917 -4.2954447865486145,2.651081681251526 l-0.8925812691450119,0.8442285656929016 -0.9141179174184799,0.32961662858724594 l-1.0945890098810196,1.0012047737836838 -0.8826068788766861,1.072927936911583 l-0.808563232421875,1.0865578800439835 -1.6488270461559296,1.7911797761917114 l-1.6039367020130157,2.3305724561214447 -0.8920526504516602,2.3235300183296204 l-0.34570641815662384,3.1248828768730164 0.15537608414888382,0.7169625908136368 l0.12242844328284264,4.72862184047699 0.9014232456684113,0.4851020500063896 l1.7487919330596924,2.2144900262355804 0.38641054183244705,0.41324686259031296 l2.532511055469513,1.0984435677528381 1.5213191509246826,0.49318209290504456 l3.6709249019622803,-1.1982651054859161 1.4615769684314728,-1.0604431480169296 l1.30966454744339,-1.1114627867937088 2.5327247381210327,-1.3746418058872223 l3.0966028571128845,-5.255034565925598 0.2863151580095291,-1.3088387250900269 l0.0044312793761491776,-2.0318154990673065 1.9810537993907928,-5.715234875679016 l0.6049736961722374,-4.193936586380005 0.4732613265514374,-2.516029477119446 l0.1130919624119997,-2.9632174968719482 0.23185813799500465,-3.059459626674652 l0.9084512293338776,-1.2145903706550598 1.4993661642074585,-5.55487334728241 l0.6561450660228729,-1.5491819381713867 0.4322407394647598,-2.1544937789440155 l0.13711758889257908,-1.6409486532211304 0.6429274380207062,-2.062823623418808 l0.15906034037470818,-1.7340244352817535 0.8088218420743942,-2.178240567445755 l0.2334779128432274,-1.3395951688289642 -0.05136171355843544,1.0283974558115005 l0.7068321108818054,-1.5552744269371033 -0.9688330441713333,2.5037935376167297 l-1.4107681810855865,2.4244146049022675 -1.3665659725666046,3.579931855201721 l-1.828610748052597,3.3381572365760803 -1.5704920887947083,4.22212690114975 l-0.3274736925959587,1.5399926900863647 -0.8925378322601318,2.062525749206543 l-0.8689270913600922,2.3164102435112 -1.1846988648176193,3.926936984062195 l-0.9285077452659607,4.005255997180939 -0.9091821312904358,1.9429467618465424 l-0.42910136282444,3.466174602508545 -0.07297598756849766,1.3608631491661072 l-0.08809284307062626,1.0042671859264374 -0.24579565972089767,0.8881599456071854 l0.29374150559306145,2.587038576602936 -0.3088339604437351,0.6435049325227737 l-0.04744839854538441,0.08040525019168854 0.8154628425836563,2.2269558906555176 l2.3558293282985687,1.6130919754505157 0.6123389303684235,-0.05470612086355686 l1.7828075587749481,0.9702859818935394 1.873469054698944,0.5235869437456131 l2.3877568542957306,0.14107766561210155 1.3533559441566467,-0.07732033263891935 l1.193900927901268,-0.4069787636399269 1.362251341342926,-0.2198607288300991 l1.2971991300582886,-0.5879597365856171 2.9311031103134155,-1.2453126162290573 l4.319140911102295,-3.1960439682006836 1.1122453212738037,-1.0841915756464005 l1.1062294989824295,-0.572739839553833 2.5736480951309204,-2.44676411151886 l1.0807523131370544,-1.0817034542560577 1.0429386049509048,-0.8399706333875656 l0.9657825529575348,-1.5507762134075165 0.6784345209598541,-0.8746538311243057 l0.7359271496534348,-0.91823510825634 0.5181581899523735,-0.7887625694274902 l0.7340973615646362,-1.3472869992256165 0.8335388451814651,-0.9495723247528076 l0.07944301702082157,-0.8953947573900223 -0.2004111185669899,-1.4835500717163086 l0.263046957552433,-1.1209861934185028 -0.6027134507894516,-0.8366306871175766 l-0.6524456292390823,-0.8636436611413956 -2.0079973340034485,0.032360495533794165 l-1.1031849682331085,0.6413854658603668 -1.2823040783405304,0.22875355556607246 l-1.8206949532032013,0.9578736871480942 -1.2676694989204407,1.3321806490421295 l-0.7778958231210709,0.8237995952367783 -2.844620645046234,3.3160939812660217 l-0.09266018867492676,1.1179010570049286 -1.1886810511350632,0.5791009590029716 l-0.7083099335432053,0.9200519323348999 -1.4203542470932007,0.9919285029172897 l-0.1411645393818617,2.003353238105774 -0.9677214175462723,0.7735572755336761 l-0.9830938279628754,3.411569893360138 -0.10841644369065762,0.43866075575351715 l-0.32313499599695206,0.9152933955192566 -0.022877033334225416,1.8771818280220032 l-0.7492214441299438,0.5594928562641144 0.17621085047721863,2.638568878173828 l0.02149605192244053,0.8670936524868011 -0.10187341831624508,1.8752898275852203 l-0.028283435385674238,1.826878935098648 2.4372826516628265,2.952446937561035 l1.4995278418064117,0.9930481761693954 1.1925577372312546,0.632779449224472 l0.9861168265342712,0.8791416883468628 3.696974515914917,1.4900925755500793 l1.6877634823322296,-0.3539612144231796 2.811484634876251,0.9231630712747574 l1.8585091829299927,-0.8052174001932144 4.266798198223114,-0.6373415142297745 l1.6065819561481476,-0.7027806341648102 0.7325347512960434,-0.9465218335390091 l0.05874335300177336,-1.0642212629318237 m0.3760577365756035,-1.7045572400093079 l0.1207800954580307,-1.5410104393959045 0.1869707554578781,-0.8746987581253052 m0.5384540185332298,-0.10381698608398438 l0.6157977506518364,-1.2603020668029785 0.9874611347913742,-0.9475594013929367 l0.7989741861820221,-1.959926038980484 0.7150319963693619,-1.156732365489006 \" 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=\"112.22078986465931\" version=\"1.1\" width=\"230.37770904069475\" 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=\"112.22078986465931\" width=\"230.37770904069475\" x=\"0\" y=\"0\"/><path d=\"M52.22133934497833,62.95950706116855 m-3.1526535749435425,-0.9829897433519363 l-0.7242122292518616,0.46980615705251694 -1.1386115103960037,0.09742382913827896 l-6.478157043457031,0.9127329289913177 -5.557922720909119,1.919429749250412 l-3.5613498091697693,2.4396148324012756 -0.8365190029144287,0.6901144981384277 l-0.7290234416723251,0.6006430834531784 -2.541379928588867,2.47125044465065 l-2.5015100836753845,5.239422917366028 0.3337083011865616,1.4486891031265259 l-0.23888062685728073,2.0001523196697235 0.3145933151245117,1.2496286630630493 l0.46130314469337463,3.291229009628296 1.2501716613769531,1.3930785655975342 l1.8539807200431824,0.9511313587427139 0.6791186332702637,0.0699250865727663 l2.7433058619499207,-0.25274235755205154 0.6422471255064011,-0.4170694574713707 l1.5662264823913574,-0.6705509126186371 2.2852444648742676,-1.7610065639019012 l2.934652268886566,-2.003217339515686 2.217419594526291,-2.4866563081741333 l4.028421640396118,-5.559893250465393 0.7613592594861984,-0.9775278717279434 l3.4145018458366394,-9.787312150001526 1.1120986938476562,-2.87704199552536 l1.9186334311962128,-4.778645038604736 0.7580938190221786,-3.2300543785095215 l1.9431117177009583,-5.408956408500671 0.1444314792752266,-3.1714975833892822 l1.050766110420227,-3.060435950756073 1.5354464948177338,-5.221787691116333 l1.4306792616844177,-3.5468557476997375 0.1890248991549015,-1.6068357229232788 l0.628938302397728,-1.780068427324295 0.2882886677980423,-1.952008455991745 l0.2719174139201641,-1.6706262528896332 -0.9186989814043045,1.0531897842884064 l-1.1035849153995514,1.8412886559963226 -1.2938407063484192,4.500347971916199 l-0.5593448504805565,2.279761880636215 -1.6164752840995789,4.191741645336151 l-0.3723377361893654,1.1682292073965073 -1.609174758195877,4.601683616638184 l-1.685604751110077,4.507501125335693 -1.722317785024643,5.442001223564148 l-1.728236973285675,4.981381595134735 -0.47946132719516754,1.8433697521686554 l-1.2560950219631195,4.210469126701355 0.3923816606402397,3.5753044486045837 l-0.412864126265049,2.0801514387130737 0.021076924167573452,1.511605829000473 l0.6033336371183395,1.7511466145515442 0.11190510354936123,1.705252230167389 l0.7324451208114624,3.4729424118995667 2.490495592355728,1.7858363687992096 l1.8618938326835632,0.4009423032402992 3.9138582348823547,-1.1384997516870499 l1.3651750981807709,-0.8332782983779907 2.8347882628440857,-2.317925840616226 l3.0042174458503723,-2.5802266597747803 1.2680438160896301,-2.0487968623638153 l1.7145363986492157,-0.860138013958931 1.3312159478664398,-2.1873463690280914 l1.6631576418876648,-1.7034991085529327 0.7149884849786758,-1.817195564508438 l1.5130048990249634,-0.8544891327619553 0.7724994421005249,-1.859624832868576 l1.3733373582363129,-1.0316482186317444 0.7323344051837921,-1.7160046100616455 l1.823793202638626,-1.8784809112548828 2.6277896761894226,-2.4655240774154663 l0.6868166476488113,-0.6788318604230881 0.6685823202133179,-0.5974707752466202 l0.5316167324781418,-0.3204832598567009 -0.25824977084994316,0.8540084213018417 l-0.22318853065371513,1.0303078591823578 -0.9880945831537247,1.9192862510681152 l-0.01099795801565051,0.914088636636734 -0.6006447225809097,1.149372011423111 l-0.38534361869096756,2.04353928565979 -1.1351076513528824,3.5856184363365173 l0.025138407945632935,1.0505708307027817 -0.2743643522262573,1.4710940420627594 l-0.04530389793217182,1.3417704403400421 -0.20130526274442673,1.1294960975646973 l0.2701175771653652,0.9610215574502945 0.8784926682710648,1.016436144709587 l0.33677682280540466,0.7070734351873398 2.614850699901581,0.8288002014160156 l3.1325578689575195,-1.394212692975998 1.5727558732032776,-1.0154706239700317 l1.4272870123386383,-0.7106339931488037 2.658798396587372,-1.5201450884342194 l1.1432943493127823,-0.7606805860996246 2.445058524608612,-1.9319111108779907 l1.5308070182800293,-0.7861129194498062 1.3463810086250305,-0.8629437536001205 l1.5634776651859283,-1.0839011520147324 1.5664061903953552,-2.1526648104190826 l1.2012748420238495,-1.23978391289711 1.7404577136039734,-3.1830689311027527 l0.8108139783143997,-1.3701458275318146 0.4925137758255005,-1.2090780586004257 l0.6092456728219986,-1.46170973777771 -0.6410687416791916,-1.273171603679657 l-0.18021916970610619,-0.47190919518470764 0.07323144003748894,-0.10723994113504887 l-1.2000318616628647,-0.053696357645094395 -1.2292568385601044,0.3728961944580078 l-0.7419867813587189,0.7668623328208923 -0.7780273258686066,1.088114157319069 l-0.8308993279933929,1.1733309179544449 -2.405654639005661,3.242371082305908 l-1.3350875675678253,1.878514438867569 -0.793474018573761,1.092378944158554 l-0.07065792102366686,1.6451598703861237 -0.6612561643123627,1.399058997631073 l-0.07346308324486017,2.813364565372467 -0.6980320066213608,1.6148975491523743 l0.5821540951728821,1.72835111618042 0.3544922545552254,2.3299413919448853 l1.11771360039711,1.2870027124881744 1.5313465893268585,0.6329350918531418 l1.3931851089000702,0.13371421955525875 1.5132245421409607,0.34866008907556534 l2.5197261571884155,-0.4585304483771324 2.764553129673004,-0.720883309841156 l1.7640212178230286,-0.5113578215241432 1.6232582926750183,-1.0215851664543152 l3.0976930260658264,-1.2738712131977081 1.6928191483020782,-0.5915580317378044 l1.8177244067192078,-0.473618246614933 1.4629726111888885,-0.8310069888830185 l1.3921023905277252,-0.6576178222894669 1.431373655796051,-0.4591568186879158 l4.949224591255188,-3.4952571988105774 2.020711302757263,-0.635557696223259 l1.1229078471660614,-0.862671360373497 1.564260721206665,-0.14020154252648354 l0.9073974937200546,-0.445663258433342 1.0031608492136002,-0.3342076390981674 l1.0520625859498978,-0.27769481763243675 0.4756804183125496,-0.23834746330976486 l-1.336226463317871,0.21216817200183868 -1.8062618374824524,0.2138935960829258 l-1.631041169166565,0.39200838655233383 -1.1814762651920319,0.5224752426147461 l-1.207856461405754,0.19819989800453186 -0.9571930021047592,0.4753391444683075 l-2.3981407284736633,0.5146409571170807 -0.8081034570932388,0.8109172433614731 l-1.705307513475418,0.5547954142093658 -1.7982730269432068,0.8721886575222015 l-1.1832834035158157,0.9475388377904892 -1.635126918554306,1.7924053966999054 l-1.4078114926815033,0.6834037601947784 -1.3746897876262665,1.8566389381885529 l-0.3852446749806404,1.1023227125406265 0.0444885715842247,0.9775681048631668 l0.10414508171379566,0.5096205696463585 0.22018035873770714,0.7647835463285446 l0.9880148619413376,-0.2573188953101635 1.7025917768478394,2.802581489086151 l2.961905598640442,-0.5903626978397369 7.484455704689026,-3.952498137950897 l3.178708255290985,-2.6299968361854553 1.2311169505119324,-1.4222761988639832 l1.959846317768097,-2.1322911977767944 0.651472881436348,-1.385655552148819 l1.4532952010631561,-1.5593010187149048 0.9083776921033859,-1.517871469259262 l1.2602916359901428,-1.6608323156833649 0.7351687550544739,-1.5671546757221222 l0.7683559507131577,-2.0768214762210846 2.2433044016361237,-4.2901811003685 l2.0899739861488342,-3.9400196075439453 3.4551480412483215,-7.779983878135681 l2.438836842775345,-4.219483733177185 -0.307307131588459,-0.55860236287117 l0.8552052825689316,-1.1524897068738937 -0.08975885808467865,-1.2536907196044922 l1.007377803325653,-2.283543348312378 -0.5842240527272224,1.2048331648111343 l-2.0691214501857758,1.532052904367447 -0.9016985446214676,1.8665000796318054 l-1.0153194516897202,1.6087143123149872 -0.4261067882180214,1.5229915082454681 l-0.6876180320978165,1.4213670790195465 -0.42923301458358765,2.2291313111782074 l-0.6519848108291626,1.5423476696014404 -0.7169806957244873,1.554493010044098 l-1.0728801786899567,2.238049954175949 -1.1059816181659698,3.5500136017799377 l-1.744837462902069,5.266391634941101 -0.4233289882540703,-0.04695575684309006 l-0.6085576117038727,2.741260826587677 -1.0871696472167969,3.7040936946868896 l0.8130830526351929,2.476521283388138 0.5207615718245506,1.3238975405693054 l0.7835381478071213,1.662246435880661 0.8619420230388641,0.6284002959728241 l2.8379151225090027,0.6525854766368866 1.3329704105854034,-0.2591961808502674 l1.4515206217765808,0.2444419451057911 1.27089723944664,-0.544726774096489 l2.1502451598644257,-0.1443667709827423 4.342234432697296,-2.4944742023944855 l1.1688503623008728,-0.424521267414093 2.5932765007019043,-1.161920204758644 l1.7289520800113678,-0.7239743322134018 1.8185840547084808,-1.7883314192295074 l3.512963652610779,-3.831825852394104 -0.30472200363874435,-0.5355527624487877 l1.4201322197914124,-1.818203628063202 0.13741360045969486,-2.5347980856895447 l-1.8928666412830353,-0.02228928031399846 -0.192494485527277,0.1022390928119421 l-1.2913019955158234,0.18618104979395866 -1.241569072008133,0.3371766209602356 l-1.349303424358368,0.8568041026592255 -0.7285112887620926,0.7783231139183044 l-1.0069013386964798,0.6703824549913406 -1.1027422547340393,0.5075368657708168 l-2.150568664073944,1.7019213736057281 -1.184670776128769,1.1353808641433716 l-2.0178280770778656,2.272157222032547 -1.2373974174261093,0.49915798008441925 l-0.2748474106192589,1.3702160120010376 -0.4555870592594147,1.0557815432548523 l-0.7008644938468933,1.96852907538414 -0.19129015505313873,1.11403189599514 l-0.18251139670610428,3.661755621433258 0.800430178642273,1.4116506278514862 l1.7672765254974365,1.7615950107574463 2.2236378490924835,1.2133502215147018 l6.279695630073547,1.8728341162204742 9.436237812042236,0.693686380982399 l2.426760196685791,-0.4165056347846985 1.3990023732185364,-0.7595244795084 l3.5439148545265198,-1.3129614293575287 0.13971487060189247,-1.139022707939148 l0.44803716242313385,-1.6010084748268127 1.7434874176979065,-0.9911852329969406 l-0.00833940168377012,-1.3794390857219696 -1.2541937828063965,-1.6635394096374512 l-0.9979147464036942,-2.6620426774024963 -1.8964025378227234,0.2401774749159813 l-0.16002489253878593,-0.4529634490609169 0.5080920085310936,-0.7446744292974472 l0.155253317207098,-1.7529933154582977 0.3631439059972763,-1.7646491527557373 l0.043455143459141254,-1.6393610835075378 0.06793881300836802,-1.2466911226511002 l0.2441151812672615,-2.517949640750885 0.9789520502090454,-0.20296864211559296 l0.47095756977796555,-1.07599176466465 1.1556343734264374,-1.3045252859592438 l0.6705062836408615,-1.005091816186905 -0.033853629138320684,-2.4448631703853607 l1.07201486825943,-0.4783712700009346 0.5715861916542053,-1.2890006601810455 l1.617140769958496,-1.2980461120605469 0.7284628599882126,-0.6159262359142303 l0.8299323171377182,-0.5770275369286537 1.1662661284208298,-0.40307536721229553 l0.4689519479870796,-0.6307196617126465 1.1407272517681122,-0.026933937333524227 l0.6714838743209839,-0.40890902280807495 0.3764868900179863,-0.3802042081952095 l-0.8941642194986343,-0.02018940867856145 0.2393801510334015,0.5015880614519119 l-0.5718253552913666,-0.048505086451768875 0.33019091933965683,0.9045187383890152 l0.2061782404780388,0.5631256103515625 -0.03694210201501846,0.6734016537666321 l-0.49283210188150406,0.18870549276471138 -0.6618870049715042,0.07747496012598276 l-0.4155464470386505,0.6246751546859741 -0.5901744216680527,0.4328776150941849 l-0.4747936874628067,0.5653935298323631 -2.5686386227607727,1.26199409365654 l-1.648886352777481,2.7140313386917114 -1.218644231557846,0.8439003676176071 l-1.7192578315734863,3.3422553539276123 0.1046245452016592,0.5725979804992676 l-0.7385554164648056,0.5651123821735382 -0.9069932252168655,1.5791721642017365 l-0.990578830242157,0.7544918358325958 -1.5298138558864594,4.534241259098053 l0.5842127278447151,0.5901799350976944 -0.06858392618596554,1.4604409039020538 l-0.3499848395586014,0.6908652931451797 1.1265871673822403,0.7034966349601746 l0.4393070191144943,-0.12123776599764824 0.812322273850441,1.0085723549127579 l0.8105017989873886,-0.3696729615330696 0.33635344356298447,0.5608421191573143 l1.5067282319068909,-0.5831220000982285 0.6882628798484802,-0.23532306775450706 l1.9109219312667847,-0.12920189648866653 3.251192271709442,-1.2907606363296509 l0.9888306260108948,-1.2086450308561325 3.6313843727111816,-3.9082953333854675 l0.513429194688797,-1.8478401005268097 0.7319425791501999,-1.243351399898529 l0.11694599874317646,-1.716274917125702 0.9329522401094437,-2.0165561139583588 l0.2174011617898941,-2.17343807220459 1.1010043323040009,-2.80415803194046 l0.12480378150939941,-0.9339424967765808 0.19937695935368538,-0.9191697090864182 l-0.21795811131596565,-1.2059329450130463 0.04108744207769632,-1.1912553012371063 l0.09768308140337467,-1.1813991516828537 0.5050164088606834,-2.454186975955963 l0.35737156867980957,-2.4285635352134705 0.21888598799705505,-1.0876541584730148 l0.22797267884016037,-1.3930664956569672 0.31357578933238983,-0.9601384401321411 l0.19100703299045563,-0.7166986912488937 0.19149351865053177,1.289212852716446 l-0.10302582755684853,0.7985538244247437 -0.26420893147587776,0.2823573909699917 l-0.6519297510385513,0.3515911102294922 0.09515569545328617,1.6591408848762512 l-0.5801534280180931,0.6950705498456955 0.1739235781133175,1.1014409363269806 l-0.6599371135234833,0.8713091909885406 -0.5973479524254799,0.8020966500043869 l0.008248731028288603,0.8189059793949127 -1.6882815957069397,4.127376973628998 l0.0098743150010705,0.624934695661068 -1.6753003001213074,3.8837873935699463 l-1.014024242758751,1.2188654392957687 -0.3784582391381264,1.4147430658340454 l-0.2221135050058365,1.2144210934638977 -0.23910464718937874,1.099674552679062 l-1.4924146234989166,2.7006497979164124 0.07452012039721012,1.0393338650465012 l-0.14819025993347168,1.055329367518425 -0.29334748163819313,0.5119069665670395 l1.20322085916996,4.078872799873352 0.9377860277891159,0.6939303874969482 l0.17864838242530823,0.426829494535923 3.1864959001541138,0.3965121880173683 l0.7251809537410736,-0.31667400151491165 6.015148162841797,-1.6825717687606812 l0.8636593073606491,-0.7582101970911026 0.9356832504272461,-0.6198978796601295 l1.7991496622562408,-1.6666343808174133 0.9652964770793915,-0.9988824278116226 l1.1221940070390701,-2.085385173559189 0.06171980407088995,-4.786412715911865 l1.0194025188684464,-0.024332734756171703 -0.45066796243190765,-1.0391183197498322 l0.10086526162922382,-2.010813057422638 0.14517621137201786,0.0777148874476552 l0.009873565286397934,-1.9435228407382965 0.0463327718898654,-4.476378560066223 l-0.2756566181778908,0.043313680216670036 0.01408537500537932,-1.3561981916427612 l0.2866029180586338,-1.479157954454422 -0.765359103679657,-1.2398149818181992 l-0.7839258760213852,0.002299733750987798 -0.5538944527506828,-0.6862737238407135 l-0.37654105573892593,-0.23908600211143494 -0.8491848409175873,0.7512891292572021 l0.0673674326390028,0.3832666575908661 -0.6750857830047607,-0.6645217537879944 l0.06866151466965675,0.41315674781799316 -0.6287210434675217,1.4115945994853973 l-0.00042792999010998756,0.8833025395870209 -1.2815344333648682,3.0266073346138 l-0.005095951491966844,1.0678401589393616 -0.2414255402982235,5.718073844909668 l0.05225482862442732,2.6460444927215576 0.2579003572463989,0.9967231750488281 l-0.11443362571299076,0.7501977682113647 -0.39090510457754135,0.9636467695236206 l-0.27083441615104675,1.2991923093795776 0.20228134468197823,3.5824155807495117 l0.279955118894577,0.7418563216924667 0.022948079276829958,0.8301408588886261 l0.4297753795981407,0.6950930505990982 0.5990103632211685,0.8621697127819061 l2.4610981345176697,0.7465989142656326 0.5971034243702888,-0.28710195794701576 l1.79022416472435,-0.7916387170553207 1.431838870048523,-0.2591373771429062 l2.1098802983760834,-0.4512225091457367 \" 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=\"121.41216702060774\" version=\"1.1\" width=\"215.07255671342136\" 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=\"121.41216702060774\" width=\"215.07255671342136\" x=\"0\" y=\"0\"/><path d=\"M48.21669726166874,60.85344300605357 m-2.1127353608608246,-1.5409229695796967 l-2.539539933204651,-0.5754679068922997 -3.358505964279175,0.2927865833044052 l-1.3460661470890045,0.7367544621229172 -2.278005927801132,0.7655007392168045 l-1.1418839544057846,0.42428649961948395 -1.5137116611003876,0.6609839200973511 l-1.7232796549797058,1.0381759703159332 -1.755053550004959,1.0502143204212189 l-4.480531811714172,5.259642004966736 -0.37069179117679596,2.104063630104065 l-0.5576446652412415,1.4016997814178467 -0.03904683981090784,1.88593327999115 l0.13562318868935108,1.9143719971179962 0.693703293800354,1.002286970615387 l0.5604635924100876,1.2270678579807281 0.9027537703514099,0.8445195108652115 l0.8398464322090149,0.7898299396038055 2.495523989200592,0.7778455317020416 l1.165456771850586,0.31510669738054276 2.1724778413772583,0.01241934485733509 l3.835214674472809,-1.6493315994739532 1.3903449475765228,-1.4093366265296936 l1.4963674545288086,-1.3202859461307526 3.076224625110626,-3.1353336572647095 l1.4552758634090424,-2.122250348329544 2.3970820009708405,-4.353322982788086 l0.9563977271318436,-1.9666703045368195 1.0251831263303757,-2.777933180332184 l2.636374533176422,-4.502482712268829 2.1324557065963745,-5.3616297245025635 l1.29226952791214,-2.697155177593231 2.9863595962524414,-5.629987716674805 l2.4813716113567352,-4.641212821006775 0.3467022627592087,-2.1207740902900696 l1.1366496980190277,-2.2797007858753204 1.8359975516796112,-3.8950729370117188 l0.5455143749713898,-1.6279159486293793 1.9384264945983887,-2.2265392541885376 l0.7725050300359726,-2.338358759880066 0.5655324459075928,-0.18524659797549248 l-0.9006403386592865,0.9895221143960953 -1.439930498600006,3.3004507422447205 l-2.353449910879135,4.750978648662567 -0.3818841278553009,1.9867803156375885 l-0.7875638455152512,2.2671861946582794 0.12725227512419224,0.11386916972696781 l-0.5456355959177017,2.0021964609622955 -0.5799340456724167,1.8215177953243256 l-1.3760185241699219,1.9219417870044708 -2.214118093252182,3.8429635763168335 l-0.44709302484989166,2.0470407605171204 -3.9891403913497925,5.9911274909973145 l-1.1104772239923477,4.72451776266098 -0.17912184819579124,1.5928304195404053 l-0.2865254320204258,2.7587637305259705 -0.294004213064909,1.8550291657447815 l0.0677948072552681,4.960694909095764 0.20180847495794296,1.718161404132843 l0.6295954436063766,1.2265130132436752 4.069737493991852,-0.09802470915019512 l0.7604198157787323,0.3766787424683571 1.9777068495750427,-1.9544842839241028 l1.530313491821289,-0.4055998846888542 1.5245595574378967,-0.687410980463028 l2.26725697517395,-1.2460466474294662 2.8846320509910583,-1.7881083488464355 l2.2006261348724365,-1.143476814031601 1.647111177444458,-1.049436405301094 l1.059269905090332,-0.4378536343574524 2.0759454369544983,-2.5447112321853638 l1.6797670722007751,-0.7886015623807907 0.09738510474562645,-0.5576317384839058 l0.1632254384458065,-0.02589695155620575 -0.4266907274723053,0.18886100500822067 l-0.3001849725842476,0.5145225301384926 -0.3026679717004299,0.21255576983094215 l-0.4076135903596878,0.9133584052324295 -0.42735788971185684,0.47430459409952164 l-0.3723759204149246,1.0924670845270157 -1.2641875445842743,1.1719151586294174 l-0.22239452227950096,1.5561465919017792 -0.41930634528398514,1.356630027294159 l-0.7396543771028519,1.4118817448616028 -0.5768784508109093,1.5007491409778595 l0.8472315967082977,0.7275868207216263 -0.24437882006168365,1.5076152980327606 l1.094662845134735,0.4468369856476784 2.2302763164043427,0.7203133404254913 l2.7915969491004944,-0.5267123505473137 2.154771536588669,-0.36071278154850006 l1.501374989748001,-0.3541453182697296 1.9335249066352844,-0.5150360986590385 l1.7766192555427551,-0.20591005682945251 2.6889094710350037,-1.5468515455722809 l1.3636115193367004,-0.2970582991838455 2.0490439236164093,-1.5001371502876282 l1.2513993680477142,-0.9012265503406525 1.099725216627121,-1.827763170003891 l1.7428520321846008,-1.3825604319572449 1.0365550965070724,-0.7211387157440186 l0.32477468252182007,-1.6242015361785889 1.2074100226163864,-1.4711959660053253 l0.591835267841816,-1.2862840294837952 -0.6207961589097977,-0.47652844339609146 l0.16624683514237404,-1.3662034273147583 -1.8687386810779572,-0.010819196468219161 l-1.6508358716964722,-0.03291315631940961 -1.8654139339923859,0.8493070304393768 l-3.3245640993118286,3.6109068989753723 -1.0404332727193832,0.5427560582756996 l-1.0522329062223434,1.15438312292099 -0.9477924555540085,1.422402262687683 l-0.0031116759055294096,2.1056371927261353 -0.05713263526558876,1.6346672177314758 l-0.2880485914647579,1.4338913559913635 -0.009012329974211752,0.9802502393722534 l0.1085725799202919,3.7722471356391907 1.5993034839630127,1.182381883263588 l2.7270346879959106,1.351730227470398 4.183788299560547,-1.1313879489898682 l3.2486966252326965,-1.224784031510353 1.8082700669765472,-0.7459216564893723 l3.368118405342102,-1.9321765005588531 1.3791128993034363,-0.7063846290111542 l3.744857907295227,-1.6149397194385529 1.6010981798171997,-0.8605307340621948 l2.291276454925537,-0.9509684145450592 1.3802477717399597,-0.38571733981370926 l1.4838163554668427,-0.41819144040346146 1.3798083364963531,-0.42770642787218094 l1.34327232837677,-0.6081861257553101 1.4514872431755066,-0.28161313384771347 l0.5323142185807228,-0.34603625535964966 1.1512380838394165,-0.20209351554512978 l0.1960252784192562,-0.8676743507385254 1.1265038698911667,-0.12376826256513596 l-1.8362751603126526,-0.03850970882922411 -1.4275246858596802,0.5523325502872467 l-1.7272593080997467,0.16551628708839417 -1.28789484500885,0.371084026992321 l-1.8473917245864868,0.24841658771038055 -2.973722517490387,1.2343814969062805 l-1.5805119276046753,0.52289679646492 -2.3917172849178314,1.011115089058876 l-1.6205832362174988,0.7746527343988419 -1.9903157651424408,2.1380706131458282 l-1.70311838388443,2.429780960083008 -0.9489534795284271,0.8210092037916183 l-0.6295185536146164,1.2217476218938828 -0.18516676500439644,1.3375821709632874 l-0.2914756163954735,0.901557132601738 0.29113560914993286,0.9566663205623627 l1.6166344285011292,0.1633467711508274 0.8321303874254227,0.3475877270102501 l3.799951672554016,-1.1659127473831177 3.313399851322174,-1.560530811548233 l3.1512457132339478,-2.2474174201488495 2.5418081879615784,-2.326328754425049 l2.0160529017448425,-2.345987856388092 1.8655842542648315,-2.4173523485660553 l2.011384814977646,-2.143184393644333 1.5013496577739716,-2.1825148165225983 l2.981371283531189,-4.33580219745636 1.7982874810695648,-3.675709068775177 l3.1645259261131287,-4.712882339954376 2.4263760447502136,-5.774917006492615 l1.2547844648361206,-1.8366645276546478 2.834707498550415,-6.363353729248047 l2.668849229812622,-4.124168157577515 0.38320597261190414,-1.3849101960659027 l-0.442303791642189,0.5564389005303383 -0.2447821944952011,0.5630113184452057 l-0.7606443762779236,1.1286226660013199 -0.9910660982131958,1.5136539936065674 l-0.9900157898664474,1.5567788481712341 -2.168308049440384,2.268732488155365 l-0.8139463514089584,1.6391977667808533 -3.075547218322754,4.605548083782196 l-1.1540020257234573,1.8935735523700714 -1.2548485398292542,1.6840285062789917 l-0.8578374236822128,1.6043901443481445 -1.6011367738246918,2.4449539184570312 l-0.9086005389690399,1.7472413182258606 -1.7133340239524841,2.84142404794693 l-1.0293130576610565,2.828492522239685 -1.512865275144577,2.8208407759666443 l-0.662335529923439,2.399226576089859 0.30024362727999687,1.4794741570949554 l0.46549059450626373,1.3601376116275787 0.5636544153094292,3.267315924167633 l1.924867331981659,2.4740339815616608 3.627764880657196,0.6474050879478455 l3.4580492973327637,-0.21599514409899712 2.789829671382904,-0.2442287839949131 l3.473794460296631,-1.192251369357109 1.8372155725955963,-0.7457854598760605 l1.2712657451629639,-0.622333288192749 6.008016467094421,-4.013068377971649 l1.8218882381916046,-1.255335509777069 1.7761844396591187,-1.8098647892475128 l1.2535370886325836,-1.2208418548107147 1.6295768320560455,-2.850313186645508 l1.3221880793571472,-2.6085057854652405 1.7136791348457336,-3.580893874168396 l0.17441298812627792,-5.053456425666809 -0.3412853553891182,-1.4674012362957 l-0.5057139322161674,-0.9542368352413177 -2.518368363380432,-0.02419257303699851 l-0.9465239197015762,-0.08859462104737759 -2.4235814809799194,0.9323045611381531 l-1.5790647268295288,0.9518874436616898 -1.458141803741455,1.3544794917106628 l-1.8667970597743988,2.0002134144306183 -1.1186932027339935,1.6830027103424072 l-1.2296586483716965,1.3224299252033234 -0.9281853586435318,1.4727634191513062 l-2.0605219900608063,3.0358245968818665 -0.540863648056984,1.7696970701217651 l-0.579896979033947,2.8907474875450134 -0.19819127395749092,3.14308762550354 l1.2541110813617706,5.661716461181641 0.9065040200948715,1.188560277223587 l3.145797848701477,3.510417342185974 1.8599316477775574,2.139018177986145 l1.3598814606666565,0.6716401875019073 1.5408764779567719,1.128903180360794 l4.5490312576293945,0.11574754491448402 1.292545646429062,-0.37085913121700287 l1.6022895276546478,-1.1763378977775574 2.8799691796302795,-0.6776299327611923 l1.0488463938236237,-1.1570950597524643 1.2220539152622223,-0.9830009937286377 l0.6265661865472794,-1.2515360116958618 1.5133868157863617,-1.4015789330005646 l1.003945991396904,-0.701015368103981 0.3578772768378258,-1.2484502792358398 m1.4178566634654999,-3.713366389274597 l0.6869972497224808,-0.9274554252624512 0.2860840782523155,-1.4666551351547241 l0.6754832714796066,-1.0161161422729492 0.343749076128006,-0.8910974115133286 l0.48613231629133224,-0.9657307714223862 0.16773685812950134,-1.0484151542186737 l-0.48397213220596313,-1.7979943752288818 -0.04806188400834799,-1.4926832914352417 l-0.6155673041939735,-1.7717747390270233 -0.650385394692421,-1.1298887431621552 l-0.26700830087065697,0.40915727615356445 -2.4246419966220856,0.48184532672166824 l-0.8536557853221893,1.1060316115617752 -0.7819913327693939,1.0696987807750702 l-0.8421816676855087,-0.01111518475227058 -2.8520429134368896,4.422501623630524 l-2.2466550767421722,3.656303584575653 -1.0121217370033264,1.1991126090288162 l-2.0211735367774963,4.846085011959076 -0.1877588964998722,1.5517517924308777 l-0.15503527596592903,2.5205492973327637 -0.056493175216019154,1.0456577688455582 l0.6735940277576447,4.316699802875519 0.48179958015680313,0.2166520245373249 l0.4515598714351654,0.599682629108429 0.023368678521364927,0.5241741985082626 l0.6071398034691811,1.2157347798347473 1.5641146898269653,2.5554651021957397 l2.6213955879211426,1.8899677693843842 0.7763096690177917,1.673654168844223 l0.6797932833433151,0.3077503480017185 2.9822471737861633,1.9699184596538544 l1.2300773710012436,-0.4495462402701378 0.9393379837274551,-0.21570568904280663 l2.6276743412017822,-0.0721143838018179 0.8477386087179184,-0.7536029070615768 l1.0122272372245789,-0.716458186507225 0.24258388206362724,-0.6484775245189667 l1.1949239671230316,-1.181914433836937 1.548171192407608,-2.0707382261753082 l0.2942241542041302,-0.7077015936374664 0.6412132084369659,-3.3657556772232056 l-0.02699999138712883,-1.3731034100055695 -0.11755293235182762,-3.5858237743377686 l-0.04505330231040716,-1.0042189806699753 0.519450232386589,-2.5504282116889954 l-0.10843493044376373,-2.8935110569000244 0.039669801481068134,-0.9399786591529846 l-0.5327152833342552,-3.089168965816498 0.2686632052063942,-0.7146129012107849 l0.032023023813962936,-1.1241410672664642 0.4947233200073242,-1.650589257478714 l-0.21404461935162544,0.720735713839531 -0.3918593004345894,0.8178916573524475 l-0.4286748170852661,1.1340245604515076 -0.48111915588378906,0.8484584093093872 l-0.5754439905285835,1.5586435794830322 -0.6252717226743698,0.016468402463942766 l-0.5213106796145439,1.5406101942062378 -0.4691702499985695,1.7932060360908508 l-0.32651137560606003,2.172011584043503 -0.2758287638425827,2.2693800926208496 l-0.1704609952867031,1.5344181656837463 -0.3716463968157768,0.2988498844206333 l0.32662153244018555,0.7011881470680237 -0.054346886463463306,2.544691264629364 l1.1671751737594604,2.293325811624527 2.5960859656333923,1.0475421696901321 l3.7604695558547974,-0.2117914892733097 1.0596219450235367,-0.16123224049806595 l0.6143252924084663,-0.5178102478384972 1.8920856714248657,-0.08124460466206074 l0.5418029054999352,-0.6358882784843445 3.2994240522384644,-1.688443124294281 l0.04886959679424763,-1.0397980362176895 0.6156100332736969,-0.5597415566444397 l1.52799591422081,-3.832135498523712 -0.44746488332748413,-0.9566535800695419 l-0.1814005896449089,-1.792464256286621 -0.2051311731338501,-1.4268988370895386 l-0.9481849521398544,-4.517807364463806 0.0011173868551850319,-1.4225299656391144 l-0.2617301605641842,-1.3034254312515259 -0.9449933469295502,-3.576185405254364 l0.08348299190402031,-1.754930317401886 0.07173505146056414,-1.4727988839149475 l-0.11394026689231396,-0.9290748834609985 -0.490545816719532,0.3642338514328003 l-0.031052289996296167,-1.1914007365703583 0.03591776825487614,-0.2644374407827854 l-0.32477356493473053,0.003554431314114481 0.08993007242679596,1.3345138728618622 l-0.46644289046525955,-0.039566527120769024 -0.5206312611699104,0.7927872985601425 l-0.5649710819125175,0.3835573047399521 -0.5284276604652405,0.7172264158725739 l-0.6792881339788437,0.6267052888870239 -0.8535665273666382,2.7455317974090576 l-0.838249921798706,0.7051427662372589 -0.8267028629779816,4.874839186668396 l-0.8052903413772583,0.9840266406536102 -0.5724557116627693,1.556500643491745 l-0.6378185003995895,2.9910415410995483 -0.18427342176437378,1.1208605766296387 l-0.616520382463932,1.5635378658771515 0.07207302376627922,1.5017370879650116 l-0.09763701818883419,0.9178344160318375 0.20667703822255135,2.355841100215912 l0.3745489567518234,1.7544642090797424 0.5948875844478607,0.648505911231041 l0.396585613489151,0.06494840141385794 0.9763914346694946,1.5573762357234955 l0.5459420010447502,0.264071561396122 1.392972320318222,0.394078828394413 l0.6107313930988312,-0.35257965326309204 0.7736640423536301,-0.19688766449689865 l0.7888604700565338,-0.19293956458568573 1.0416100174188614,-0.31181450933218 l0.9213240444660187,-0.7001487910747528 0.6161240860819817,-0.34661807119846344 l0.9311147034168243,-0.8995714783668518 0.17691116780042648,-0.9135904163122177 l0.35771291702985764,-0.5389637872576714 0.11980441398918629,-0.986911877989769 l0.7474730908870697,-0.7682254910469055 0.2990172430872917,-1.0280677676200867 l0.25674721226096153,-0.5763258039951324 0.608062744140625,-1.8678264319896698 l0.5044380947947502,-0.9087702631950378 0.5312587320804596,-1.491640955209732 l0.5333734303712845,-4.848664104938507 0.6635172665119171,-1.211959719657898 l-0.04148311913013458,-1.128372699022293 0.17440715804696083,-2.4642346799373627 l0.6911681592464447,-0.6859761476516724 0.010307114571332932,-0.7447729259729385 l-0.17876587808132172,0.309243556112051 -0.882684513926506,0.05742871202528477 l0.28905613347887993,-0.2632414735853672 -0.8546436578035355,0.06040021311491728 l-0.03426595591008663,0.5294753983616829 0.07291443180292845,-0.8555687963962555 l0.7608489692211151,-0.13304281048476696 -1.5855507552623749,-0.013164812698960304 l-0.6835640966892242,-0.3692564368247986 -0.029116226360201836,0.8590976148843765 l-0.08930273354053497,0.4987617954611778 -0.7816328853368759,2.486661821603775 l-0.2221004106104374,1.3048577308654785 0.2487293817102909,0.3024747222661972 l0.06648079492151737,1.6264905035495758 0.08675654418766499,0.8460535109043121 l-0.31197041273117065,0.27240175753831863 0.07953982800245285,1.9545060396194458 \" 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=\"114.78300310613122\" version=\"1.1\" width=\"209.2222760057848\" 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=\"114.78300310613122\" width=\"209.2222760057848\" x=\"0\" y=\"0\"/><path d=\"M45.591688610147685,46.11171058262698 m-3.9874717593193054,0.41943058371543884 l-0.06441636942327023,-0.06562333554029465 -1.316121369600296,0.04650353919714689 l-1.7291782796382904,0.24113351479172707 -0.33668994903564453,-0.5453241243958473 l-1.2884731590747833,0.9505070000886917 -0.8738240599632263,0.0429052347317338 l-0.6141917780041695,0.5087022483348846 -0.8245789259672165,-0.2252982184290886 l-2.81169593334198,2.549634873867035 -0.574071928858757,1.0208185762166977 l0.4035278409719467,0.8730295300483704 -0.8665136992931366,-0.10644262656569481 l-2.0375777781009674,3.3567726612091064 -0.9473598748445511,0.010295595275238156 l-0.7907930761575699,0.07114365696907043 -1.809583604335785,6.615993976593018 l-0.09482886642217636,0.6792045384645462 -0.02784603973850608,6.731677055358887 l0.8011317253112793,1.0260246694087982 0.5036433041095734,1.9996023178100586 l-0.0002122898877132684,0.7506473362445831 1.8030215799808502,1.7778326570987701 l1.7627602815628052,0.6088085845112801 2.0990090072155,0.4060789942741394 l2.7031856775283813,-0.3462120518088341 2.4959738552570343,-0.845516100525856 l1.1392171680927277,-1.1963313817977905 2.3379328846931458,-1.9589120149612427 l1.1388042569160461,-1.6631396114826202 2.5805237889289856,-3.699856698513031 l0.5810808017849922,-1.8147136270999908 0.5859791859984398,-2.1621885895729065 l0.8692526072263718,-4.430000185966492 -0.11545381508767605,-1.8617404997348785 l0.5331582948565483,-2.6106640696525574 0.8365448564291,-1.818430870771408 l0.15059372410178185,-2.830236256122589 0.6440027803182602,-8.489814400672913 l0.2275804802775383,-1.7902758717536926 0.13957876712083817,-0.9051887691020966 l0.049282340332865715,-1.9486139714717865 -0.37304431200027466,-2.693236768245697 l0.5683789774775505,-1.6986438632011414 0.04900044295936823,-1.720748394727707 l0.5973627418279648,-0.45624013990163803 0.12811812572181225,-1.8354597687721252 l0.2480083703994751,0.21070335060358047 0.19822774454951286,-1.4493073523044586 l0.3146745637059212,0.20374102517962456 -0.04417069721966982,-1.044742539525032 l0.21755237132310867,0.22977223619818687 -1.114063411951065,13.621619939804077 l0.3033045865595341,0.9705308079719543 -0.7711850106716156,5.20326554775238 l-1.1815577000379562,12.485053539276123 -0.5981728807091713,2.022659182548523 l0.09204495698213577,9.7943514585495 0.49633100628852844,-0.04828226286917925 l-0.1817476935684681,1.5517652034759521 0.645158588886261,-0.20094925537705421 l-0.09246340952813625,0.6176968663930893 0.7032832503318787,2.652633488178253 l1.502881646156311,0.5534622818231583 0.549454465508461,0.08960957638919353 l1.4463445544242859,0.16286244615912437 2.6323461532592773,-1.9586804509162903 l0.7221412658691406,-0.8028266578912735 0.9111102670431137,-1.3184583187103271 l0.9667651355266571,-0.42733289301395416 0.7268372178077698,-0.06572469137609005 l1.3271959125995636,-1.9936804473400116 0.6662854552268982,-0.581716001033783 l0.07631565909832716,-0.7203488796949387 1.4696285128593445,-1.4870603382587433 l0.20364804193377495,-1.584257334470749 1.2720826268196106,-0.959930345416069 l-0.09612529538571835,-1.400950402021408 -0.03825004445388913,-0.40212731808423996 l0.1842481829226017,-1.4294029772281647 0.9782905131578445,-1.031852811574936 l0.08748925291001797,-1.269654929637909 0.19340325146913528,-1.8506735563278198 l0.6910958141088486,0.0022639677627012134 0.3803478181362152,-1.1030295491218567 l0.873776450753212,0.017438209615647793 0.08400049991905689,-1.1192379146814346 l0.10556420311331749,1.5087905526161194 -0.36929477006196976,1.7186757922172546 l-0.7539565861225128,-0.12944865971803665 -0.6352835893630981,0.2998899668455124 l-0.21272985264658928,1.3593977689743042 -0.7297950237989426,0.7035326212644577 l0.07795765995979309,3.065745532512665 -0.208679661154747,0.8623944967985153 l0.5690343305468559,3.8161826133728027 0.24610335007309914,1.1298868060112 l0.31881336122751236,0.9772258251905441 0.6934401392936707,2.3811280727386475 l-0.19542420282959938,0.8097734302282333 1.3322257995605469,1.074025109410286 l0.5671223998069763,-0.017919689416885376 1.6649603843688965,0.38369372487068176 l1.5664005279541016,-0.7783015817403793 0.47961100935935974,0.48179566860198975 l1.434820145368576,-0.24876369163393974 1.2028110027313232,-0.008351117139682174 l0.7689741998910904,-0.4609961435198784 1.4702002704143524,-0.23666594177484512 l0.7993485778570175,-0.08941764943301678 0.8062029629945755,-0.5868235602974892 l4.196341037750244,-3.858805298805237 -0.06103918422013521,-0.8893445879220963 l1.6335119307041168,-0.8422087877988815 0.22669944912195206,-0.9172621369361877 l0.37429168820381165,-0.7572456449270248 -0.008074445649981499,-0.7995272427797318 l0.7116256654262543,-0.8189928531646729 0.2079898677766323,-1.3407133519649506 l0.716744065284729,-1.3489966094493866 -0.613902173936367,-0.024424833245575428 l0.5986851826310158,-2.582862377166748 0.5534837394952774,-1.4924010634422302 l0.39758093655109406,-0.9681172668933868 -0.18703434616327286,-0.11462424881756306 l0.6219631060957909,-0.03942266572266817 -2.2523364424705505,0.01688300631940365 l-0.04697165917605162,0.29174312949180603 -1.2060020864009857,0.4919998347759247 l-0.4008835554122925,0.27287086471915245 -0.15719911083579063,-0.017790045822039247 l-2.905794382095337,3.529031276702881 -0.02904192777350545,0.36778565496206284 l-0.785592794418335,1.1796766519546509 -0.0255843298509717,1.1504797637462616 l-0.8944053947925568,0.4236678406596184 -0.07151499856263399,1.257348358631134 l-0.8921512961387634,5.024069547653198 0.07517974823713303,0.36742568016052246 l-0.37765707820653915,3.751944899559021 1.445864886045456,0.8667904883623123 l1.2524043023586273,1.2682953476905823 0.3652108833193779,0.7137403637170792 l0.5548638105392456,0.06256996188312769 1.0184487700462341,-0.11571917682886124 l2.3515787720680237,-0.18415700644254684 0.8602311462163925,0.5582932755351067 l2.975410521030426,-1.3455653190612793 0.9254781901836395,-2.686786949634552 l0.8879052102565765,-0.18183980137109756 0.5388722941279411,-0.7438451796770096 l0.4328411817550659,-0.45030780136585236 1.0251343250274658,-1.1201299726963043 l1.3783635199069977,-1.3877283036708832 1.6759108006954193,-1.9498665630817413 l0.4559299722313881,-0.6245139241218567 1.7424781620502472,-2.4241171777248383 l1.1999022215604782,-1.3755278289318085 1.4263910055160522,-1.4022667706012726 l-0.08981458842754364,-0.5812519043684006 0.7073743641376495,-0.03206094726920128 l4.346985220909119,-2.415020912885666 0.30943166464567184,-0.6693167239427567 l1.218840628862381,-0.22644897922873497 0.7922005653381348,-0.19696196541190147 l0.7567398995161057,-0.06917875725775957 -0.5690138041973114,0.026526169385761023 l0.00021320360247045755,0.7466666400432587 1.3683536648750305,0.011832652380689979 l-0.2261577732861042,-0.0443563936278224 0.8542226999998093,0.17779216170310974 l-0.8007771521806717,-0.007533828029409051 -0.36142032593488693,0.5504231154918671 l-0.8544357866048813,-0.00839835382066667 -0.9398389607667923,0.009012181544676423 l-0.6640996038913727,0.41908957064151764 -0.04180579911917448,0.4912419244647026 l-0.5862463638186455,-0.034802285954356194 -0.0386497494764626,0.5385611951351166 l-1.1166294664144516,0.44100429862737656 -0.8951662480831146,0.17588378861546516 l-0.019003632478415966,0.7929623126983643 -0.6862512230873108,-0.01801175414584577 l-2.964082956314087,2.8624337911605835 -2.454053908586502,3.3421701192855835 l-0.09262347593903542,0.10044246912002563 -0.06347252521663904,1.962747722864151 l-0.011638947762548923,2.450970411300659 0.5634403973817825,0.05519759375602007 l0.23945875465869904,0.03753466531634331 0.39618365466594696,0.21059710532426834 l0.7767206430435181,-0.04919449798762798 -0.08926212787628174,3.1899815797805786 l-0.14891196973621845,0.8387705683708191 0.6060656160116196,0.027768227737396955 l0.5209131166338921,-0.08376743644475937 0.30133605003356934,0.6668064743280411 l3.957194983959198,-0.29737506061792374 1.230388730764389,-0.21322408691048622 l0.7275354117155075,0.41642624884843826 1.512548178434372,-0.3292902186512947 l0.5662225931882858,-0.8594945073127747 1.6651855409145355,-1.1376448720693588 l0.5597971752285957,-0.6078271940350533 1.1050236970186234,-0.7603383809328079 l0.9705245494842529,-1.5401485562324524 -2.290905863046646,5.642438530921936 l0.9942635893821716,-1.2964452803134918 0.41405003517866135,-0.44800542294979095 l0.4502743110060692,-0.5904955789446831 0.3874063491821289,0.35713329911231995 l0.3528287261724472,-0.31518924981355667 0.4672427847981453,-0.27788490056991577 l0.390072837471962,0.33939070999622345 2.567460834980011,-1.5448874235153198 l0.04541411064565182,-0.49180787056684494 0.8574085682630539,-0.37259265780448914 l1.5777713060379028,-1.428002268075943 4.622096121311188,-0.1390609424561262 l5.078018307685852,-6.445619463920593 0.4391508921980858,-0.9127646684646606 l0.8837698400020599,-0.9281247109174728 -0.29444050043821335,-0.5617646127939224 l0.8548866212368011,-1.09736368060112 0.4166744649410248,-3.3437514305114746 l1.5971960127353668,-4.318231642246246 0.36969996988773346,-1.8049021065235138 l-0.6073996797204018,1.5682263672351837 0.1237025111913681,-1.9468024373054504 l-0.1287600491195917,-6.426577568054199 0.7640267163515091,-1.3975988328456879 l0.23115234449505806,-2.348748594522476 0.46292461454868317,-1.456504911184311 l0.2920275740325451,-1.5412189066410065 -0.026338465977460146,1.3800618052482605 l-0.32690007239580154,0.1397347915917635 -0.20043682307004929,1.0406140983104706 l0.2800069563090801,1.6921783983707428 -0.5503175780177116,1.8958356976509094 l0.2068578638136387,2.328840345144272 -0.7708540558815002,1.109655350446701 l0.8086394518613815,2.627447247505188 -0.66182941198349,0.8621479570865631 l0.4042527452111244,4.095204472541809 -0.8117149025201797,1.1044424772262573 l-0.13969785533845425,3.0431249737739563 -0.776347815990448,1.0548260807991028 l0.05176459439098835,1.0471376031637192 -0.6989657133817673,1.0117273032665253 l-0.0003793352152570151,0.930267795920372 -2.4572326242923737,3.7592196464538574 l-0.9142176061868668,0.9203937649726868 -0.34017913043498993,0.5810507014393806 l-0.8025998622179031,7.242597341537476 0.19382653757929802,0.8859134465456009 l-0.5764124915003777,0.7596243917942047 0.11091062799096107,0.9863479435443878 l-0.31802158802747726,2.4969053268432617 -0.11874813586473465,1.2665365636348724 l-0.021882352884858847,0.5901490151882172 -0.013129892759025097,0.5413391441106796 l0.21974248811602592,2.0222006738185883 0.12008259072899818,0.37107039242982864 l-0.22599201649427414,0.7425102591514587 0.2900068461894989,0.7260279357433319 l0.19585471600294113,0.6447722017765045 2.2785894572734833,0.8028291910886765 l1.2865698337554932,-0.9329689294099808 3.4713828563690186,-1.704123467206955 l3.2743823528289795,-2.0674610137939453 0.6627298146486282,0.024375224020332098 l2.008119225502014,-2.4292144179344177 2.0119374990463257,-4.129525423049927 l0.14806297607719898,-0.3876952454447746 2.065807729959488,-3.9881280064582825 l0.200614333152771,-0.03155876183882356 -0.18487140536308289,-1.1210228502750397 l0.32400157302618027,-0.28287386521697044 0.44357914477586746,-1.5030868351459503 l0.5867521092295647,-1.8085862696170807 0.12651857919991016,-0.7392515242099762 l0.10767481289803982,-3.2107332348823547 0.0030204595532268286,-1.968231350183487 l0.004286066978238523,-0.9871767461299896 -0.2139555662870407,0.00618659018073231 l-0.944477841258049,-1.4178311824798584 0.5653002485632896,-0.43599456548690796 l-0.8162891864776611,-1.2613120675086975 -1.8192513287067413,0.05537185352295637 l-1.1660106480121613,0.9019795805215836 -0.6467019021511078,-0.026525426656007767 l-0.034100827760994434,0.43918564915657043 -3.2290232181549072,5.193127989768982 l-0.42538393288850784,0.4540795832872391 0.002971625071950257,1.4686553180217743 l-0.04468502476811409,0.9940141439437866 0.07673902902752161,0.2959093824028969 l-0.6749031692743301,2.843257486820221 0.07238158956170082,2.2363728284835815 l-0.6391363590955734,0.6432673335075378 -0.009222242515534163,2.6534923911094666 l-0.014471698086708784,0.6826135516166687 0.013634369242936373,0.439813993871212 l1.0372067242860794,3.097299337387085 0.24858471006155014,0.5678221955895424 l4.557576775550842,3.081950545310974 0.40050096809864044,-0.008298697066493332 l0.6020814925432205,0.05279913544654846 1.1209674924612045,0.6900553405284882 l1.0173947364091873,1.048310399055481 2.8585317730903625,-0.17168058082461357 l1.4624691009521484,0.1188554335385561 0.6932246685028076,0.023450602311640978 l0.7763146609067917,-0.1819058507680893 1.0455519706010818,0.1248211320489645 l0.84864541888237,0.19275691360235214 0.2132648043334484,-0.754878968000412 l0.09373196400702,-0.457024909555912 0.44025056064128876,-1.2687909603118896 l0.6232797726988792,0.12303819879889488 0.6638422608375549,-0.26121851056814194 l-0.14360599219799042,-0.878196582198143 0.742311105132103,-0.5711406469345093 l1.907539963722229,-0.10787800885736942 0.8122070133686066,-1.0692206025123596 l0.6787167489528656,-0.8642800897359848 1.3890929520130157,-1.771932989358902 l0.3963523730635643,-0.9493757784366608 m1.2233228981494904,-2.013000100851059 l0.9289571642875671,-1.7544378340244293 1.3088208436965942,-2.3642611503601074 l0.6286917626857758,-0.0897741038352251 0.49898985773324966,-2.5241589546203613 l-0.42245395481586456,-0.15961410477757454 0.6251075863838196,-0.1549213659018278 l0.24789420887827873,-0.16927026212215424 0.6145365536212921,-0.1910870149731636 l-0.17763711512088776,-0.14287983998656273 1.0331334918737411,-0.4853438213467598 l-0.18717577680945396,0.011514194775372744 0.3295823559165001,-0.4388999193906784 l-0.32375555485486984,0.07121753413230181 -0.7315075397491455,0.6953955441713333 l-0.10658145882189274,0.066354856826365 -0.14154501259326935,0.9960008412599564 l-0.12305633164942265,0.04768901038914919 -0.5998696759343147,0.5608854442834854 l-0.32118532806634903,0.07280885241925716 -0.28556691482663155,0.019615592900663614 l-0.22081604227423668,1.4578360319137573 -0.6606879830360413,0.22036079317331314 l-1.7697855830192566,2.4463126063346863 -0.13995791785418987,1.7662568390369415 l-0.3441992402076721,-0.021283174864947796 -0.4046840965747833,0.23502925410866737 l-0.8625427633523941,0.42744457721710205 -0.07459286134690046,1.1050444841384888 l-0.41438475251197815,-0.009518003789708018 -0.08122211322188377,0.18513761460781097 l-0.10574587620794773,0.4181789606809616 0.030114452820271254,0.42988691478967667 l0.035998744424432516,1.7609760165214539 -0.30072370544075966,0.5711867660284042 l-0.005563529557548463,1.3886377215385437 0.32780546694993973,0.4549826309084892 l0.9467330574989319,4.084017872810364 0.9287368506193161,0.7603511959314346 l0.737854391336441,0.7220791280269623 0.8977529406547546,0.7348882406949997 l0.8522821962833405,1.3385319709777832 0.9125363826751709,0.5559886246919632 l1.3136036694049835,0.07209985516965389 2.8971436619758606,0.3604690358042717 l0.9153373539447784,-0.5819283798336983 1.3216409087181091,-0.06820492912083864 l3.1931710243225098,-2.5089120864868164 0.7652030140161514,-1.6854126751422882 l0.32398469746112823,-1.499873697757721 -0.25536853820085526,-0.9565707296133041 l1.9929298758506775,-3.9429548382759094 0.3284502774477005,-1.11772321164608 l0.734277069568634,-3.324373960494995 0.7762529700994492,-0.7301542162895203 l0.26958610862493515,-1.6363704204559326 0.9560428559780121,-1.743461787700653 l0.7968898117542267,-1.766238510608673 0.44742293655872345,-0.9863437712192535 l0.33541202545166016,-1.125761717557907 0.5739567428827286,-0.8265332877635956 l1.3366855680942535,-1.230241134762764 1.3491570949554443,-2.0113299787044525 l0.6074727326631546,-0.7942952215671539 \" 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.80094381835079\" version=\"1.1\" width=\"195.2799687293009\" 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.80094381835079\" width=\"195.2799687293009\" x=\"0\" y=\"0\"/><path d=\"M38.759273688774556,56.856492604129016 m-3.3619463443756104,-1.497831642627716 l-0.7771589607000351,0.6356163322925568 -0.09628754109144211,0.7917529344558716 l-1.3698431849479675,1.6389790177345276 -0.7934600859880447,0.9671220183372498 l-0.5298757925629616,0.9553083777427673 0.6542667746543884,-0.23317046463489532 l-0.9803498536348343,1.300380825996399 -0.7543469965457916,-0.0936457421630621 l-0.9924647957086563,1.3601075112819672 -1.7323336005210876,1.8629983067512512 l-0.0572793185710907,0.8173221349716187 -0.9824385493993759,-0.05373781081289053 l0.23143932223320007,0.3162520006299019 -1.052398681640625,0.12445311062037945 l-0.011196981649845839,0.6668134033679962 -0.3382840007543564,1.8588601052761078 l-0.8153150975704193,2.3901689052581787 0.3254144638776779,0.9736695140600204 l0.6680390983819962,0.9833552688360214 0.3219040483236313,0.9534656256437302 l0.8353884518146515,0.6972678750753403 0.3185516968369484,0.6068296730518341 l0.4472557082772255,1.6681413352489471 0.03755017416551709,0.45210547745227814 l0.40887564420700073,-0.4519101604819298 1.3539636135101318,1.0781259089708328 l0.9610814601182938,0.19323600456118584 3.2416650652885437,-1.7707006633281708 l1.1150840669870377,-1.1790502071380615 0.7862203568220139,-0.1710733398795128 l0.6886830925941467,-0.11665188707411289 0.6749224662780762,0.2734956331551075 l0.6953223794698715,-0.655767023563385 2.1187685430049896,-2.05887570977211 l0.5339839309453964,-1.3773572444915771 0.6165898218750954,-1.332223117351532 l0.5152278020977974,-1.6889669001102448 0.7802033424377441,-0.3502207249403 l0.11591768823564053,-1.8944807350635529 0.5838236957788467,-3.39738130569458 l0.7452695071697235,-5.063630938529968 0.5750971287488937,-0.7626824826002121 l0.5000671371817589,-4.364678859710693 0.7749786227941513,-1.1139462143182755 l-0.02857527695596218,-2.2914181649684906 0.6671259552240372,-1.77849680185318 l0.8036098629236221,-3.9685314893722534 0.2936122193932533,-4.147869348526001 l0.14247296378016472,-2.4528086185455322 0.45884352177381516,-2.126014828681946 l-0.34878138452768326,-0.8708745986223221 0.0935305655002594,-3.0791175365448 l-0.5454282090067863,-0.15539531596004963 0.2826055884361267,-0.6522201001644135 l0.08826626464724541,-1.6398093104362488 0.5455029755830765,-0.5797218903899193 l-0.011980792041867971,-2.0520587265491486 0.559721514582634,0.48498012125492096 l-0.5205000191926956,-0.2314126305282116 0.39435524493455887,0.20872946828603745 l-0.5498017370700836,0.22965339943766594 -0.5474774539470673,0.707828626036644 l-0.6234914436936378,0.6509107351303101 -1.0482003539800644,3.9172306656837463 l-0.0360847357660532,1.1183616518974304 -0.1449025794863701,1.7202530801296234 l-0.676458477973938,1.1938764154911041 -0.7673638314008713,1.9892339408397675 l-0.5028447508811951,2.2767671942710876 -0.7564004510641098,1.9000382721424103 l-0.26012005284428596,1.690991073846817 -0.730164423584938,1.5040706098079681 l-1.1947442591190338,4.4191282987594604 -0.2109072357416153,1.3126182556152344 l-0.25800568982958794,0.7693245261907578 -0.4469823092222214,6.69378399848938 l0.28793565928936005,0.9269337356090546 -0.03269851207733154,1.5892595052719116 l0.22838354110717773,0.6058217212557793 -0.01750554656609893,0.1754581369459629 l0.2686196379363537,1.2993223965168 0.0850395392626524,0.9110227972269058 l0.5755529925227165,6.958203911781311 0.4981623589992523,0.5712490901350975 l0.13636971823871136,0.5732204765081406 0.4686533287167549,1.3018131256103516 l0.9965413063764572,2.5918924808502197 -0.018471768125891685,-0.44344954192638397 l0.944255143404007,1.1346830427646637 0.7206331938505173,0.3793306276202202 l0.6394336372613907,0.19230596721172333 0.46663999557495117,-0.07022271398454905 l1.206621304154396,-0.3613121807575226 1.015801951289177,-1.2144721299409866 l0.8040578663349152,-0.34950271248817444 0.9229660034179688,-1.5547508001327515 l0.09653625078499317,-0.7927200198173523 0.915033146739006,-0.4590322822332382 l1.6617970168590546,-2.839423418045044 0.5543790385127068,-1.2597668170928955 l1.290181428194046,-2.6514002680778503 0.5381600186228752,-1.3485540449619293 l0.41934188455343246,-2.2311991453170776 0.5119752883911133,-1.4167457818984985 l0.1774202287197113,-2.3980167508125305 0.7441053539514542,-3.150354027748108 l0.3797673061490059,-1.0843002051115036 0.011158002307638526,-0.8969543129205704 l-0.19665755331516266,0.12687128968536854 -0.5420835316181183,0.2831660397350788 l-0.5648967251181602,0.4545978456735611 -1.0078956186771393,5.053612589836121 l-0.20755242556333542,4.157230854034424 -0.582604818046093,1.1705654114484787 l-0.2259790152311325,2.8187087178230286 0.06209544837474823,2.994358241558075 l0.29461532831192017,1.5779750049114227 0.38792844861745834,1.1795545369386673 l0.5243648216128349,0.0757372984662652 0.4364926740527153,0.6411568075418472 l0.7382066547870636,-0.09025659412145615 1.1405941098928452,-0.5496691912412643 l0.12454650364816189,-0.2694926969707012 1.2141704559326172,-0.06738534197211266 l0.6791461259126663,-0.0025371290394105017 1.2080615758895874,-0.1483109686523676 l0.5533338710665703,-0.07102544419467449 3.3645856380462646,-2.166510820388794 l0.35527653992176056,-0.777856856584549 0.6559276580810547,-0.4050811380147934 l0.5673955008387566,-0.07113787811249495 1.7982308566570282,-1.2817245721817017 l0.24162329733371735,-0.9095462411642075 2.212834656238556,-2.7578452229499817 l0.6709816306829453,-0.8690349757671356 0.48539578914642334,-1.0507430136203766 l0.6646738201379776,-1.4267612993717194 -0.047130314633250237,-0.834588035941124 l-0.10262740775942802,-0.8184172958135605 0.310014970600605,-3.0248478055000305 l-0.022627937141805887,-1.579345315694809 -0.3022434562444687,-1.3744084537029266 l-0.3199717402458191,0.096546346321702 -0.35568326711654663,0.23028185591101646 l-0.26449134573340416,0.020527830347418785 -0.7316732406616211,0.06101293954998255 l-0.4186335578560829,-0.21043431013822556 -0.6569205969572067,0.6339212507009506 l-0.022523505613207817,0.7228686660528183 -0.645647794008255,-0.1861933432519436 l-0.9378620982170105,-0.06381656043231487 -2.3202750086784363,3.6540833115577698 l-0.1095703337341547,0.9911157935857773 -0.49230240285396576,2.131580412387848 l-0.039840610697865486,1.5316660702228546 -0.4278009384870529,0.39886441081762314 l-0.0018284606630913913,1.0166796296834946 -0.5531982704997063,0.496787466108799 l-0.5755190551280975,5.257173180580139 0.5931073799729347,0.59107456356287 l-0.29525669291615486,1.1104994267225266 0.5005860701203346,0.918082594871521 l0.31686682254076004,0.6463290750980377 0.9902497380971909,4.164309203624725 l0.5649047717452049,0.6750114262104034 2.6532715559005737,0.9897048026323318 l0.7281891256570816,0.6915518641471863 0.8643703162670135,-0.6345944106578827 l1.0621388256549835,-0.6662151217460632 2.778395414352417,-2.680225670337677 l0.7512633502483368,-0.404430627822876 1.9192881882190704,-1.902025043964386 l0.05900972988456488,-0.8974919468164444 1.4223073422908783,-1.586955040693283 l0.7553598284721375,-0.677231177687645 0.1115186233073473,-0.7196415215730667 l0.484345443546772,-0.6690415740013123 1.3627685606479645,-1.643432229757309 l1.1917129904031754,-1.2517353892326355 1.501089483499527,-1.639847308397293 l0.2964436821639538,-0.5788274109363556 0.23812515661120415,-0.5781099572777748 l0.28534064069390297,-0.49548957496881485 1.2940043210983276,-0.7803615182638168 l0.40306907147169113,-0.6293080002069473 2.0560602843761444,-0.5047036334872246 l0.07429467048496008,-0.7297780364751816 1.0369213670492172,-0.19159799441695213 l1.3217537105083466,-0.7377130538225174 0.9963661432266235,0.004672207578551024 l2.18344584107399,-0.7058084011077881 0.48154715448617935,-0.7153729349374771 l2.9528293013572693,-0.06667925976216793 0.7157132029533386,-1.1064277589321136 l0.9215110540390015,-0.09188525378704071 -1.3725024461746216,-0.0011002786050084978 l-2.4154087901115417,0.011998728150501847 0.09956516325473785,0.6209100782871246 l-2.5523579120635986,0.5340062454342842 -0.6814567744731903,0.5632149428129196 l-0.5622811615467072,0.0021916787954978645 -1.1443989723920822,0.007594314520247281 l-0.07590568624436855,0.5364592000842094 -2.5809192657470703,1.0655909031629562 l-0.013108626008033752,0.5262722074985504 -2.8052419424057007,1.5253376960754395 l0.03159893210977316,1.1118802428245544 -0.7389390468597412,0.32724756747484207 l-0.037749516777694225,1.2900947034358978 -0.05184014327824116,1.5650403499603271 l-0.8618862181901932,1.4446482062339783 0.0024605327052995563,0.07626490201801062 l-0.13245646841824055,0.47579512000083923 0.36443304270505905,1.3334938883781433 l-0.15725413337349892,1.3272695243358612 0.5148996040225029,0.8059335500001907 l0.6119698286056519,-0.3333824500441551 1.8753094971179962,1.1894761770963669 l0.7239130884408951,0.5817612260580063 1.5962205827236176,-0.021975317504256964 l0.41729923337697983,0.5649198591709137 4.723465740680695,-0.5256442725658417 l0.46883605420589447,-1.0031750053167343 2.0567022264003754,-0.7573311030864716 l0.9985426813364029,-0.9674453735351562 2.4839863181114197,-2.3584741353988647 l-0.0339134456589818,-0.9212591499090195 0.7465403527021408,-1.4984966814517975 l0.2915089391171932,-1.1431274563074112 1.1771413683891296,-3.246646821498871 l3.166237473487854,-11.8223237991333 0.5901060253381729,-2.7629712224006653 l0.28204113245010376,-2.0001810789108276 2.0303887128829956,-2.230888605117798 l-0.07504043634980917,-1.3272963464260101 0.6482549011707306,-1.3521838188171387 l0.5403083935379982,-2.8217267990112305 0.3145163506269455,-1.5169978141784668 l0.7270003110170364,-2.5503897666931152 1.2249284237623215,-2.447323799133301 l0.6172218546271324,4.090222418308258 0.6992881000041962,2.5340479612350464 l0.03270027693361044,0.876174122095108 0.39354439824819565,0.09541865438222885 l-0.3316352888941765,0.7439128309488297 -1.3356849551200867,2.6380813121795654 l-1.1936020106077194,2.9728397727012634 -0.037380652502179146,1.3347144424915314 l-0.9842931479215622,1.304839849472046 -1.697361022233963,4.118758141994476 l-0.8898891508579254,2.6837456226348877 0.015878616832196712,0.8816695213317871 l-0.25640126317739487,0.027495913673192263 -0.7701501995325089,1.2331582605838776 l-0.21768352016806602,0.7988383620977402 -0.759088471531868,-0.006837734836153686 l-0.5790897831320763,1.0940692573785782 -0.2833658829331398,1.1282110959291458 l-0.7483172416687012,1.7951908707618713 -0.9022166579961777,1.2494023889303207 l0.08546324446797371,1.1562012881040573 0.023801825009286404,0.84450364112854 l-0.4873456060886383,1.0656154155731201 -0.47988448292016983,0.7158699631690979 l3.9649879932403564,6.054199934005737 3.1664174795150757,0.6847501546144485 l4.094180166721344,-0.2723954804241657 0.5966432392597198,-0.6591655313968658 l0.7391327619552612,-0.37604257464408875 0.7226473093032837,-0.5801419168710709 l0.9115598350763321,-0.25187529623508453 2.242002487182617,-1.8226195871829987 l0.9282428026199341,-0.2710798755288124 1.1936971545219421,-1.8917523324489594 l0.9936083108186722,-2.1977826952934265 0.18798340111970901,-0.5251430720090866 l0.6913881748914719,-0.11062311008572578 0.06110173184424639,-0.3901328891515732 l0.37763718515634537,-0.14118149876594543 0.3914109244942665,-0.32971296459436417 l0.08142559789121151,-0.024400718975812197 1.130051463842392,-2.1870654821395874 l1.1025850474834442,-2.4028290808200836 1.0768850147724152,-1.7705674469470978 l-0.3746272623538971,-0.028330928180366755 0.018873942317441106,-0.16894126310944557 l-0.6020499765872955,-0.05481386557221413 -0.11167950928211212,-1.3071741163730621 l-1.0630493611097336,0.07862254977226257 -0.6940659135580063,0.428079254925251 l-0.46666469424963,-0.12893885374069214 -0.7093600928783417,0.32623063772916794 l-0.04483499098569155,0.4588044062256813 -0.4090626537799835,-0.0020591953943949193 l-0.7088343054056168,0.051533328369259834 -0.04617494065314531,0.4816807061433792 l-0.05849803797900677,0.6962712109088898 -0.10463031940162182,0.6147468090057373 l-0.09115523658692837,1.1844908446073532 -1.1122797429561615,1.5106430649757385 l-0.07019390352070332,1.7507264018058777 -0.6169595941901207,0.8034591376781464 l-0.018881253199651837,1.666271984577179 -0.24140022695064545,0.49943700432777405 l-0.20853012800216675,0.7655947655439377 -0.2254651114344597,0.5648626759648323 l0.8489462733268738,0.5281133204698563 -0.08140126243233681,0.11676531285047531 l0.051991064101457596,0.8545628935098648 1.0169847309589386,0.6119929254055023 l1.0080667585134506,0.6250272691249847 0.00801917805802077,1.3365238904953003 l0.4926067590713501,0.07668160367757082 0.34922245889902115,0.509122796356678 l2.1288596093654633,0.10213788598775864 5.765594244003296,-1.4856579899787903 l1.0191886872053146,-0.8544968068599701 2.7271467447280884,-0.5278820544481277 l0.45222997665405273,-0.9406305849552155 1.7901784181594849,-0.865531787276268 l0.35501323640346527,-0.8470334857702255 0.1514720916748047,-0.6093254685401917 l0.27979034930467606,-0.7109159231185913 0.9990357607603073,-0.9238653630018234 l0.32569319009780884,-0.5831065773963928 0.12457311153411865,-0.629003569483757 l0.5124382674694061,0.00931767572183162 0.7980585098266602,0.04875967279076576 l0.08054913021624088,-0.5933212488889694 1.1524951457977295,-0.5930943042039871 l0.6740479916334152,0.0576466741040349 0.7357022911310196,-2.2849084436893463 l1.9460952281951904,-2.87964791059494 1.3414528965950012,-1.6127777099609375 l1.963224709033966,-1.3155104219913483 2.0633459091186523,-1.6857761144638062 l0.5842272192239761,-0.37326671183109283 0.4543015733361244,-0.32891105860471725 l2.60062575340271,-1.081213802099228 1.8500491976737976,-1.4252051711082458 l3.7504011392593384,-0.6603088229894638 -2.0047487318515778,0.053442977368831635 l-2.1909327805042267,0.04268974531441927 -0.7004421949386597,0.19180461764335632 l0.09136601351201534,0.07842691615223885 -1.508316546678543,0.03358296351507306 l-0.4904565215110779,0.011760119814425707 -1.0929067432880402,-0.03074503969401121 l-2.0430798828601837,1.4007294178009033 0.08818156085908413,0.6998590379953384 l-1.442079097032547,1.056068018078804 -0.7062216848134995,0.948583111166954 l-3.371652364730835,3.6617621779441833 0.018155216239392757,0.9637653082609177 l-0.7219412177801132,0.4885884001851082 -0.30894672498106956,0.7011104375123978 l-0.04308076575398445,1.6833780705928802 0.09931299835443497,0.3575571998953819 l0.013523619854822755,2.4579377472400665 -0.6460104137659073,0.6123187392950058 l-0.06470000836998224,2.7013051509857178 0.5285646021366119,3.808479905128479 l0.2996477112174034,1.251683086156845 0.9739191085100174,2.1088887751102448 l1.3571597635746002,0.5977335944771767 0.8041809499263763,0.8417773246765137 l0.8570244908332825,-0.4390324652194977 2.0573590695858,0.5130240693688393 l1.2098611146211624,-0.9184598922729492 3.7030547857284546,-1.2475526332855225 l0.6107119843363762,-1.0958771407604218 0.8798540383577347,-0.5625073984265327 l0.636536255478859,-1.1706361919641495 0.4426915943622589,-0.6033710762858391 l1.2811347842216492,-1.4962325990200043 2.7068406343460083,-4.500129222869873 l0.024089114740490913,-1.299477219581604 2.2254084050655365,-4.537484347820282 l0.7016810029745102,-1.3583047688007355 0.2731933444738388,-1.3875924050807953 l0.922074019908905,-2.652696669101715 0.34470949321985245,-1.4356832206249237 l1.0361839085817337,-3.0707263946533203 0.940835252404213,-2.917296290397644 l0.5829081684350967,-1.6037163138389587 0.7591073215007782,-3.3209404349327087 l0.28460124507546425,-1.4656195044517517 0.561339296400547,-2.0751744508743286 l0.1448922324925661,-1.687338501214981 1.4809823036193848,-4.92563933134079 l0.38559064269065857,-1.5235550701618195 \" 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=\"109.1641967335454\" version=\"1.1\" width=\"222.79134904238163\" 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=\"109.1641967335454\" width=\"222.79134904238163\" x=\"0\" y=\"0\"/><path d=\"M45.327116255648434,55.9358009789139 m-2.526315450668335,-1.1788593977689743 l0.02550001721829176,0.49595069140195847 -3.2912328839302063,-0.10926121845841408 l-0.8088073134422302,0.7655962556600571 -1.697709858417511,0.057581113651394844 l-0.8350890874862671,1.0249724984169006 -0.9660844504833221,0.17830155789852142 l-3.4088975191116333,2.1666961908340454 0.07347485050559044,0.8174470812082291 l-2.9810509085655212,3.8723531365394592 -0.2680458128452301,0.666421577334404 l-1.44591823220253,2.1095624566078186 -0.4550374671816826,1.4181694388389587 l-1.1389350891113281,2.58440762758255 -0.24305855855345726,2.0915699005126953 l0.158015638589859,1.4553242921829224 -0.5179241299629211,1.4108465611934662 l0.11471964418888092,1.4712309837341309 0.8061116188764572,0.8909304440021515 l0.1350061036646366,0.43461743742227554 2.6569321751594543,0.7836230844259262 l0.7093320041894913,-0.21099278703331947 1.995617151260376,-0.668322816491127 l2.3115919530391693,-1.1905930191278458 1.3276155292987823,-1.0654033720493317 l1.5060435235500336,-1.7515255510807037 2.1792759001255035,-3.0777183175086975 l2.3301003873348236,-2.858520746231079 0.445597842335701,-1.7755907773971558 l2.5065934658050537,-4.445084929466248 0.896875262260437,-2.5289392471313477 l2.0534051954746246,-5.562942028045654 0.4007488116621971,-2.804650664329529 l2.1789422631263733,-6.38039767742157 0.7266814261674881,-5.79739511013031 l0.8799907565116882,-1.6991212964057922 0.5883699283003807,-2.1959707140922546 l0.9837796539068222,-3.78072053194046 0.5925332009792328,-1.8304674327373505 l0.49203068017959595,-3.055965304374695 0.6139010936021805,0.11105908080935478 l0.34457698464393616,-1.635671854019165 -0.04720637109130621,-0.1383475959300995 l-0.0194281293079257,0.8708725869655609 -0.6845437735319138,1.2486188113689423 l-0.13862238265573978,0.9721796959638596 -0.21625962108373642,2.043316066265106 l-0.22058458998799324,1.804058700799942 -0.9706928580999374,2.09559366106987 l-0.3328391909599304,1.7474102973937988 -1.1890162527561188,2.553616464138031 l-0.6789688766002655,2.840186655521393 -0.9011321514844894,2.006850987672806 l-0.5048948526382446,1.7413854598999023 -0.5054263025522232,1.3464972376823425 l0.1273843925446272,0.8260887116193771 -0.7723843306303024,2.3774150013923645 l-0.21277880296111107,2.9758909344673157 0.054342085495591164,3.364538550376892 l-0.5235783383250237,4.508309066295624 0.2566889300942421,1.3831675052642822 l-0.48495322465896606,0.8847363293170929 0.543048307299614,1.9767893850803375 l1.6949021816253662,1.1405012756586075 0.997520312666893,2.0677855610847473 l1.2699198722839355,0.20608535036444664 0.32543279230594635,-0.40245112031698227 l1.0851920396089554,-0.29010405763983727 1.3085800409317017,-0.5008083954453468 l1.1943651735782623,-0.5189080908894539 2.323814630508423,-2.2156743705272675 l1.3547790050506592,-1.0851969569921494 1.4021304249763489,-1.134209781885147 l1.3044986128807068,-1.3072285056114197 0.769859105348587,-0.8125446736812592 l1.0124389827251434,-0.42676612734794617 1.0542456805706024,-0.6256406009197235 l0.09148615412414074,-1.4575259387493134 1.0174113512039185,-0.6890000402927399 l0.5746913701295853,-1.0600946843624115 1.0675270110368729,-1.0057196021080017 l0.8988959342241287,-2.1884597837924957 1.8673233687877655,-1.3036033511161804 l0.3399137035012245,-1.6396960616111755 0.8075167238712311,-0.4286971315741539 l0.8852902799844742,-1.1475876718759537 0.17258945852518082,0.6208157911896706 l-0.592203326523304,0.6482862681150436 -0.6540131568908691,1.2981471419334412 l-0.7736314833164215,2.62013703584671 -0.9799124300479889,1.2571345269680023 l-0.23171929642558098,1.6183748841285706 -1.0137512534856796,1.2359619140625 l-0.3822828084230423,1.2837688624858856 -0.5093375220894814,0.29839029535651207 l-0.5076282098889351,1.4381545782089233 -1.755295842885971,1.8290314078330994 l0.043103694915771484,3.225680887699127 3.761972486972809,3.213227689266205 l1.6675063967704773,0.7104349136352539 2.18215212225914,-0.4100152850151062 l4.678139686584473,-2.3387743532657623 1.823088526725769,-0.8687544614076614 l1.2446283549070358,-0.7431536912918091 1.545730084180832,-0.4274287074804306 l1.9218093156814575,-1.9178228080272675 1.3221347332000732,-0.8646750450134277 l0.9178277850151062,-0.5585342645645142 0.907464399933815,-0.7749719172716141 l1.5933690965175629,-1.684097796678543 1.9473163783550262,-2.907240390777588 l1.7213377356529236,-2.000584751367569 0.2796049043536186,-1.8792714178562164 l0.133073627948761,-0.8794822543859482 0.7370655983686447,-2.9702314734458923 l-0.22628139704465866,-2.816438674926758 -2.2949035465717316,0.9801654517650604 l-1.6167564690113068,0.9062918275594711 -1.4450593292713165,1.2910644710063934 l-1.5353846549987793,1.5464065968990326 -0.3163304552435875,1.6863514482975006 l-0.3147881105542183,1.020141988992691 -1.1255879700183868,1.0893288254737854 l-1.4428560435771942,1.3306224346160889 -0.3981533646583557,1.2884239852428436 l-0.4765012115240097,1.5275967121124268 -0.5159314349293709,1.5227490663528442 l-1.3586954772472382,1.7491695284843445 -0.5051759630441666,1.657014638185501 l-0.30886219814419746,2.7781081199645996 -0.40526825934648514,1.0136978328227997 l0.5068167671561241,2.286677807569504 0.1856013759970665,1.1337682604789734 l1.1321282386779785,1.4721450209617615 1.4737515151500702,0.5322907865047455 l2.249758541584015,0.278079342097044 2.096085250377655,-1.1146751046180725 l1.678171157836914,-0.7029873132705688 1.7797370254993439,-1.8504762649536133 l1.7061477899551392,-2.3476380109786987 1.4276160299777985,-0.8534140139818192 l1.933816820383072,-1.9944694638252258 1.260509341955185,-1.211521103978157 l1.093016043305397,-0.9506125003099442 1.2229811400175095,-0.491243377327919 l2.6730814576148987,-2.409607172012329 1.3489902019500732,-0.3192146122455597 l1.2127436697483063,-0.40548812597990036 3.3151158690452576,-1.866801530122757 l1.3347873091697693,-0.27709025889635086 1.1690093576908112,-0.6443004310131073 l1.4844594895839691,-0.24144189432263374 -0.6823208928108215,-0.0398405734449625 l0.555700808763504,-0.09179126471281052 0.35346753895282745,-0.009600960765965283 l-0.6630275398492813,0.0007692717917962 -1.3281796872615814,0.16138849779963493 l-1.5144908428192139,0.33411409705877304 -0.9265843033790588,0.8197496831417084 l-1.2541444599628448,0.5456088483333588 -1.3291124999523163,0.6713920086622238 l-1.2434086948633194,0.719725489616394 -1.0579076409339905,0.7771854847669601 l-1.9145290553569794,1.231788992881775 -3.573375940322876,3.4661275148391724 l-1.6076542437076569,2.138126939535141 -1.324436366558075,2.802414894104004 l-0.9316946566104889,2.1655933558940887 -0.8308114856481552,1.46324023604393 l0.29423486441373825,1.4324766397476196 0.7339562475681305,1.7271551489830017 l1.760670393705368,2.7437835931777954 7.695640921592712,-1.0070832073688507 l1.464417576789856,-0.2514750510454178 2.9060548543930054,-1.3494491577148438 l2.6658570766448975,-3.000408709049225 1.185932457447052,-0.9920855611562729 l1.4179354906082153,-1.6203264892101288 2.944704294204712,-4.962664246559143 l4.939682483673096,-11.135342121124268 2.63154536485672,-7.780380845069885 l1.9477616250514984,-7.16195821762085 1.2694665789604187,-5.185601711273193 l0.33828116953372955,-2.2932301461696625 0.748288556933403,-2.1726854145526886 l-0.5720804259181023,0.7543963193893433 -1.149144023656845,1.3376805186271667 l-0.8161590248346329,2.108069360256195 -0.6994897872209549,2.4746133387088776 l-0.6656896322965622,1.4557528495788574 -1.13021582365036,2.2094757854938507 l-1.0467559844255447,2.1365366876125336 -0.850103497505188,2.1000058948993683 l-0.916268602013588,2.357828915119171 -0.8284479379653931,1.6364189982414246 l-1.2675520777702332,3.391343653202057 -0.7375970482826233,2.072902172803879 l-0.851341038942337,3.8907229900360107 -0.893828421831131,8.593550324440002 l-0.7500644028186798,1.577412635087967 0.29496854171156883,3.6175525188446045 l0.6236061081290245,3.058048188686371 0.7804739475250244,2.4644796550273895 l0.542849600315094,-0.06819114089012146 0.9894728660583496,0.662640705704689 l2.1411366760730743,0.8250999450683594 1.3336151838302612,-0.437171533703804 l2.841382622718811,-0.8065259456634521 1.4825564622879028,-0.51656574010849 l5.831050276756287,-3.0236202478408813 1.3627032935619354,-0.8924946933984756 l2.3308342695236206,-2.0057934522628784 2.3799456655979156,-3.46944123506546 l1.91462904214859,-2.0159070193767548 3.064144551753998,-5.687750577926636 l0.7256487011909485,-1.9179435074329376 1.0805704444646835,-1.3886404037475586 l0.529511347413063,-2.169869989156723 0.3242669254541397,-1.4144803583621979 l-0.8775889873504639,-3.715115189552307 -0.7514764368534088,0.14548536390066147 l-1.3778504729270935,0.0829600915312767 -1.3676528632640839,0.2797638438642025 l-4.083531200885773,2.9533904790878296 -4.210565686225891,4.581235647201538 l-0.8024346083402634,1.7301461100578308 -0.4011446610093117,1.622830480337143 l-2.5228357315063477,3.220832645893097 -0.19612425938248634,2.3605893552303314 l-0.18885238096117973,4.779275357723236 0.449453704059124,1.5030854940414429 l1.1247264593839645,1.4205290377140045 0.9200496971607208,0.9537550806999207 l1.2330839782953262,0.8645696938037872 0.25743335485458374,2.2842110693454742 l1.0170025378465652,0.9905892610549927 1.8550032377243042,1.0337677597999573 l1.7588578164577484,0.674658790230751 3.1872066855430603,1.0964234918355942 l4.573516845703125,-1.5959139168262482 0.6393758952617645,-0.7862421870231628 l2.719118595123291,-1.00737065076828 1.7422838509082794,-1.9664031267166138 l0.2948162518441677,-1.6220097243785858 0.5064896866679192,-2.6186934113502502 m0.36578282713890076,-2.0655250549316406 l-0.2997014857828617,-1.8850044906139374 m0.3582143038511276,-1.3442160189151764 l0.6643117219209671,-0.7172220945358276 0.6762408465147018,-1.0250186920166016 l0.7785121351480484,-0.5332531407475471 0.4711499810218811,-2.0834581553936005 m0.2644086256623268,-0.8059851080179214 l0.3187340497970581,-0.7886572927236557 0.11770929209887981,-1.4336585998535156 l-0.252373069524765,-1.183508038520813 0.3496469184756279,-0.701063945889473 l0.4100533574819565,-0.8261259645223618 -0.37169139832258224,-0.07257006131112576 l0.5546005070209503,-0.7200173288583755 -0.7352495938539505,-0.10797456838190556 l-0.7903606444597244,-0.7135920226573944 -0.5571744963526726,0.8298332989215851 l-1.037551611661911,1.059943214058876 -2.4804288148880005,2.190496176481247 l-3.139577805995941,4.75204735994339 -1.1380388587713242,0.969906747341156 l-0.7502513378858566,1.0665947943925858 -1.7944933474063873,3.394516408443451 l-1.5319645404815674,2.360514849424362 -0.26825854554772377,3.011699616909027 l-0.13791575096547604,0.9102939814329147 -0.16302036121487617,2.991630733013153 l2.2237788140773773,2.786968946456909 0.5687221884727478,0.5767950415611267 l0.8476003259420395,0.5452060326933861 1.164325624704361,0.4496648535132408 l2.5956755876541138,0.7814916223287582 1.3058072328567505,0.21365506574511528 l5.550606846809387,1.54942587018013 6.226522922515869,-2.427082359790802 l2.5652986764907837,-1.8648053705692291 1.1292234063148499,-1.1097416281700134 l1.2782369554042816,-2.081935405731201 1.14845409989357,-2.1660032868385315 l0.013422854244709015,0.07206551264971495 -0.21254120394587517,-2.081039994955063 l-0.15932582318782806,-1.3183572888374329 0.33881571143865585,-0.6016248464584351 l-0.056382291950285435,-1.068216785788536 -0.5542529001832008,-2.753373682498932 l0.22154491394758224,-0.0027302763191983104 0.2696770429611206,0.08541147224605083 l0.08037926629185677,-0.9886810183525085 -0.1160210371017456,-2.4203306436538696 l1.2153512984514236,-1.7836621403694153 0.11334671638906002,-0.9831549972295761 l1.3001009821891785,-1.0452574491500854 0.8860471844673157,-2.078843265771866 l2.1237394213676453,-2.3576223850250244 0.6150759756565094,-0.7143187522888184 l0.7917269319295883,-0.6690841913223267 0.3563633933663368,-0.9916013479232788 l0.6124294549226761,-0.9782316535711288 -0.17048843204975128,-1.0923712700605392 l-1.137911006808281,-0.12469124048948288 -0.8261115849018097,0.2616589888930321 l-1.1183587461709976,-0.6775064021348953 -0.5631595477461815,0.6534939259290695 l-2.3060856759548187,1.5680892765522003 -0.552070252597332,0.628076046705246 l-0.9428738802671432,-0.0962141714990139 -1.3298821449279785,1.725776344537735 l0.004268462362233549,0.968383178114891 -0.9532356262207031,0.6283269822597504 l-0.7338248193264008,0.5758560076355934 -0.9335861355066299,0.5502752214670181 l-1.048498973250389,2.51584529876709 -1.212162971496582,0.731109082698822 l-0.06387832574546337,1.3015614449977875 -1.060098260641098,0.663057491183281 l-0.09048889391124249,1.5039829909801483 0.1589910313487053,0.4480302706360817 l-0.8092968910932541,5.582029223442078 0.009020532015711069,3.385683000087738 l0.05750160198658705,0.6696617603302002 0.16919489949941635,0.7076212018728256 l-0.019974750466644764,0.536372996866703 0.5634576827287674,0.23102225735783577 l0.3761224076151848,0.3269435837864876 0.9457136690616608,0.0435849092900753 l2.4622535705566406,-0.2807428129017353 3.198001980781555,-1.882622092962265 l4.059669673442841,-4.372293055057526 0.0822240486741066,-1.0197199881076813 l1.5006151795387268,-2.1359868347644806 5.160822868347168,-8.279317021369934 l1.1077002435922623,-4.598751068115234 0.3850588947534561,-1.091611534357071 l0.022910689003765583,-1.3748468458652496 1.1737862974405289,-2.583059072494507 l0.132566150277853,-1.5884490311145782 0.7239951193332672,-0.24036725983023643 l-0.18758859485387802,-1.7392756044864655 -0.24773914366960526,7.266226410865784 l-0.007021799101494253,-0.5003742873668671 1.335453987121582,0.03208149690181017 l0.24010919034481049,-1.7262516915798187 1.3068632781505585,0.10095326229929924 l-0.07245678920298815,-1.5056394040584564 0.15207108110189438,0.6359651684761047 l-1.4671765267848969,1.3863350450992584 -2.527725398540497,5.301045775413513 l-0.036151178646832705,0.8611337840557098 -1.173456683754921,2.827589511871338 l-0.08345765061676502,0.8286873996257782 -2.1703997254371643,4.111532270908356 l-0.04638424143195152,0.8650834858417511 -1.3920649886131287,2.582646906375885 l0.12749426066875458,1.132545992732048 0.37268903106451035,0.7760626077651978 l0.5616210401058197,1.622464507818222 0.40007200092077255,0.8897464722394943 l3.540623188018799,0.30872033908963203 1.5906590223312378,-0.6247468292713165 l5.085182785987854,-1.8570055067539215 4.185299575328827,-3.399171829223633 l1.7638956010341644,-0.764167532324791 1.5336531400680542,-2.647261917591095 l2.438555955886841,-2.5137069821357727 0.129048153758049,-1.3332779705524445 l1.0539444535970688,-2.044253647327423 0.2701697126030922,-0.6186017021536827 l0.2386215329170227,-1.060461401939392 0.14142893254756927,-0.5710718035697937 l0.21946564316749573,-0.9086368978023529 -1.108998879790306,0.008642901084385812 l0.03393190447241068,-0.776577815413475 -1.5362922847270966,0.03835915122181177 l0.4407627508044243,-0.43143101036548615 -1.6360792517662048,-1.9003190100193024 l-1.461857408285141,0.5902254581451416 -1.1976570636034012,0.02145608188584447 l-2.6208922266960144,1.678774505853653 -1.6219867765903473,1.4554838836193085 l-2.73878812789917,2.9946941137313843 -0.5487564578652382,0.4780929163098335 l-1.2192466855049133,2.2147932648658752 -0.0947276595979929,1.5265512466430664 l-0.46314120292663574,0.8515910804271698 0.016389958327636123,0.8893724530935287 l0.32247643917798996,0.5768876522779465 \" 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.10363134322688\" version=\"1.1\" width=\"233.80072478525108\" 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.10363134322688\" width=\"233.80072478525108\" x=\"0\" y=\"0\"/><path d=\"M45.27391389012337,66.21924958308227 m-4.740469753742218,1.1945557594299316 l-1.713482290506363,0.011463559931144118 -2.748611271381378,1.663568764925003 l-1.3965630531311035,0.17467133700847626 -0.9491825103759766,0.15920307487249374 l-0.8883988857269287,0.025413264520466328 -1.333036720752716,1.1967617273330688 l-1.5770138800144196,0.4560159519314766 -2.3772813379764557,3.3329707384109497 l-2.549874186515808,5.481978058815002 0.33293474465608597,5.029387474060059 l0.6437172740697861,1.95711150765419 2.2479553520679474,2.5279775261878967 l1.547592431306839,0.2750000171363354 0.619366355240345,0.42195215821266174 l1.6926497220993042,-0.49658477306365967 0.8935698866844177,-0.3744448348879814 l1.7531374096870422,-0.9643815457820892 1.7063045501708984,-1.5282222628593445 l0.6487538665533066,-1.2555645406246185 2.5617173314094543,-3.0173394083976746 l1.986188143491745,-2.6373261213302612 0.918685719370842,-1.5392453968524933 l1.0848956555128098,-2.111242562532425 1.2587875127792358,-2.079468220472336 l2.3356248438358307,-5.384871959686279 1.2210937589406967,-1.775733232498169 l1.5249544382095337,-5.192983150482178 0.6601244211196899,-2.899162769317627 l0.7352001219987869,-3.007260262966156 1.7471539974212646,-7.048863172531128 l0.7015814632177353,-1.8838860094547272 2.089543789625168,-6.435812711715698 l3.4791940450668335,-9.125344157218933 0.08918287232518196,-1.2460768967866898 l0.3141362592577934,0.4658672958612442 0.9766606986522675,-2.842603325843811 l1.0816729813814163,-1.1990126967430115 0.28153253719210625,-1.2465888261795044 l0.45334532856941223,-0.30112896114587784 -0.4800591617822647,1.5654335916042328 l-0.31964000314474106,1.699250489473343 -0.34766949713230133,1.9102279841899872 l-0.4143613204360008,1.6373537480831146 -0.5639996007084846,1.7010220885276794 l-0.9088048338890076,3.018593192100525 -0.3055284172296524,2.054295986890793 l-0.1309345569461584,1.4903278648853302 -0.39403103291988373,2.162960469722748 l-2.4044042825698853,5.675897598266602 -1.148669347167015,2.1059906482696533 l-1.199866309762001,2.4754956364631653 -1.7085738480091095,10.11394739151001 l-2.779132127761841,13.858306407928467 0.13366887345910072,0.9565197676420212 l-0.39710067212581635,0.8294392377138138 -0.2985554561018944,2.205188274383545 l0.5922086909413338,1.0195760428905487 -0.5353251472115517,4.150081276893616 l0.9816808253526688,1.2600210309028625 5.422208905220032,1.5786835551261902 l2.0670878887176514,-1.4249895513057709 1.6965161263942719,-0.7548400014638901 l1.6714422404766083,-2.648772895336151 2.2252213954925537,-2.041405141353607 l2.1141856908798218,-2.428625524044037 2.0644374191761017,-2.258516848087311 l1.1777188628911972,-1.9180285930633545 2.8455856442451477,-4.327995479106903 l0.7625782489776611,-1.331881582736969 0.20959502086043358,-0.9601899236440659 l1.9531093537807465,-3.308793306350708 2.0375877618789673,-2.183593064546585 l0.6109947711229324,-2.446061670780182 0.7976432144641876,-0.5951341241598129 l-1.3476042449474335,1.563890278339386 -0.49504075199365616,0.2759033441543579 l-0.7508251070976257,1.190119907259941 -0.8802852779626846,0.9929336607456207 l-2.6357293128967285,2.7714920043945312 -0.6228500232100487,1.9360622763633728 l-2.2551745176315308,4.21830415725708 -0.6627923995256424,1.5558832883834839 l-1.988099217414856,5.253207683563232 -0.21262561902403831,5.0129234790802 l0.6795618683099747,1.8311569094657898 1.7120248079299927,0.6532670557498932 l1.5580345690250397,0.9429017454385757 7.169440984725952,-1.9643165171146393 l1.642298698425293,-1.6041819751262665 1.8282324075698853,-1.3361169397830963 l1.6556191444396973,-1.419946402311325 3.112252652645111,-3.215070962905884 l2.26732537150383,-1.3474328815937042 1.409783512353897,-1.2824337184429169 l1.5014159679412842,-1.344076246023178 1.96152001619339,-2.7718523144721985 l1.4507797360420227,-2.8171056509017944 1.1366190016269684,-2.5467699766159058 l0.7999466359615326,-2.895304262638092 -0.6018397212028503,-1.0034384578466415 l-0.9358511120080948,-0.8339864760637283 -1.3803637027740479,-0.3810054063796997 l-2.064640372991562,0.4819532111287117 -1.9242773950099945,1.638876050710678 l-1.6007180511951447,1.3695946335792542 -2.106923907995224,2.4624712765216827 l-0.7444227486848831,1.9074946641921997 -0.28904033824801445,1.6098837554454803 l-2.105184942483902,2.78372585773468 -0.42258474975824356,1.9088874757289886 l-0.05145938601344824,1.7233021557331085 0.03195005236193538,1.8136242032051086 l-0.20926116034388542,1.9317615032196045 -0.13790655881166458,2.1261563897132874 l0.3093338571488857,1.0442140698432922 1.1479129642248154,2.5887110829353333 l0.6720661371946335,0.5350833013653755 1.388685405254364,0.48907361924648285 l1.8716806173324585,-0.17197636887431145 2.3706619441509247,-0.9160785377025604 l2.071337401866913,-1.037953644990921 -0.19332688301801682,0.4237350821495056 l1.9185072183609009,-1.2447361648082733 4.8653146624565125,-3.427494466304779 l1.7650079727172852,-1.193481907248497 1.5989357233047485,-0.502549298107624 l1.0332181304693222,-0.8579085022211075 3.013802468776703,-1.885823905467987 l1.3309435546398163,-0.895569920539856 1.5564441680908203,-0.18386675044894218 l2.1929405629634857,-1.5238270163536072 3.2541638612747192,-1.286369115114212 l1.7624570429325104,-0.6632526218891144 1.504063457250595,-0.45083653181791306 l1.2765689194202423,-0.28461726382374763 -1.4136360585689545,0.0920641329139471 l-0.8601208031177521,0.22809801623225212 0.8634577691555023,-0.1930946297943592 l-0.007464699447154999,0.1794407144188881 0.7879588007926941,-0.09723911061882973 l-1.4140065014362335,-0.018677494954317808 -1.787804514169693,0.3729206696152687 l-1.6701418161392212,0.08753045462071896 -1.3436543941497803,0.48968810588121414 l-1.8313777446746826,0.5476173385977745 -2.075197547674179,1.2617382407188416 l-3.3188170194625854,2.1125929057598114 -1.036093533039093,1.1177796125411987 l-1.9388221204280853,1.8631474673748016 -0.6319413334131241,1.5417888760566711 l-1.0265414416790009,1.641567349433899 -0.5423536151647568,1.4845433831214905 l-0.2030603401362896,0.9910289198160172 -0.08444455452263355,1.4024217426776886 l0.380401648581028,0.9839150309562683 0.908929780125618,0.8330439776182175 l0.6527461856603622,0.5162451788783073 1.6102923452854156,-0.06132106762379408 l1.5235316753387451,-0.39963092654943466 2.407279461622238,-1.2086167186498642 l1.653788983821869,-0.7963729649782181 1.9602245092391968,-0.7882694900035858 l4.745144844055176,-4.648738205432892 1.6290682554244995,-1.5850619971752167 l3.9517104625701904,-4.267885982990265 0.574243851006031,-1.7622441053390503 l2.303744852542877,-2.7491480112075806 1.6513755917549133,-2.668563425540924 l2.6192620396614075,-3.92372727394104 0.7913722842931747,-1.906152069568634 l1.2135503441095352,-1.9720937311649323 0.6099298968911171,-2.611127197742462 l0.7428112626075745,-2.6026982069015503 0.8552958071231842,-1.5020173788070679 l0.7167896628379822,-1.6421394050121307 1.2654072046279907,-5.210629105567932 l0.8992934972047806,-1.5366703271865845 0.33736255019903183,-1.466551274061203 l0.6758852303028107,-0.4647400602698326 -0.4621025174856186,0.5606698617339134 l-0.7702665030956268,1.4349688589572906 -0.808359831571579,0.880763977766037 l-0.8729450404644012,1.5664266049861908 -0.8778443932533264,1.468699425458908 l-1.3415485620498657,2.9392293095588684 -1.0759783536195755,2.46865376830101 l-0.1608540304005146,1.1973528563976288 -1.1207741498947144,1.7114761471748352 l-0.7340304553508759,1.8222206830978394 -1.2578879296779633,2.5652313232421875 l-1.1663848161697388,2.5006988644599915 -0.9845347702503204,1.6690760850906372 l-0.6347206234931946,1.2937702238559723 -0.2311365120112896,1.575949341058731 l-0.6409913301467896,2.295651435852051 -0.7692546397447586,2.3074719309806824 l-0.2149883471429348,2.2267191112041473 -0.24044590070843697,1.4810152351856232 l0.3456009551882744,1.577090471982956 -0.22316379472613335,1.5101668238639832 l1.2201015651226044,1.7920610308647156 1.9910609722137451,0.940188467502594 l1.7357343435287476,0.7575245201587677 1.5162062644958496,-0.022404124028980732 l2.412630468606949,0.06647392641752958 1.5595479309558868,-0.15870995819568634 l1.3486248254776,-0.31614460051059723 1.1638392508029938,-0.2481304667890072 l1.1003704369068146,-0.5409957468509674 4.503149390220642,-1.9296199083328247 l1.0261094570159912,-1.1192510277032852 2.270648181438446,-0.24612223729491234 l1.2638898193836212,-1.1606685817241669 1.574748307466507,-1.312076598405838 l3.0954959988594055,-2.7067747712135315 1.3334010541439056,-1.506231278181076 l1.1703899502754211,-2.562398612499237 1.145094558596611,-1.1723387241363525 l1.1156035214662552,-2.985279858112335 0.6295894086360931,-1.2077625840902328 l-0.10186842642724514,-1.9131089746952057 0.29928768053650856,-1.9457760453224182 l-2.8320294618606567,0.07455166429281235 -1.4992454648017883,0.16827212646603584 l-1.1318214237689972,0.9160181134939194 -1.598900705575943,0.4961742088198662 l-1.2600159645080566,0.9617045521736145 -1.1501513421535492,1.017652153968811 l-4.284747540950775,2.4633359909057617 -3.4551435708999634,4.4260430335998535 l-1.9740287959575653,2.7176883816719055 -1.2524768710136414,1.3041187822818756 l-0.8070167154073715,2.920118272304535 -0.19308801740407944,2.9115626215934753 l-0.25861918926239014,1.4409737288951874 0.08824661374092102,1.8210582435131073 l-0.07630090694874525,1.3409978151321411 0.6483703106641769,1.4184659719467163 l2.8600651025772095,2.8566399216651917 1.4499875903129578,1.1543821543455124 l1.578689068555832,1.2765486538410187 7.066924571990967,2.610808312892914 l9.023374915122986,-2.1489858627319336 2.8497734665870667,-0.825638622045517 l1.0262010991573334,-1.008327379822731 2.9228129982948303,-2.3438386619091034 l2.1315857768058777,-1.1470267176628113 2.876877784729004,-7.210436463356018 l-0.13699247501790524,-1.7885854840278625 m0.20222652703523636,-1.7989803850650787 l0.42729780077934265,-1.296703964471817 0.35756662487983704,-1.558244526386261 l0.47899171710014343,-0.8218221366405487 0.1829073205590248,-1.275961697101593 l0.7697780430316925,-1.4942272007465363 0.20565390586853027,-0.7772140949964523 l0.28116825968027115,-0.5065938830375671 0.20908206701278687,-1.105443760752678 l0.41223660111427307,-0.7391021400690079 0.06898557767271996,-2.1330296993255615 l0.8332271873950958,-1.1460782587528229 0.7357559353113174,-1.04630745947361 l1.0335411131381989,-0.8580826967954636 0.5761381983757019,-0.9659707546234131 l-0.74869304895401,0.028081522323191166 -1.1211520433425903,-0.22418567910790443 l-1.107053980231285,0.00800099631305784 -2.0781412720680237,0.756140798330307 l-1.0251301527023315,0.2813785709440708 -1.1574885994195938,0.237235389649868 l0.053040143102407455,1.0622963309288025 -1.120486631989479,0.8064809441566467 l-1.1202652007341385,0.7442011684179306 -1.350535899400711,0.7802296429872513 l-1.1114692687988281,1.3733957707881927 -0.1624876633286476,1.3927434384822845 l-1.2257590144872665,1.2763035297393799 -0.800412967801094,1.438736468553543 l-0.14191617257893085,1.9805970788002014 -0.11840799823403358,1.8003377318382263 l-0.44980235397815704,1.0495366901159286 -0.12111788615584373,5.061337351799011 l-0.6202616542577744,1.2174157798290253 0.6856992095708847,2.143908739089966 l-0.11297164484858513,1.2455523014068604 0.3070237673819065,0.6872452050447464 l0.4086795821785927,0.9867944568395615 0.30209772288799286,0.7649095356464386 l0.5391429364681244,0.5278962478041649 0.726892426609993,1.1330890655517578 l0.819442868232727,0.3649802505970001 1.1084756255149841,-0.24966536089777946 l0.8853510022163391,-0.1850072480738163 2.2688110172748566,-1.8305538594722748 l5.17638623714447,-5.514780879020691 0.6012642756104469,-1.2007049471139908 l0.5504343286156654,-1.1436860263347626 0.6494954973459244,-1.5819363296031952 l0.963064655661583,-1.814923882484436 0.9406758844852448,-2.37283393740654 l1.3143065571784973,-2.64023095369339 0.524761863052845,-0.9298567473888397 l0.19799541682004929,-1.5129877626895905 1.412980705499649,-1.9596201181411743 l0.08243562653660774,-1.6298122704029083 0.5957137048244476,0.1053438987582922 l-0.4700983688235283,-1.7976894974708557 0.3998871147632599,-0.8133777976036072 l-0.15438422560691833,-1.3872303068637848 -0.3886249288916588,-2.444942444562912 l0.3321956470608711,-0.6297795474529266 -0.20200621336698532,-1.3716208934783936 l-0.5566060543060303,-1.7514802515506744 -0.9750354290008545,-2.1270088851451874 l-0.2900337241590023,1.1315938830375671 0.02421764424070716,1.1735738813877106 l-0.35450566560029984,-0.5586107820272446 -0.03352290950715542,1.2504763901233673 l-0.02758936258032918,1.4062705636024475 -0.45448120683431625,0.5459368601441383 l-1.5378454327583313,3.5355406999588013 -0.9600541740655899,0.9928865730762482 l-0.3058064170181751,0.6732133030891418 -0.9479478001594543,1.3249267637729645 l-0.10240440256893635,1.7303913831710815 -0.1352237444370985,3.0273646116256714 l0.5349462106823921,0.5846245586872101 -0.14973347075283527,3.180406391620636 l1.229429468512535,3.3100545406341553 1.1398043483495712,0.3442191332578659 l0.842781737446785,-0.4774963855743408 0.44221770018339157,-0.4591986909508705 l1.1781851202249527,-0.3404909744858742 0.6793103367090225,0.6439043581485748 l1.1082206666469574,-0.3421630710363388 4.454318881034851,-2.3023907840251923 l0.7426118850708008,-0.9533324837684631 3.0485692620277405,-1.7660260200500488 l0.40921498090028763,-1.0310878604650497 3.3914777636528015,-4.573096930980682 l0.16169175505638123,-1.2127210944890976 2.0665492117404938,-5.476816296577454 l0.4242667928338051,-1.1184699088335037 0.1199506688863039,-3.2752037048339844 l0.5106262117624283,-0.7654255628585815 -2.544953227043152,-4.15650874376297 l-0.08494959212839603,0.8606192469596863 -2.181827127933502,-2.983117401599884 l0.2690579183399677,-0.11861496604979038 -0.18971454352140427,-1.0103217512369156 l0.0647184532135725,0.47691669315099716 0.09310668334364891,-1.0177621245384216 l-0.41446443647146225,2.092658132314682 -0.6963095813989639,0.45828964561223984 l-0.767626091837883,0.9287641942501068 0.009119581081904471,0.8052252233028412 l0.0030937654082663357,0.28554748743772507 -0.8505336940288544,1.4037425816059113 l-0.6181807070970535,10.104649066925049 1.0849065333604813,2.6437988877296448 l-0.08479641750454903,2.5871899724006653 -0.2968832477927208,0.8207492530345917 l-0.2948949486017227,1.0049387067556381 3.2826057076454163,3.953467011451721 l0.362212136387825,-0.2669992111623287 1.5158548951148987,1.1031240969896317 l2.338307648897171,-0.1833600364625454 0.8047417551279068,-0.4340771585702896 l1.1395824700593948,-0.010803459445014596 1.2448486685752869,-0.6332487612962723 l0.958603173494339,-1.0197315365076065 1.4374874532222748,-0.5874618887901306 l2.4144522845745087,-2.5691452622413635 2.2195228934288025,-3.4105098247528076 l1.7767773568630219,-2.1932806074619293 0.7372051477432251,-2.1931762993335724 l0.8117365092039108,-0.7570111006498337 0.6186018884181976,-2.5930559635162354 l0.35374119877815247,-0.9576601535081863 0.19097806885838509,-0.9255184233188629 l-0.6691037863492966,-0.04743803292512894 -0.391637422144413,0.032260098960250616 l-0.21635804325342178,0.025786885526031256 -0.028345214668661356,-0.01767423702403903 l-0.9957707673311234,0.05374532658606768 -5.8200788497924805,3.8070499897003174 l-0.922992154955864,2.156914323568344 -0.5441774800419807,0.9386543184518814 l-2.5922688841819763,2.4302352964878082 0.003245472034905106,1.2900453805923462 l0.5943740904331207,0.3676008805632591 \" 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=\"114.38282867195085\" version=\"1.1\" width=\"205.37621116323862\" 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=\"114.38282867195085\" width=\"205.37621116323862\" x=\"0\" y=\"0\"/><path d=\"M46.966010462492704,68.22885741712525 m-0.24079546332359314,2.021234929561615 l-9.61122214794159,-1.4348012208938599 -6.5197402238845825,1.1532433331012726 l-1.9883958995342255,1.2895885109901428 -2.604668438434601,3.3639270067214966 l-0.759853720664978,2.7068540453910828 -0.24133456870913506,2.2552087903022766 l0.1456956472247839,2.465508133172989 0.4419352114200592,1.8387678265571594 l1.0396576672792435,3.5950317978858948 5.929798483848572,1.8994081020355225 l3.1926244497299194,-0.7547679543495178 2.1738743782043457,-0.7667617499828339 l2.6799723505973816,-1.8433712422847748 6.140364408493042,-8.292472958564758 l2.960512936115265,-5.425148010253906 1.1832218617200851,-2.5124338269233704 l1.8412680923938751,-4.532906115055084 2.5243476033210754,-7.711364030838013 l4.2552825808525085,-9.569169282913208 1.3744217157363892,-8.826175332069397 l0.8045860379934311,-1.1638300865888596 -0.037067411467432976,-0.933380126953125 l0.4818804934620857,-0.06244531832635403 0.21018555387854576,-0.9239362925291061 l-0.34908901900053024,1.4551085233688354 0.1871381513774395,0.7180487364530563 l-1.3367901742458344,4.076630473136902 -1.2521414458751678,1.3479763269424438 l-1.2902525067329407,3.012744188308716 -0.6605426967144012,0.5585950613021851 l-2.4425995349884033,6.187844276428223 -2.296461910009384,6.301209330558777 l-0.5425331741571426,0.795416533946991 -0.5068029463291168,-0.019224863499403 l-0.37545107305049896,0.5067529156804085 -0.7428594678640366,0.5472661927342415 l-0.5452040955424309,1.9649700820446014 -0.6944994628429413,1.5072694420814514 l-0.3778870776295662,1.111149787902832 -0.531792901456356,3.0400019884109497 l0.04697923082858324,0.899670198559761 0.6827818602323532,3.9931580424308777 l0.7679031789302826,3.446488380432129 1.7409993708133698,0.6459037214517593 l0.6968075782060623,-0.40879763662815094 2.6920539140701294,-0.9656770527362823 l3.515753149986267,-1.8918593227863312 3.6807361245155334,-3.865172863006592 l2.2228802740573883,-2.688952088356018 2.498711049556732,-0.39809171110391617 l2.438739836215973,-2.673172652721405 1.1640846729278564,-2.052673250436783 l2.2338351607322693,-4.094783067703247 0.2630023844540119,-0.617075115442276 l0.5214124917984009,-0.0303809461183846 0.2665027044713497,-0.6646175682544708 l0.36381796002388,-2.5849029421806335 0.7287300378084183,-0.6387541443109512 l-0.44958267360925674,0.45596614480018616 -0.45547861605882645,0.8162305504083633 l-2.0518657565116882,3.377908170223236 0.7074322551488876,-0.022739614360034466 l-0.6291478872299194,0.6644787639379501 -1.531922072172165,3.3254745602607727 l-0.21096833050251007,1.7243584990501404 -0.03923948388546705,0.8650780469179153 l1.458210051059723,2.6147648692131042 1.2510383129119873,0.0790645182132721 l-0.004113450995646417,0.7939956337213516 4.3869200348854065,0.2596420794725418 l2.6021808385849,-0.6588589400053024 5.118004679679871,-2.632881999015808 l1.1089590191841125,-1.4619655907154083 2.367468625307083,-1.0593868792057037 l3.2137781381607056,-2.5181493163108826 2.7867230772972107,-1.8961848318576813 l3.1665968894958496,-2.8196492791175842 1.1172957718372345,-1.2893721461296082 l1.968882977962494,-2.00284406542778 0.24758091196417809,-0.6776147335767746 l0.45117810368537903,-1.489405333995819 0.07424755021929741,-6.501048803329468 l-0.09785897098481655,-3.349751830101013 0.32014161348342896,0.07636915426701307 l-1.4179511368274689,-0.4256577417254448 -4.116466045379639,2.1870222687721252 l-1.8311630189418793,2.014548182487488 -2.0772841572761536,3.4910520911216736 l-4.200831949710846,6.325486898422241 -1.2797489762306213,5.111472010612488 l-0.36934468895196915,0.6884141266345978 -0.5100900679826736,5.512468218803406 l0.06333160679787397,2.7242499589920044 0.7679775357246399,1.5920557081699371 l0.7855159044265747,0.939096137881279 1.59276083111763,0.7674721628427505 l1.5645600855350494,-0.2857262082397938 1.6424313187599182,-0.10107963345944881 l1.926295906305313,-0.9012773633003235 2.752372920513153,-1.1554475873708725 l2.6643601059913635,-1.9853265583515167 2.0191994309425354,-1.1344215273857117 l2.191474735736847,-1.8430307507514954 2.1383553743362427,-2.0466119050979614 l3.586786687374115,-2.1443578600883484 7.7011072635650635,-5.21868109703064 l1.8607406318187714,-0.41653983294963837 2.502688765525818,-1.4399296045303345 l2.4317732453346252,-1.2669280171394348 0.8441576361656189,-0.3362637385725975 l2.779074013233185,-0.1081246230751276 1.5459506213665009,-0.22737551480531693 l1.7387200891971588,-0.1287931576371193 -1.287340372800827,0.2600223571062088 l0.5631378665566444,-0.08941463194787502 -2.3622073233127594,-0.14351273886859417 l-1.2551249563694,0.6016359478235245 -3.5526028275489807,-0.08977030403912067 l-6.633288264274597,2.3991045355796814 -1.148153692483902,0.7528188824653625 l0.07318022195249796,0.22245921194553375 -2.0292533934116364,2.161811739206314 l-0.9641149640083313,1.0758019238710403 -3.1527143716812134,5.610710978507996 l-0.1031462661921978,3.320157825946808 -0.3886520117521286,0.6455489248037338 l0.6280890107154846,0.6488706171512604 2.9450133442878723,2.3871640861034393 l1.3844892382621765,0.26419077068567276 4.128035306930542,-0.17148060724139214 l1.2694522738456726,-0.7889178395271301 2.4391666054725647,-0.8764951676130295 l0.8514014631509781,-0.5209223926067352 6.742238998413086,-5.651006698608398 l0.9525653719902039,-1.6585978865623474 3.361567258834839,-4.56864207983017 l1.367335468530655,-3.256317377090454 0.8464769273996353,-2.3887938261032104 l1.7933061718940735,-4.270221292972565 2.20083087682724,-5.531015396118164 l1.2771810591220856,-4.924352467060089 1.6697274148464203,-4.995148777961731 l0.5846324563026428,-0.34425098448991776 0.5213091894984245,-2.1457616984844208 l0.839550644159317,-0.7998592406511307 0.6574530154466629,-0.8237023651599884 l0.4903774708509445,-1.4806368947029114 0.5272811651229858,0.21728839725255966 l0.02410486340522766,-1.0440345108509064 -0.15765806660056114,0.665392279624939 l0.3680308908224106,-0.6843265146017075 0.06398816127330065,-0.43377477675676346 l-0.37531424313783646,0.0020859875075984746 -0.31899619847536087,0.5100582167506218 l-1.183576062321663,2.7240023016929626 -0.6583523005247116,0.6872928142547607 l-0.8549913763999939,1.0792075097560883 -0.6029590591788292,1.1611156165599823 l-0.6543775647878647,1.770450621843338 -0.2183237485587597,1.0160648822784424 l-1.2504874169826508,2.427660971879959 -1.1770464479923248,4.387889802455902 l-0.652199387550354,1.614016741514206 -0.420551560819149,0.8233676105737686 l-0.6648997962474823,2.0913900434970856 -0.25126073509454727,-0.07628397084772587 l-0.45708272606134415,1.4556127786636353 -0.2969752065837383,1.1858294159173965 l-0.49806181341409683,2.0343762636184692 -0.18291961401700974,1.6083456575870514 l-1.7803159356117249,7.859921455383301 -0.5959959700703621,1.4671555161476135 l-0.12952975928783417,1.5217559039592743 1.6177015006542206,2.076621800661087 l1.7487145960330963,1.5861143171787262 5.711857080459595,0.4961368069052696 l5.67213773727417,-2.0021000504493713 4.694328010082245,-1.8049749732017517 l1.4902329444885254,-0.9003450721502304 1.2160636484622955,-1.172666847705841 l3.0108731985092163,-2.4671871960163116 1.2381239235401154,-0.6807789206504822 l1.3230247795581818,-0.9116952866315842 1.4196985960006714,-0.953972116112709 l1.849929690361023,-1.371050477027893 0.9759531170129776,-1.178513988852501 l1.1155352741479874,-1.602182537317276 3.1286171078681946,-4.2461928725242615 l0.5373241379857063,-1.4812728762626648 0.731164738535881,-2.580844759941101 l-2.138751894235611,0.022882865741848946 -2.657860815525055,0.05523669067770243 l-1.4312390983104706,0.29923632740974426 -1.4395852386951447,0.4164203256368637 l-1.8774959444999695,0.7335527241230011 -1.6181781888008118,0.6545892357826233 l-1.8130354583263397,1.2680618464946747 -0.2622065320611,1.1586526036262512 l-1.1438044905662537,0.6495752930641174 -1.2696340680122375,0.4867051914334297 l-3.103831112384796,4.123285114765167 -0.2915935404598713,1.2447525560855865 l-0.43781790882349014,1.5778729319572449 -0.18617158755660057,6.128630638122559 l0.31377319246530533,1.2442535161972046 0.47299597412347794,0.9698127955198288 l-0.1325720176100731,1.1305364966392517 2.142721563577652,3.6708638072013855 l1.833411306142807,2.709776759147644 1.5168188512325287,0.3693269193172455 l3.9190390706062317,1.3148511946201324 1.374059021472931,0.22036416456103325 l1.5200474858283997,-0.0283091701567173 2.1901006996631622,0.657450333237648 l2.285763919353485,-0.5672876164317131 0.9652408957481384,0.536097064614296 m2.6356208324432373,-1.3159498572349548 m3.090040385723114,-2.364945262670517 l3.221008777618408,-1.7189934849739075 1.6228777170181274,-1.2546667456626892 \" 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=\"121.03933000238612\" version=\"1.1\" width=\"296.0501526531152\" 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=\"121.03933000238612\" width=\"296.0501526531152\" x=\"0\" y=\"0\"/><path d=\"M50.761793833225965,65.61287194024771 m-3.260319232940674,-0.44453632086515427 l-5.8037132024765015,0.025255274958908558 -7.733296751976013,2.305075377225876 l-6.2991273403167725,4.874189496040344 -2.1711328625679016,3.9454320073127747 l-0.2917402982711792,1.9434428215026855 0.02520008012652397,1.0181143879890442 l-0.22766422480344772,1.8990984559059143 0.5165897682309151,3.9164355397224426 l3.571372926235199,4.525404870510101 4.287506937980652,1.174759864807129 l4.271632730960846,-1.5153786540031433 3.7928393483161926,-1.9965654611587524 l3.751932978630066,-3.389470875263214 4.114977717399597,-4.930348098278046 l8.311607837677002,-11.501613855361938 3.863314688205719,-8.618700504302979 l3.7558314204216003,-13.509455919265747 0.9740546345710754,-8.35212767124176 l4.126016795635223,-11.074048280715942 0.2714206837117672,-0.9078343957662582 l-3.377431333065033,6.775978207588196 -4.12013053894043,11.199970245361328 l-6.6117507219314575,18.208606243133545 -0.9369966387748718,3.9847511053085327 l-1.6673165559768677,6.449974179267883 -1.6010384261608124,14.641789197921753 l0.9392399340867996,4.324217736721039 1.1810526251792908,-0.1840246468782425 l2.070595473051071,0.04035848658531904 3.479689061641693,-3.293701410293579 l1.1490018665790558,-1.7222295701503754 5.9529900550842285,-5.502504110336304 l1.3973164558410645,-1.6124311089515686 3.344287872314453,-4.46125715970993 l0.25383079424500465,-1.2788110971450806 0.8304286003112793,-2.222016155719757 l0.5352895706892014,-1.9263209402561188 0.2254103682935238,0.8212460577487946 l-0.17068466171622276,2.017807364463806 -1.3695600628852844,5.053285360336304 l-0.6065727397799492,0.896594449877739 1.338847428560257,5.196752548217773 l1.484614908695221,2.2097598016262054 2.05920547246933,0.3651220351457596 l8.469007015228271,-3.4497040510177612 9.972552061080933,-6.80300772190094 l-0.41748274117708206,-0.2622520551085472 0.7133083790540695,-2.5756773352622986 l-1.2917125225067139,-1.448606699705124 -5.229334831237793,3.042362928390503 l-3.603719472885132,3.2383599877357483 -1.578962355852127,3.153713643550873 l-0.6837164610624313,1.4010758697986603 -0.7238498330116272,4.512631297111511 l0.4286336526274681,3.4042510390281677 2.131677269935608,1.6246308386325836 l3.818689286708832,0.8711658418178558 3.887985050678253,-0.3662310540676117 l4.224196672439575,-1.7506039142608643 7.0714956521987915,-2.9635167121887207 l1.4001168310642242,-1.464504450559616 1.141388863325119,-1.0002604126930237 l5.266908407211304,-3.1300321221351624 6.88185453414917,-1.4973184466362 l8.96095097064972,0.06958449259400368 0.0925387442111969,1.5641015768051147 l0.2637610398232937,0.8918443322181702 0.4748910292983055,-0.6369950622320175 l-0.4761538654565811,-1.0481484979391098 -0.6654567271471024,0.21897144615650177 l-2.1873268485069275,-1.2989850342273712 -8.230313062667847,0.28571559116244316 l-4.9274009466171265,1.4699700474739075 -6.686767935752869,3.2078322768211365 l-2.495064437389374,1.295182704925537 -0.79475998878479,3.6388495564460754 l-0.9619516134262085,4.338458776473999 1.1441585421562195,1.3451778888702393 l2.1966710686683655,1.1610060930252075 4.3528783321380615,0.017370523419231176 l2.7915292978286743,-0.4720412939786911 5.475163459777832,-1.3523568212985992 l1.1594976484775543,-0.9517903625965118 3.120352625846863,-2.119181305170059 l1.2672704458236694,-1.1792618781328201 3.7007659673690796,-3.2798179984092712 l10.090184211730957,-15.019681453704834 1.898040920495987,-10.409659147262573 l3.791936933994293,-6.165789365768433 0.9377594292163849,-1.521386206150055 l2.9744085669517517,-2.809959352016449 3.047337532043457,-4.018180072307587 l1.9738128781318665,-3.1259670853614807 0.9909755736589432,-1.0354804247617722 l0.7516783475875854,-2.4097584187984467 -0.036894758231937885,0.2388566918671131 l-0.8612518012523651,0.49535278230905533 -0.19040804356336594,1.3246887922286987 l-3.3784985542297363,3.111473023891449 -2.225079983472824,3.2557982206344604 l-7.532364130020142,9.115833640098572 -3.7456488609313965,7.430276274681091 l-2.1360835433006287,4.255114197731018 -1.3327895104885101,3.1735119223594666 l-1.2335952371358871,4.000694453716278 -0.290638692677021,3.3771884441375732 l-0.4116152599453926,3.852511942386627 0.9853820502758026,0.9839504957199097 l4.091215133666992,1.2953734397888184 3.1136763095855713,-0.3569265082478523 l3.552964925765991,-1.0198727250099182 5.114756226539612,-1.7448213696479797 l3.718227744102478,-1.8421049416065216 6.615768074989319,-3.556978404521942 l5.083698034286499,-3.861258029937744 1.8207849562168121,-1.3347041606903076 l4.06049907207489,-4.135035872459412 1.3922111690044403,-2.1856041252613068 l-0.13731791637837887,-1.2175631523132324 0.4354667291045189,-1.4798013865947723 l0.25755882263183594,-2.5646838545799255 0.056515089236199856,-3.775070607662201 l-7.53514289855957,-0.9763649851083755 -4.918301701545715,2.0706532895565033 l-3.7533026933670044,4.032393395900726 -5.360671877861023,8.016223311424255 l-1.9091066718101501,5.693336129188538 -0.11069702915847301,2.240896373987198 l3.8605719804763794,4.3882423639297485 4.490220248699188,2.1840783953666687 l1.8446598947048187,0.5675265565514565 5.150895118713379,2.3437485098838806 l2.711481750011444,-0.7247950881719589 4.473620057106018,0.256825964897871 l4.7415465116500854,-0.3844825550913811 2.779328227043152,-1.681697815656662 l1.73140287399292,-1.737375408411026 m1.741984784603119,-2.250518798828125 l0.8048444986343384,-3.140992820262909 m0.6930159777402878,-2.667006254196167 l1.3624592125415802,-0.9365037828683853 0.8542018383741379,-0.29306862503290176 l1.1552882194519043,-0.9573579579591751 1.267765611410141,-0.27245406061410904 l0.04880744032561779,-1.711047887802124 1.2903447449207306,-0.36506351083517075 l0.43852806091308594,-0.1135295070707798 0.7048148661851883,-0.44110771268606186 l1.6862553358078003,-0.9538958966732025 1.2011945247650146,-1.0217463225126266 l0.7399484515190125,-0.14342689886689186 0.12783678248524666,-0.5658498033881187 l0.7302329689264297,-0.3775069862604141 0.4245983809232712,-0.5838271230459213 l-1.3156437873840332,0.026893652975559235 -2.1333295106887817,1.032046377658844 l-1.57840296626091,0.019791563972830772 -2.033958286046982,1.1068861931562424 l-1.6908349096775055,0.22820347920060158 -1.5276218950748444,0.6985382735729218 l-5.748979449272156,2.964995801448822 -1.4520740509033203,1.6973751783370972 l-1.4434809982776642,1.9386641681194305 -1.0276752710342407,3.521968424320221 l-0.7550288736820221,1.6009356081485748 -0.17103007063269615,4.115566611289978 l1.0179423540830612,0.6902695447206497 1.7137821018695831,0.7437076419591904 l2.9136887192726135,1.0358767956495285 1.021743044257164,0.06493412889540195 l0.9844908863306046,-0.2408292144536972 1.6041341423988342,-0.3583439067006111 l5.123482346534729,-1.2699958682060242 0.977100282907486,-1.1695249378681183 l1.2003441900014877,-0.8817556500434875 2.2704029083251953,-1.1750321090221405 l1.126720979809761,-1.2810724973678589 3.0241265892982483,-2.170410603284836 l1.3274875283241272,-1.1360002309083939 1.0477234423160553,-1.485956460237503 l2.1703803539276123,-2.0189914107322693 0.6859998404979706,-2.027001827955246 l0.9910021722316742,-1.4957624673843384 1.2530557811260223,-3.1464552879333496 l1.931258887052536,-4.507171809673309 0.21713484078645706,-1.9122947752475739 l1.5062996745109558,-3.4028923511505127 0.002961736172437668,-2.072802186012268 l0.409587137401104,-1.5026432275772095 1.9611187279224396,-7.922918200492859 l0.18767733126878738,-1.6790331900119781 0.4633566364645958,-1.3772350549697876 l0.3494752570986748,-1.9776955246925354 0.7175568491220474,-1.086578518152237 l-0.396018885076046,0.7161743193864822 -0.23594316095113754,1.1471539735794067 l-1.1224112659692764,0.5761753395199776 -0.4696999117732048,1.4656125009059906 l-2.1994997560977936,2.7426543831825256 -0.5438221246004105,1.9187067449092865 l0.009033996029756963,2.0225295424461365 -0.6287739425897598,1.74973726272583 l-1.101863831281662,2.369614839553833 -0.36315858364105225,1.689392328262329 l-0.7273112237453461,1.9036087393760681 -0.9913164377212524,2.0788156986236572 l-1.0794930160045624,2.13873952627182 -0.48305362462997437,1.40371635556221 l-1.020134761929512,3.5041189193725586 -0.483655110001564,4.232088327407837 l-0.1797904632985592,8.125838041305542 0.46195562928915024,1.0468725860118866 l-0.0040709468885324895,1.3941274583339691 0.6387624144554138,1.3680525124073029 l0.722099095582962,1.1323964595794678 0.8956190198659897,1.170528456568718 l0.8109412342309952,0.8812395483255386 0.5131210386753082,0.04415879491716623 l0.5645967274904251,0.9724362939596176 0.831713080406189,-0.07387264166027308 l0.914347916841507,-0.11671774089336395 1.0089736431837082,0.9165992587804794 l0.7911480218172073,-0.38263294845819473 3.022851049900055,-0.0972767174243927 l0.6814052909612656,-0.837482213973999 6.4930760860443115,-4.040402472019196 l5.024691820144653,-4.927794933319092 0.9797279536724091,-1.6996175050735474 l2.944720685482025,-3.7205323576927185 0.20923195406794548,-1.1628478020429611 l0.9126883745193481,-1.3611958920955658 0.6027204915881157,-1.826447993516922 l0.46165820211172104,-0.957544818520546 -0.9692051261663437,-1.3801637291908264 l0.2504020556807518,-0.5616358667612076 -0.627429187297821,-1.1367500573396683 l-0.41216783225536346,0.02027020789682865 -0.6556166708469391,-0.38925208151340485 l-3.0670559406280518,1.7554530501365662 -3.49031925201416,2.8700122237205505 l-0.7857538759708405,0.9328778088092804 -1.3445678353309631,0.9408964961767197 l-3.8383275270462036,5.693763494491577 -0.46270594000816345,2.3929524421691895 l-0.3556792065501213,0.8526524156332016 -0.28693459928035736,5.483872294425964 l0.16527896746993065,1.0142479091882706 -0.2294112741947174,1.118696853518486 l0.3727147728204727,1.542430967092514 -0.017452756874263287,1.4204984903335571 l0.5695353448390961,0.9746860712766647 2.9380038380622864,2.531183958053589 l1.5472118556499481,0.41054729372262955 5.789906978607178,0.8479426801204681 l1.1509459465742111,-0.45900776982307434 1.271735280752182,-0.4436708986759186 l0.2650959976017475,-0.5347321927547455 1.1000129580497742,-0.9560319036245346 l0.33259645104408264,-0.923708975315094 1.5050861239433289,-0.5632995814085007 l-0.2463466115295887,-1.329716444015503 m0.5133527144789696,-1.6983337700366974 l0.15259470790624619,-0.8082323521375656 0.44666141271591187,-0.5932723730802536 l1.7151150107383728,-0.4207010567188263 0.47220926731824875,-0.46066921204328537 l0.6720561534166336,-1.6409265995025635 0.6561393290758133,0.3160783275961876 l0.0634540244936943,-1.5633684396743774 0.634685754776001,0.3473629802465439 l-0.12700124643743038,-1.3431806862354279 0.40631435811519623,0.12732096947729588 l0.6759683042764664,-0.6414409726858139 0.595814548432827,-0.17784994095563889 l0.9951280057430267,-0.8529599756002426 1.1992133408784866,-0.06427209824323654 l1.3822990655899048,-0.08143502287566662 1.152656376361847,-0.12172465212643147 l0.3085136413574219,-0.6942510604858398 2.0330797135829926,-0.6715988367795944 l0.24517599493265152,-0.783134326338768 -3.9762085676193237,-0.060980343259871006 l-0.6166372820734978,-0.01027400023303926 1.5915371477603912,0.010273606749251485 l0.39081718772649765,-0.8268611133098602 -1.7587660253047943,0.0054333958541974425 l-0.5971004441380501,0.1022827997803688 0.0006423852028092369,0.7345356047153473 l1.5510906279087067,-0.00849963107611984 0.5400529503822327,-1.3228270411491394 l0.6214833632111549,-0.5902108177542686 1.0488119721412659,-1.1549340933561325 l0.6600210815668106,-1.3085632026195526 -3.1594541668891907,-0.11510336771607399 l-0.8053629845380783,0.05511139053851366 -0.9597382694482803,0.14252794906497002 l-0.4381325840950012,0.007020465563982725 0.08094662800431252,0.6612584739923477 l-5.318011045455933,2.584852874279022 0.0143839989323169,1.5880487859249115 l-0.9409429877996445,0.3625112399458885 -0.6110549345612526,0.7521837949752808 l-0.6593164801597595,0.892445370554924 0.0033461579005233943,1.658603549003601 l0.5793154239654541,-0.05802077706903219 0.7482495158910751,-0.018325962591916323 l-1.616113930940628,3.7224936485290527 -0.4449843615293503,2.6049068570137024 l-0.053544589318335056,-1.5814091265201569 0.04293224774301052,1.508791446685791 l0.4579731449484825,0.7024073600769043 0.15517456457018852,0.6988571584224701 l1.1005961894989014,2.582871913909912 0.50080306828022,0.0649670697748661 l0.48173028975725174,0.5504027009010315 1.9250673055648804,1.0165970772504807 l0.6585133820772171,-0.2825809270143509 2.6349878311157227,-0.5246422439813614 l1.0133607685565948,-0.36982133984565735 1.3291247189044952,-0.3367464989423752 l2.7409419417381287,-2.3338308930397034 0.7364260405302048,-0.4935027286410332 l0.7779925316572189,-0.5651950836181641 1.1357752978801727,0.11360230855643749 l5.435660481452942,-7.4671584367752075 0.0647610379382968,-0.7691638916730881 l0.3744828328490257,-0.6387060880661011 -0.01818325719796121,-1.3057602941989899 l0.3925921395421028,-0.3959985449910164 0.618034303188324,-1.69928178191185 l0.7853585481643677,-1.1118961870670319 0.4368303716182709,-2.356931120157242 l0.8468224853277206,-2.3018527030944824 -0.06176325958222151,-1.252588927745819 l0.15176823362708092,-4.170062839984894 -1.2948563694953918,-5.533791780471802 l-0.5642358586192131,-5.43912947177887 -0.16593296080827713,2.337407171726227 l-1.3821852207183838,-2.5628963112831116 0.9595265239477158,0.35502374172210693 l-0.42778581380844116,-2.6067405939102173 0.19812827929854393,2.2458431124687195 l0.30066272243857384,0.3284788504242897 0.3978903964161873,2.5438696146011353 l-0.4532480612397194,1.079256609082222 0.5493946000933647,1.6132064163684845 l-0.6048813462257385,1.3143044710159302 0.6714511662721634,1.5316198766231537 l-0.3862112760543823,0.8535407483577728 -0.017073905328288674,1.3330742716789246 l0.19197000190615654,1.8500563502311707 0.0740827014669776,1.985931545495987 l-0.12392837554216385,1.3741201162338257 -0.12638411484658718,1.0549715906381607 l-0.20229769870638847,0.636245608329773 0.32425060868263245,0.1673758588731289 l-0.39674434810876846,2.3040612041950226 -0.43623995035886765,1.063554286956787 l-0.12038839049637318,2.719404697418213 -0.4279438406229019,1.4371185004711151 l0.02625425811856985,0.8647508919239044 0.9560826420783997,3.693816065788269 l0.5372822657227516,0.05483438726514578 0.2426210604608059,1.4717896282672882 l7.082494497299194,-0.7221722602844238 4.5011478662490845,-2.8368106484413147 l0.56669682264328,-0.9979216754436493 0.922822579741478,-0.9038756042718887 l0.8069620281457901,-0.4994899779558182 1.1215651035308838,-2.180960327386856 l1.0234356671571732,-0.5351482331752777 0.4174172505736351,-1.2177745997905731 l0.764952152967453,-0.03378552384674549 0.7857589423656464,-2.2352343797683716 l0.6984532624483109,-0.9598710387945175 0.37610437721014023,-0.9272684156894684 l0.5142932385206223,-0.08235381916165352 0.5058718472719193,-1.0040213912725449 l-0.6173413246870041,-0.07545173168182373 0.15945963561534882,0.11311105452477932 l0.04616825841367245,-1.0317715257406235 0.41933663189411163,-1.1217905580997467 l0.05719191860407591,-1.662384420633316 -0.038609644398093224,0.028014257550239563 l-1.3558012247085571,0.057924799621105194 0.02419961616396904,-0.05878063850104809 l-1.0433445125818253,-0.004629359464161098 -2.104617655277252,1.0720963776111603 l-0.6532225757837296,0.31884267926216125 -2.2458966076374054,2.1827571094036102 l-0.8822845667600632,0.8716520667076111 \" 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=\"113.59428947471315\" version=\"1.1\" width=\"257.09719077145564\" 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=\"113.59428947471315\" width=\"257.09719077145564\" x=\"0\" y=\"0\"/><path d=\"M50.22582964040339,67.26697716978379 m-2.8190603852272034,0.20494040101766586 l-3.0903586745262146,0.051187160424888134 -2.1921291947364807,0.4235443100333214 l-1.4973339438438416,0.24982227012515068 -1.5340150892734528,0.29171690344810486 l-1.5864463150501251,0.6850858777761459 -4.270156025886536,0.5972694605588913 l-1.695045828819275,1.3117487728595734 -0.04992634989321232,0.5826720222830772 l-2.625877559185028,2.584628462791443 -1.1543935537338257,2.4743182957172394 l-0.6992274522781372,0.9998290240764618 -2.011859267950058,3.03982675075531 l1.2135818600654602,3.1320729851722717 3.0846384167671204,3.156656324863434 l2.0597343146800995,-0.028867151122540236 4.895769655704498,0.19191114231944084 l1.5068501234054565,-0.9340564906597137 4.824990630149841,-2.2690510749816895 l2.7528703212738037,-2.6035889983177185 1.5867683291435242,-3.023183047771454 l1.8997099995613098,-3.8999098539352417 0.7204840332269669,-1.3774050772190094 l1.6802208125591278,-2.539694905281067 1.76690012216568,-2.9226338863372803 l1.1156811565160751,-4.14448469877243 0.7838912308216095,-1.8004177510738373 l0.8017919212579727,-3.01268994808197 0.8606197685003281,-2.6026302576065063 l0.35286713391542435,-2.247513234615326 0.4785269498825073,-2.2127385437488556 l1.6734936833381653,-4.0910133719444275 -0.27105024084448814,-2.193615436553955 l0.9128241986036301,-2.259492427110672 0.6055140122771263,-1.3896998763084412 l0.17088571563363075,-1.5292848646640778 0.2898510545492172,0.463067889213562 l0.4439522325992584,-1.580638736486435 0.10955479927361012,-0.902043804526329 l0.542745478451252,-2.0214836299419403 -0.5250638723373413,0.8363237231969833 l-0.10614157654345036,0.7519903779029846 -0.2228081226348877,0.44919054955244064 l-0.1881396397948265,0.9603556990623474 -0.37612151354551315,1.1415349692106247 l-0.6152408942580223,1.776132732629776 -0.35055309534072876,1.3276737928390503 l-0.5617294460535049,2.5958359241485596 -0.8855339884757996,1.998492032289505 l-1.2234047800302505,1.226937621831894 -0.7915807515382767,1.88859224319458 l-2.028205245733261,4.094708859920502 -0.3685927018523216,0.13051765970885754 l-0.6003621220588684,1.4002342522144318 -0.9180086106061935,3.013758361339569 l-0.4163803532719612,-0.1735745370388031 -1.542803794145584,6.147975921630859 l-0.7382050156593323,1.5713989734649658 -0.4356829449534416,1.3487933576107025 l-0.39984501898288727,7.425137758255005 0.48333875834941864,1.461656540632248 l0.700569823384285,1.174129769206047 1.100214421749115,0.5408331006765366 l2.2449976205825806,1.4794665575027466 1.352432370185852,-0.628553107380867 l1.605505794286728,-0.6323544681072235 1.5300072729587555,-1.001439318060875 l1.9856435060501099,-1.0622424632310867 1.8982338905334473,-1.2846992909908295 l1.46095409989357,-1.092066839337349 2.400709092617035,-2.4353913962841034 l3.0408188700675964,-2.1450698375701904 0.8764436841011047,-1.1936184763908386 l2.1304264664649963,-2.6206883788108826 1.237255334854126,-1.5842051804065704 l0.7688234746456146,-1.0580861568450928 0.7021050155162811,-0.9427527338266373 l0.8661515265703201,-1.435871571302414 1.162605807185173,-0.20479734987020493 l0.12115230783820152,-1.5742528438568115 -0.1640644669532776,0.8900514245033264 l-0.5601119622588158,0.8010178804397583 -1.5120427310466766,1.7807160317897797 l-0.9279371798038483,1.9047801196575165 -0.9503338485956192,1.4321769773960114 l-1.274770051240921,2.1660737693309784 -0.5360512807965279,1.3430002331733704 l-0.09626699611544609,5.1292067766189575 0.6298322975635529,0.9831830859184265 l0.7843130826950073,0.8793004602193832 1.0888616740703583,-0.41752513498067856 l1.9400866329669952,-0.1552619319409132 2.7045875787734985,-0.8914708346128464 l5.585097670555115,-1.1531208455562592 2.2125713527202606,-1.0105349123477936 l1.860537976026535,-0.19313907250761986 1.6925233602523804,-0.7298197597265244 l2.1489478647708893,-0.9670905768871307 1.5751783549785614,-1.4535893499851227 l1.5835347771644592,-1.1788982152938843 0.8660516887903214,-1.1948509514331818 l0.7682361453771591,-2.015415132045746 0.17451761290431023,-1.5535077452659607 l-0.6338906288146973,-2.063841372728348 -0.9137766063213348,-1.1722487956285477 l-0.7433419674634933,0.00955401104874909 -2.424338608980179,-0.017847279086709023 l-1.8811985850334167,0.5953644961118698 -3.580138683319092,2.7894610166549683 l-2.572876214981079,1.493956595659256 -1.2479587644338608,1.1125685274600983 l-1.086137667298317,1.3635657727718353 -1.3065508008003235,2.2163715958595276 l-0.3632443770766258,1.407584547996521 -1.1978638172149658,1.5942589938640594 l-0.08203941397368908,1.3686467707157135 -0.23928020149469376,1.1448071151971817 l1.1448323726654053,2.5395214557647705 1.4276798069477081,0.49064137041568756 l0.3587523102760315,0.7991475611925125 0.19997719675302505,2.0116421580314636 l1.524626612663269,0.3262550011277199 3.7010058760643005,0.6760145723819733 l1.6837149858474731,-1.1051655560731888 2.165086716413498,-0.9154265373945236 l4.008965492248535,-4.048335552215576 1.1253002285957336,-0.8699670433998108 l7.888078689575195,-5.197726488113403 3.255968987941742,-2.5385352969169617 l1.5364563465118408,-0.40469925850629807 0.7818763703107834,-0.45106302946805954 l0.8130460232496262,-0.3744801878929138 1.7779770493507385,-1.0796194523572922 l4.753248989582062,-1.2683461606502533 1.4267316460609436,-0.34033048897981644 l3.4169790148735046,0.9550601243972778 1.221640408039093,-0.41883043944835663 l1.6323983669281006,-0.3070935420691967 1.7132312059402466,-0.2229301631450653 l1.8245679140090942,-5.6593334674835205 -3.4838348627090454,-0.0570474611595273 l-2.376541644334793,-0.04675793927162886 -1.84857577085495,0.3309923782944679 l-1.8874795734882355,0.3497447073459625 -3.523808717727661,1.525283306837082 l-3.917049765586853,3.3512669801712036 -2.0271533727645874,2.667648196220398 l-3.582232892513275,4.111310541629791 -0.6803913414478302,1.3132816553115845 l-0.5788078159093857,2.6235532760620117 -1.1208174377679825,2.00971782207489 l-0.3194477781653404,2.14499294757843 0.40142666548490524,1.6836987435817719 l0.8798037469387054,1.2770850956439972 2.110346406698227,1.1826308071613312 l2.3550525307655334,-0.36375459283590317 1.980845332145691,-0.6881942600011826 l5.196892619132996,-3.6386245489120483 1.495811641216278,-1.873115599155426 l0.9077590703964233,-2.076176255941391 4.054010510444641,-1.287272423505783 l1.9124342501163483,-3.4028035402297974 4.503721594810486,-7.900753021240234 l1.7674437165260315,-3.6241254210472107 1.5584570169448853,-2.228338271379471 l1.9622574746608734,-4.833708107471466 2.5729793310165405,-4.454586505889893 l0.9653334319591522,-3.5044214129447937 -0.24546390399336815,0.31017089262604713 l0.6133590638637543,-2.9273992776870728 0.6738962978124619,-1.597350686788559 l0.6604069471359253,-4.869949221611023 0.9309268742799759,-3.3754822611808777 l1.0235545784235,-3.1063970923423767 0.35795513540506363,-2.3891739547252655 l-0.1945267803966999,0.1652808114886284 0.007423973875120282,-0.4282551631331444 l0.0034292732016183436,0.7848262041807175 -0.627283975481987,0.9595903754234314 l-0.6987950205802917,2.1571992337703705 -0.7799161970615387,1.8859399855136871 l-1.7110027372837067,3.5679563879966736 -1.0503756999969482,1.5771527588367462 l-2.031570076942444,3.563278317451477 -0.3632096201181412,2.0619036257267 l-1.6758334636688232,3.110734224319458 -1.8701395392417908,4.03488963842392 l-3.278786838054657,6.859380602836609 -0.8514012396335602,6.9360291957855225 l-0.6282655894756317,1.5936639904975891 -0.31923938542604446,1.9289562106132507 l0.37420429289340973,2.169393002986908 -0.8370264619588852,3.2374271750450134 l0.1707153208553791,1.280808001756668 0.8569205552339554,1.4546962082386017 l0.31205300241708755,1.3671986758708954 -0.14598184265196323,0.9104550629854202 l0.6675433367490768,1.1398665606975555 1.3002058863639832,0.6825301051139832 l2.3267778754234314,0.8034031093120575 1.3265329599380493,0.10423840954899788 l1.9278761744499207,0.02370406175032258 1.905030608177185,-0.03689917968586087 l2.1388980746269226,-0.6315764039754868 6.32576048374176,-2.400403916835785 l2.515568435192108,-1.1133097112178802 2.1687638759613037,-1.6842423379421234 l2.6558253169059753,-0.7177910953760147 1.4205053448677063,-1.6503559052944183 l3.969360888004303,-3.467656672000885 1.8075238168239594,-1.726686954498291 l1.7712104320526123,-2.7574363350868225 1.523049920797348,-1.5599091351032257 l1.4811818301677704,-1.8360260128974915 0.5401070788502693,-2.0568527281284332 l-2.9885125160217285,-0.05912652239203453 0.7297544926404953,-1.2630482017993927 l-1.8774425983428955,-0.8035150170326233 -1.6378708183765411,-0.24430328980088234 l-2.488926649093628,-0.0031239292002283037 -4.961502254009247,3.0935052037239075 l-2.0416508615016937,1.656322032213211 -3.0857089161872864,3.298563063144684 l-1.2229561805725098,1.5020088851451874 -1.324583739042282,0.6737495213747025 l-2.7269497513771057,3.96846741437912 0.14302984811365604,2.1100036799907684 l0.1323010679334402,2.138465493917465 0.13074012473225594,1.6967172920703888 l0.8455752581357956,5.440712571144104 5.574105381965637,4.496099948883057 l4.1886332631111145,1.8957878649234772 1.9602416455745697,0.9183301031589508 l3.521673083305359,0.5225986242294312 3.0095741152763367,-0.41588157415390015 l2.229679822921753,-0.8777081966400146 1.7413288354873657,-2.0585739612579346 l2.7957338094711304,-0.773695781826973 0.14507094398140907,-1.5414956212043762 l1.0099227726459503,-3.4366199374198914 m0.18360519781708717,-1.8759927153587341 l0.20966967567801476,-1.1319749057292938 1.1681459099054337,-2.564460039138794 l1.0575825721025467,-0.8424301445484161 1.5714216232299805,-3.2051467895507812 l0.8407948911190033,-0.5619429796934128 0.39922814816236496,-1.3367368280887604 l0.9199948608875275,-2.2558799386024475 0.3846079483628273,-1.759812980890274 l0.5842494964599609,-2.2578291594982147 0.7794728130102158,-2.1805505454540253 l0.4556889832019806,-0.4083291068673134 0.12658756226301193,-0.75779989361763 l0.6842567771673203,-0.4593474417924881 0.13347108848392963,-0.6112077832221985 l0.5098985880613327,-0.5083208158612251 -0.7779674977064133,0.08106467314064503 l0.5646366253495216,-0.4175981879234314 -0.2603539824485779,0.05126311909407377 l-1.7996113002300262,1.0870064795017242 -1.4447133243083954,1.1470970511436462 l-1.1533556878566742,0.43383926153182983 -1.9723403453826904,2.0649123191833496 l-1.859431117773056,2.5984615087509155 -0.8293091505765915,0.9239047765731812 l-2.180180549621582,2.9671457409858704 -1.1598235368728638,1.1298952251672745 l-1.534547209739685,2.8726646304130554 -2.0258472859859467,2.880656123161316 l-0.4655006527900696,2.3890775442123413 -0.10978622362017632,2.236424833536148 l-0.08024030365049839,2.243221700191498 0.5698961392045021,1.010470986366272 l1.1543691903352737,1.529780626296997 0.6337621062994003,0.8731329441070557 l1.692991852760315,1.4285996556282043 4.210859835147858,0.678589940071106 l0.874669998884201,-0.153932087123394 4.949973225593567,-1.0540524125099182 l1.6437476873397827,-0.8040712028741837 2.2195012867450714,-2.9081910848617554 l1.566801518201828,-1.0063332319259644 0.4656694456934929,-1.8312329053878784 l4.574350714683533,-8.05842936038971 0.8991120010614395,-1.9523203372955322 l0.7727688550949097,-1.5445783734321594 0.9006398916244507,-4.268506765365601 l1.1211930215358734,-4.415541589260101 0.38820981979370117,-3.6993786692619324 l0.5293619632720947,-1.53300940990448 0.10728316381573677,-2.087657004594803 l0.7234376668930054,-1.6595014929771423 0.2593136765062809,-2.0882925391197205 l0.504743717610836,-1.9776985049247742 1.1636441946029663,-7.127402424812317 l0.6771108508110046,-1.4966151118278503 0.6000486016273499,-2.145003080368042 l1.132466122508049,-3.4365183115005493 0.21722102537751198,-4.0862444043159485 l-0.35885732620954514,0.9949740767478943 -0.23017585277557373,-3.4768900275230408 l-1.10835462808609,2.3131780326366425 -0.9281438589096069,1.0519856214523315 l-3.647346794605255,17.738993167877197 -1.1859875172376633,1.2690035998821259 l-1.8366749584674835,9.62239921092987 0.1444523222744465,2.1170657873153687 l-0.4526437073945999,5.270717740058899 -0.9140653908252716,2.7539673447608948 l-0.28182270005345345,2.450009733438492 0.7658444344997406,7.66216516494751 l0.5749974027276039,0.8810337632894516 0.4716106131672859,2.34767347574234 l0.5816606432199478,1.0865139961242676 0.5649144202470779,0.3370200842618942 l3.0051645636558533,0.06376149598509073 0.7238964736461639,-0.6946978718042374 l1.7911402881145477,-0.02161205280572176 1.3417360186576843,-0.4551950469613075 l1.0451485961675644,-0.8234506100416183 1.6636280715465546,-0.35416051745414734 l1.6102956235408783,-1.4357025921344757 0.6600701808929443,-1.1466366052627563 l2.6740223169326782,-1.91030353307724 1.1109889298677444,-1.634172797203064 l1.4709138870239258,-1.4578171074390411 2.3731938004493713,-2.965731918811798 l2.120707333087921,-3.356093466281891 2.0423048734664917,-3.3051249384880066 l0.9467397630214691,-1.659148633480072 0.23003779351711273,-3.6194172501564026 l0.09093877859413624,-1.2344653904438019 0.18356522545218468,-1.277758926153183 l-0.6667333841323853,-0.2735787071287632 -2.606225609779358,1.1220229417085648 l-0.71646548807621,0.9401694685220718 -2.214854657649994,1.4150282740592957 l-1.3127949833869934,2.9900893568992615 -3.456129729747772,3.1675365567207336 l-0.17425555735826492,1.2705622613430023 -2.8185534477233887,4.688747823238373 l-0.28273778036236763,1.613234430551529 -0.0862008985131979,1.175958514213562 l-0.472252294421196,1.3004228472709656 0.07515017408877611,3.2647716999053955 l1.4491549134254456,1.5474192798137665 2.1655839681625366,1.9012244045734406 l1.2237107753753662,0.8175970613956451 1.5959762036800385,0.452924445271492 l2.259851396083832,0.5518693849444389 2.4772846698760986,-0.294753834605217 l2.218511402606964,-0.18049145117402077 3.8588854670524597,-2.805347442626953 l1.3541524112224579,-3.378344178199768 1.3800309598445892,-1.0370099544525146 l0.6039038673043251,-1.9997172057628632 0.07944821380078793,-1.6802573204040527 m0.653146281838417,-0.03966823685914278 l0.40981415659189224,-2.02756330370903 m2.736320197582245,-3.5286694765090942 l0.17948715016245842,-1.1618919670581818 1.3827630877494812,-1.9814206659793854 l0.14411999844014645,-3.5166069865226746 0.2598358690738678,-1.1618263274431229 l-0.7576160132884979,-0.8234395831823349 -0.0023632134252693504,-0.8263345807790756 l-0.3527051582932472,0.6999820470809937 -0.32059479504823685,0.6062059849500656 l-0.2874499000608921,1.432444006204605 -0.1504560187458992,2.7557286620140076 l-0.1711185835301876,1.336476057767868 -0.011817780323326588,1.30087211728096 l-0.9889425337314606,0.31441226601600647 -1.4824728667736053,1.4799383282661438 l-0.3846978396177292,1.07814721763134 -1.7454813420772552,3.318643569946289 l-0.04426080733537674,0.8770257979631424 -0.7627828419208527,5.27765154838562 l1.331237107515335,2.5478440523147583 1.1392434686422348,0.2803577668964863 l2.5817716121673584,0.14741634018719196 3.426659107208252,-2.1244128048419952 l2.085391879081726,-1.0715292394161224 0.4762306436896324,-1.3076907396316528 l1.9906280934810638,-2.63607919216156 1.5987136960029602,-3.586931824684143 l1.7076148092746735,-4.509939253330231 -0.02632418181747198,-2.0248544216156006 l0.29212119057774544,-0.8903054147958755 -0.1697261817753315,-0.691288635134697 l0.07683312054723501,-0.5138693004846573 0.1643739640712738,-0.26191145181655884 \" 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=\"117.58043814450502\" version=\"1.1\" width=\"187.5981650321046\" 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=\"117.58043814450502\" width=\"187.5981650321046\" x=\"0\" y=\"0\"/><path d=\"M32.356986459344625,77.82029590394814 m-4.157738387584686,1.3028812408447266 l0.26259681209921837,0.7082995772361755 -2.899424731731415,1.1158037930727005 l-0.5624201521277428,1.3519257307052612 0.16890978440642357,1.181575432419777 l0.4688875749707222,1.4601977169513702 0.09279771707952023,1.0996843874454498 l-0.286451056599617,3.309909701347351 2.260756939649582,1.3223588466644287 l0.036363741382956505,0.9586068242788315 0.34173350781202316,0.3464169055223465 l1.9261424243450165,-0.7093987613916397 0.752570703625679,-0.4832029342651367 l2.017783969640732,-3.746667206287384 1.6377848386764526,-2.4792389571666718 l2.4489112198352814,-9.46045696735382 1.015373170375824,-3.363613784313202 l0.11430056765675545,-2.274905741214752 0.7208052277565002,-2.4234437942504883 l-0.11030388064682484,-13.404691219329834 -0.7774191349744797,-2.780817747116089 l-0.11724128387868404,11.234606504440308 -0.9067153930664062,4.715952575206757 l-0.4621740058064461,0.7349991053342819 0.5006583780050278,9.282164573669434 l0.3628489375114441,3.0137044191360474 0.20939523354172707,0.14135361649096012 l-0.4667162522673607,1.9068406522274017 -0.1416525337845087,1.2885206937789917 l2.7792224287986755,5.242869853973389 3.3278697729110718,-0.4865311458706856 l2.451704740524292,-0.8463325351476669 4.4541725516319275,-4.152904748916626 l0.7452178001403809,-1.1736436933279037 1.0130777209997177,-0.556790716946125 l0.39544638246297836,-0.9484916925430298 1.57261922955513,-1.5128536522388458 l1.2471767514944077,-3.227125108242035 0.02567308722063899,-1.6434453427791595 l0.5079096928238869,-1.2623301148414612 0.04831538535654545,-1.2350284308195114 l0.4485033452510834,0.007892592693679035 -0.3435300663113594,-0.21910756826400757 l0.24781165644526482,0.5922253429889679 -0.01422601635567844,2.907359302043915 l0.40773145854473114,-1.0707516968250275 -0.20232532173395157,1.5461073815822601 l-1.0135827958583832,0.5158530920743942 -0.10042374022305012,0.6593383848667145 l-0.9960103780031204,3.557429611682892 -0.9455551952123642,0.782395526766777 l-0.7749303430318832,0.5962710827589035 0.45819733291864395,0.6953073292970657 l-0.41532088071107864,4.268917143344879 0.7937118411064148,0.6611229479312897 l1.1154641956090927,0.13029497116804123 0.6719505786895752,-0.7157889008522034 l0.7103598862886429,-0.6724229454994202 1.2204564362764359,-0.692870244383812 l1.1964791268110275,-1.226113885641098 3.5970884561538696,-2.695140242576599 l0.5150607973337173,-0.5866163596510887 0.4822966456413269,-0.6620526313781738 l-0.008107806206680834,0.2593565732240677 1.507590413093567,-1.3913686573505402 l0.2988639660179615,-0.6808465719223022 0.7338684797286987,-1.1490818113088608 l0.2910842187702656,-0.879548117518425 0.136320348829031,-0.7237951457500458 l0.8426102250814438,-0.02616583602502942 0.11927369982004166,-1.6111648082733154 l0.7777212560176849,-0.5729096755385399 -0.3007683716714382,-1.1500410735607147 l0.035360853653401136,-2.1228770911693573 -0.5218925699591637,0.26600586250424385 l-3.070540130138397,5.91787576675415 -0.45605212450027466,2.2637900710105896 l0.587385855615139,7.677974700927734 0.5674715712666512,-0.2764422632753849 l0.329325869679451,1.1125360429286957 1.4023661613464355,0.7731179893016815 l1.7480778694152832,-0.2243242785334587 1.0096682608127594,0.17023850232362747 l1.0242567211389542,0.19624505192041397 1.2370818853378296,-0.38869354873895645 l1.3076475262641907,-0.23899294435977936 0.48756860196590424,-0.02312050899490714 l1.210811659693718,-0.6240924447774887 3.1089407205581665,-2.496676445007324 l0.34866727888584137,-0.011834108736366034 0.8344689756631851,-0.3728490322828293 l1.1292842775583267,-0.22809604182839394 0.6966813653707504,-1.410669982433319 l1.089150458574295,-0.5957784131169319 2.490469515323639,-3.8227325677871704 l0.12342114932835102,-0.4632357880473137 0.5569000914692879,-1.279071867465973 l0.9929598122835159,-1.0735996812582016 0.18347805365920067,-1.5152478218078613 l0.1704557240009308,-0.7159054279327393 -0.040694777853786945,0.5802986770868301 l-0.07146390154957771,-0.7785964757204056 0.4527781903743744,0.3072802163660526 l-0.2306808903813362,-0.022383371833711863 0.29971085488796234,-0.15947313979268074 l0.29225053265690804,-0.35145770758390427 -1.0978920012712479,0.5173829570412636 l-0.47389473766088486,0.06819516886025667 -0.6589297950267792,1.0357271879911423 l-2.674230933189392,1.8823355436325073 -0.6714414805173874,1.109110489487648 l-0.7273925840854645,0.7869343459606171 -0.6346871703863144,0.6386668235063553 l-1.6553552448749542,2.9747405648231506 -0.9543967247009277,3.5921233892440796 l-0.11185131967067719,0.39938099682331085 -0.6872404366731644,0.734337568283081 l-0.21190239116549492,1.3155089318752289 -0.25334354490041733,0.6287436932325363 l0.560387372970581,2.311081886291504 -0.07163416128605604,2.231675386428833 l0.8971179276704788,0.46414241194725037 1.0089161247015,-0.4043026268482208 l2.5133100152015686,-0.9130384027957916 0.960298478603363,-0.39469774812459946 l3.536810278892517,-2.568250894546509 1.081039234995842,-1.4757715165615082 l0.7400060445070267,-1.8015781044960022 0.9682833403348923,-1.6261766850948334 l0.917280837893486,-3.3434414863586426 0.6467720121145248,-1.4276079833507538 l0.555192232131958,-1.3783866167068481 0.1406360324472189,-1.6880764067173004 l-0.3510526195168495,-18.498589992523193 0.792524665594101,-1.4214351773262024 l-0.36880262196063995,-2.96055406332016 0.5191373452544212,-1.7735309898853302 l-0.9645359218120575,-4.949124753475189 0.10999268852174282,-0.9634578973054886 l-1.290360540151596,-1.9062399864196777 0.10954302735626698,2.330668717622757 l-0.8928769826889038,-16.657766103744507 -1.1946053802967072,-3.0829188227653503 l-0.5165265873074532,-0.676160603761673 -0.4239814728498459,1.1726626753807068 l-0.8877751231193542,0.8833891153335571 -0.23225586861371994,2.540128231048584 l-0.6304999440908432,1.8964141607284546 0.10232409462332726,5.591995716094971 l-0.2791984938085079,4.673656225204468 -0.09766684845089912,2.7797645330429077 l0.09194538928568363,3.5530081391334534 -0.06113490089774132,3.13579261302948 l-0.40927715599536896,7.246087193489075 0.5929061025381088,12.83968448638916 l0.5769363790750504,1.649540662765503 -0.33766478300094604,3.0282148718833923 l0.8507228642702103,0.5833415314555168 0.9591401368379593,1.8508028984069824 l2.3067817091941833,1.2777766585350037 0.7398630678653717,0.4992082715034485 l0.8973231166601181,-0.3799242898821831 1.5144768357276917,0.1811954379081726 l0.4575423151254654,-0.9103242307901382 0.9906000643968582,-0.3498736396431923 l0.5205312743782997,-0.6117763370275497 0.6786064058542252,0.03983840811997652 l1.2906937301158905,-1.3694566488265991 0.6213371083140373,-0.012215414317324758 l0.41695766150951385,-0.8653844147920609 0.8145331591367722,0.009086207137443125 l1.5111356973648071,-2.371133267879486 1.5990567207336426,-1.9773966073989868 l0.8133380860090256,-0.04600010346621275 1.688559651374817,-3.001793324947357 l2.7533194422721863,-5.677529573440552 0.4874512553215027,-1.382734775543213 l0.10357465595006943,-1.876390278339386 0.44271957129240036,-0.973699539899826 l-0.2582632191479206,-1.7263676226139069 0.3067931532859802,-0.9045974165201187 l-0.4114226996898651,-0.8447907865047455 0.10123121552169323,-1.238827407360077 l-0.2128424495458603,-3.6272573471069336 -4.7049760818481445,2.7461135387420654 l-1.2073919177055359,2.9770436882972717 -1.1146457493305206,0.3979634866118431 l-0.9526648372411728,1.8377961218357086 -1.047063022851944,0.6557793170213699 l-0.8027839660644531,0.6115196645259857 -1.7156948149204254,5.1547229290008545 l-0.10646306909620762,2.3252923786640167 -2.1977172791957855,6.6722047328948975 l-0.022843254264444113,0.8081433176994324 0.037897778674960136,3.2096299529075623 l1.022859513759613,3.7978553771972656 1.6892674565315247,1.3967306911945343 l3.5762014985084534,1.6701023280620575 0.6097143888473511,0.88304802775383 l6.522703766822815,0.014231052482500672 0.8132761716842651,-3.089098632335663 l1.9178390502929688,-2.535291910171509 1.6707532107830048,-1.819329559803009 l2.5849172472953796,-2.9816970229148865 2.065017521381378,-6.054627895355225 l1.8569652736186981,-4.634769856929779 0.06989881861954927,-5.321717262268066 m0.14647796750068665,-0.36742158234119415 l-0.166946928948164,-0.2847995422780514 0.8258601278066635,-1.10918827354908 l0.24681510403752327,-0.08311481215059757 0.22830873727798462,0.08498857729136944 l0.10416243225336075,-0.3781918063759804 -0.13441437855362892,0.07524231914430857 l0.7580108195543289,0.19728928804397583 -0.13651092536747456,0.6483365595340729 l0.38954365998506546,0.08116871118545532 0.35873454064130783,0.15069429762661457 l1.3137787580490112,-0.8092301338911057 1.8289119005203247,-0.349765419960022 l0.499894879758358,-0.7890341430902481 -1.39070525765419,-0.021630614064633846 l-0.11949126608669758,0.8427033573389053 -0.781550407409668,0.0762885482981801 l-2.854149043560028,1.1885645240545273 -5.338203310966492,7.198221683502197 l-0.22422177717089653,1.4359940588474274 -0.6118402630090714,0.6812711805105209 l-0.5343814194202423,0.971161350607872 -0.05313027650117874,0.5621616914868355 l-0.5678392574191093,0.9915365278720856 -0.9108318388462067,4.02361124753952 l0.8600179851055145,1.3678312301635742 0.2510993368923664,0.3233342245221138 l0.6647182255983353,0.7162600010633469 2.5112488865852356,-0.06752255838364363 l0.1501703355461359,0.6023787707090378 1.498892903327942,-0.09964390657842159 l0.33037804067134857,0.5398280173540115 0.9512204676866531,-0.24636147543787956 l0.7041908800601959,-0.18708202987909317 1.3489706814289093,-1.0505801439285278 l3.3333608508110046,-3.693420886993408 1.6369344294071198,-2.813843786716461 l4.078426361083984,-9.48741614818573 0.6299162656068802,-1.2738896906375885 l1.9968950748443604,-3.625158965587616 0.2864248678088188,-1.763913482427597 l0.9306870400905609,-1.7106033861637115 0.2178286574780941,-1.8444044888019562 l0.8942166715860367,-0.2163464017212391 1.0386566817760468,-3.589748442173004 l0.6603668630123138,-0.14252864755690098 0.40856312960386276,-2.2498497366905212 l1.3232330977916718,-0.9325551986694336 1.6107779741287231,-3.8858699798583984 l0.7747819274663925,-0.9025095403194427 0.7870807498693466,-4.120968878269196 l0.675116702914238,-1.298523098230362 -0.5267781391739845,-1.8739177286624908 l-1.116882786154747,1.932159960269928 -1.0612863302230835,1.388201117515564 l-1.9085386395454407,3.0608171224594116 -1.136547029018402,3.7389379739761353 l-2.6535508036613464,7.941396236419678 -0.9835322201251984,5.6684184074401855 l-0.3617892414331436,3.0239394307136536 -2.152049094438553,5.022086501121521 l1.1240200698375702,2.48591884970665 0.35470910370349884,0.23290101438760757 l-0.15831416472792625,0.5538029968738556 2.5754672288894653,2.971668541431427 l2.8959137201309204,1.3384978473186493 1.4157922565937042,0.43948665261268616 l0.6547452509403229,-0.1109990756958723 -0.2801942452788353,0.30310286208987236 l1.1487660557031631,0.10602819733321667 1.2446017563343048,0.9012922644615173 l0.7618612796068192,-0.22497475147247314 1.1898639053106308,0.16087884083390236 l0.28859833255410194,-0.5343905091285706 0.7098771631717682,0.6744612008333206 l0.49207765609025955,0.3340063616633415 1.2362956255674362,0.02617010148242116 l0.4491928219795227,-0.8250594884157181 1.6470026969909668,0.163604486733675 l3.2901737093925476,-3.1606656312942505 0.8432724326848984,-0.7056324928998947 l1.158210039138794,-1.2474843114614487 2.7129828929901123,-4.057614803314209 l1.333717405796051,-1.6119727492332458 0.8666139096021652,-0.5727210268378258 l1.2783381342887878,-3.575967848300934 0.5638406798243523,-1.8859490752220154 l-0.03673277096822858,-1.7303019762039185 -0.8504265546798706,-0.21981723606586456 l-0.7200772315263748,-1.2303825467824936 -0.5022827908396721,0.3212405741214752 l-0.2566066198050976,-0.7168204337358475 -0.39173536002635956,0.39753202348947525 l-2.2896817326545715,0.7477029412984848 -4.8134759068489075,3.741360902786255 l-1.1385764926671982,0.9941216558218002 -0.6916916370391846,0.27140533551573753 l-4.283910691738129,7.367635369300842 -1.5788541734218597,3.2079023122787476 l-1.1278865486383438,7.990861535072327 1.3454179465770721,1.8376708030700684 l2.5346839427948,0.8878616243600845 0.7068236917257309,0.3228841722011566 l5.042125582695007,-2.658059298992157 1.6952963173389435,-0.6224051490426064 l1.2131030857563019,-1.183352768421173 0.5718653649091721,-0.4851903021335602 l2.678867280483246,-2.159111201763153 0.7345838099718094,-0.6391341984272003 l3.2109034061431885,-2.4043649435043335 2.2995202243328094,-1.7341041564941406 l0.10419542901217937,-0.6975463777780533 m-0.049191880971193314,-0.9640466421842575 m0.09429910220205784,-1.36048823595047 l-0.9220658242702484,-0.9197256714105606 0.3237290307879448,-0.14257442206144333 l0.20591173321008682,-0.20255841314792633 0.4110272228717804,-1.677977293729782 m0.7239097356796265,-1.2307654321193695 l0.35499144345521927,-0.8073114603757858 0.1221239473670721,-0.3111337870359421 l0.24453893303871155,-1.331358402967453 -0.7602239400148392,0.16632141545414925 l-0.5860112980008125,0.2805982902646065 -0.8501633256673813,1.8059782683849335 l-1.0900483280420303,0.232172179967165 0.9103645384311676,0.2730994112789631 l-0.772978663444519,1.6818486154079437 \" 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=\"110.78600653585454\" version=\"1.1\" width=\"215.55931216367753\" 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=\"110.78600653585454\" width=\"215.55931216367753\" x=\"0\" y=\"0\"/><path d=\"M41.495228223502636,49.677227057982236 m-1.5847636759281158,-0.3119569830596447 l0.7411894202232361,0.32540544867515564 -0.9543591737747192,0.358830988407135 l-0.7383196800947189,1.227552518248558 -0.8372717350721359,0.5021838843822479 l-0.44511694461107254,1.3739821314811707 -1.9368180632591248,0.49088288098573685 l-1.2841705977916718,1.4972347021102905 -0.8375172317028046,1.784496009349823 l-3.6479586362838745,3.5770297050476074 -0.10897424072027206,0.2796344831585884 l-1.3407810032367706,1.7848236858844757 -0.6668701767921448,0.18999898806214333 l-1.5136559307575226,2.189660966396332 -0.709957554936409,0.19298460334539413 l-0.35792652517557144,1.3853894174098969 0.17609920352697372,8.69140625 l-0.4480556771159172,1.392381489276886 1.4120808243751526,2.5686120986938477 l0.8580827713012695,-0.10672301985323429 0.753624364733696,0.6604202836751938 l2.835852801799774,-0.47918498516082764 1.2268465012311935,0.023495496716350317 l0.7971940189599991,-0.9245837479829788 0.8436315506696701,-0.2470283955335617 l2.2520606219768524,-1.9142569601535797 0.6424231827259064,-1.8161246180534363 l1.1793576925992966,-2.892243266105652 0.9268342703580856,-1.9618773460388184 l0.5618902668356895,-1.1955740302801132 2.4454450607299805,-5.07592499256134 l3.1392717361450195,-9.139001965522766 1.1555034667253494,-10.797209739685059 l0.01843270263634622,-1.7928864061832428 2.4081112444400787,-10.164682865142822 l0.5336956307291985,-1.3994735479354858 0.2539233863353729,-2.229837030172348 l0.6030428782105446,-1.0049041360616684 0.12694742530584335,-1.7201590538024902 l-0.4679100215435028,0.6143886968493462 -0.7447478175163269,3.349805474281311 l-0.47520920634269714,1.782618910074234 -0.7453370094299316,2.2271153330802917 l-0.6848500669002533,2.3932668566703796 -3.209460973739624,23.422999382019043 l-0.4936017096042633,0.3087191842496395 -0.5167622119188309,3.8310033082962036 l0.030267268884927034,1.2936508655548096 0.17573636025190353,3.8948073983192444 l0.1747407391667366,2.911304235458374 -0.11739683337509632,1.084066703915596 l0.47630660235881805,0.5929835513234138 0.7653758674860001,2.646060585975647 l-0.05355525761842728,3.905326724052429 0.7085493206977844,1.3012292981147766 l0.39605632424354553,0.45369863510131836 2.028169482946396,-0.09364916943013668 l0.7218237221240997,-0.7085569202899933 1.0666364431381226,-1.184961050748825 l1.7259109020233154,-2.2052639722824097 0.8899879455566406,-1.1411138623952866 l1.411328911781311,-2.585124373435974 1.3032196462154388,-2.2496959567070007 l0.08697579614818096,-1.2323818355798721 1.6545920073986053,-3.0752378702163696 l0.18416890874505043,-0.9014879167079926 0.3836126998066902,-1.5553419291973114 l0.5732005462050438,-1.45469069480896 0.4083530604839325,-1.2896887958049774 l0.4915326461195946,-0.6814181059598923 0.31291987746953964,-1.0349304974079132 l0.15233335085213184,0.6339804828166962 -0.27598634362220764,0.1363747287541628 l-0.5501450598239899,0.32807711511850357 -0.43009422719478607,1.165865883231163 l-0.587318167090416,0.8198356628417969 -1.6237859427928925,6.923133730888367 l0.31805187463760376,4.336811006069183 -0.25127748027443886,1.168418601155281 l-0.10873634368181229,1.0181481391191483 0.46417441219091415,0.12083427980542183 l1.0815050452947617,0.5568021908402443 0.3447325527667999,-0.35042714327573776 l0.5995335057377815,0.1524672470986843 0.9333202987909317,-0.4345764219760895 l0.2850944735109806,0.3792736306786537 1.5551838278770447,0.24077331647276878 l3.313555121421814,-1.1846443265676498 0.6692619621753693,-0.8243212848901749 l1.3222703337669373,-0.6823853403329849 0.6070480868220329,-1.0821060836315155 l1.7724618315696716,-0.9076590090990067 0.2685650996863842,-0.9961655735969543 l1.8839101493358612,-1.274055391550064 1.0551118850708008,-0.6406102329492569 l1.4344139397144318,-2.0415548980236053 0.3461787477135658,-0.8327373117208481 l0.26655174791812897,-2.0808786153793335 0.35711489617824554,-0.7020253688097 l0.2698117308318615,-1.9685040414333344 0.26166971772909164,-0.8783178776502609 l0.5839570239186287,-0.03935184329748154 -1.138046383857727,-0.08832825347781181 l0.21424539387226105,-0.3333119675517082 -0.6244924291968346,-0.11620467528700829 l-1.0813001543283463,0.7017706334590912 -0.5020684748888016,-0.05566565319895744 l-3.6978349089622498,3.5934266448020935 -0.665590837597847,1.4091944694519043 l-0.10528638958930969,0.9960197657346725 -0.6972996145486832,0.6603695452213287 l-0.06436321884393692,0.8291439712047577 -1.0579615086317062,2.5344476103782654 l-0.05364901386201382,1.6491566598415375 -0.008361900690943003,0.7560205459594727 l-0.42609818279743195,0.237779151648283 0.06115049123764038,1.584802269935608 l-0.21082179620862007,0.6631869077682495 -0.1859804429113865,0.9945251792669296 l0.03467463422566652,2.389414757490158 2.2587892413139343,3.3940789103507996 l0.7768857479095459,0.21554766222834587 2.3748214542865753,-0.08159301243722439 l1.7270854115486145,-0.26447316631674767 1.0751239210367203,-0.2726511098444462 l2.8756290674209595,-1.5248359739780426 0.9821479022502899,-0.927707627415657 l1.2895096838474274,-0.9583141654729843 2.0424671471118927,-2.410498708486557 l0.4216974973678589,-0.9238504618406296 2.433208078145981,-2.514522969722748 l2.315613478422165,-1.7999881505966187 -0.23691551759839058,-1.0327094793319702 l0.9871756285429001,0.005071575287729502 0.7463067770004272,-0.00340492493705824 l1.0696489363908768,-0.911322683095932 1.6682985424995422,-0.33744797110557556 l0.4483209177851677,-0.6529372185468674 1.056649088859558,-0.0043836687109433115 l0.6579574942588806,-0.4574532061815262 1.5669463574886322,-0.07332730572670698 l0.6938145309686661,-0.43888505548238754 -0.05927165038883686,-0.04659009166061878 l-1.9800227880477905,-0.0006706515705445781 -0.7578281313180923,0.8859623968601227 l-1.33426234126091,0.5647526681423187 -0.012749738525599241,-0.006160139455460012 l-0.07910065352916718,-0.013118042843416333 0.02143567195162177,0.5240033194422722 l-0.6845830380916595,0.28019703924655914 -2.454286962747574,1.7763574421405792 l-1.1773861199617386,0.6997959315776825 -1.4765165746212006,1.2248749285936356 l-0.9838373214006424,0.4994961991906166 -2.079193592071533,3.9922118186950684 l-0.05536041222512722,2.2085240483283997 -0.05585204344242811,0.43185554444789886 l-0.050630075857043266,1.7005965113639832 0.29680270701646805,1.218351572751999 l0.10816004127264023,0.5940934270620346 2.2164353728294373,2.1413563191890717 l1.3106054067611694,-0.07816925644874573 0.9347212314605713,-0.16068998724222183 l2.016832083463669,-0.399731807410717 0.8873392641544342,-0.33050086349248886 l1.8722710013389587,-1.0588736832141876 1.3807044923305511,-1.3853980600833893 l4.443688690662384,-8.145732283592224 0.5630894750356674,-1.0069682449102402 l0.4628439247608185,-1.1553594470024109 1.3292308151721954,-3.892902135848999 l0.7078973203897476,-2.211838811635971 1.4022056758403778,-4.051128625869751 l1.8610644340515137,-9.233358502388 0.7032501697540283,-5.8880215883255005 l1.7615638673305511,-5.757240056991577 0.12511088512837887,-2.0797981321811676 l0.5290476232767105,-2.552865445613861 0.3920486196875572,-2.0911872386932373 l-0.627870112657547,2.0024095475673676 -0.3253396600484848,0.601445697247982 l-0.20688533782958984,1.714075654745102 -0.7601512223482132,1.0176783800125122 l-0.5784181877970695,1.3065296411514282 0.017152799991890788,1.6012559831142426 l-1.2129350006580353,3.722292482852936 -0.6533994525671005,1.7064541578292847 l-0.12178592383861542,2.0931389927864075 -0.47028135508298874,1.7073555290699005 l0.03688933327794075,1.731068342924118 -1.0766193270683289,6.280401349067688 l-0.36341503262519836,4.132884740829468 -0.016844867495819926,1.5693114697933197 l-0.12205627746880054,1.047506183385849 0.46786464750766754,2.187214493751526 l0.20809099078178406,0.5634988844394684 1.796463429927826,2.9753723740577698 l9.184304475784302,1.0465079545974731 1.0895074158906937,-0.925600677728653 l1.7642481625080109,0.06955184508115053 3.9429891109466553,-2.3481331765651703 l1.9028019905090332,-2.3922547698020935 0.927649661898613,-0.6754462420940399 l1.05899877846241,-1.883852332830429 1.140492931008339,-0.364944264292717 l1.489773690700531,-2.5142309069633484 0.8099764585494995,0.3723277151584625 l2.6743346452713013,-3.722117245197296 0.7777585089206696,-0.8461637049913406 l0.14045285061001778,-5.085760951042175 1.1314759403467178,-3.4413868188858032 l-1.188764050602913,-0.8745089918375015 -3.7323343753814697,-0.0435578403994441 l-5.0255268812179565,5.253586769104004 -1.1796875298023224,1.5061590075492859 l-4.846082925796509,6.522592306137085 -0.9718209505081177,3.372960388660431 l-1.0552173852920532,3.6306753754615784 0.26083122938871384,1.887359619140625 l-0.8303727954626083,0.7209181785583496 1.0009754449129105,3.8886550068855286 l4.013859927654266,2.4551229178905487 1.6640521585941315,0.7080027461051941 l1.7780424654483795,0.5746147036552429 11.240204572677612,-0.7515601068735123 l1.3327433168888092,-3.7228721380233765 3.7603670358657837,-2.041029632091522 l0.032065119594335556,-4.874450862407684 m1.0004164278507233,-7.336500883102417 l0.588003545999527,-0.8769106864929199 0.27536608278751373,-0.47333288937807083 l0.7991050183773041,-4.960193336009979 -0.12029224075376987,-0.583137758076191 l-0.4301484674215317,-0.8132374286651611 0.03745188005268574,0.05694779101759195 l-0.14629739336669445,0.5919276550412178 -0.3958718478679657,0.24366207420825958 l0.18293946981430054,1.476006805896759 -0.22216865792870522,0.05621336866170168 l-0.04542521666735411,0.3772389516234398 -0.18468020483851433,-0.8091304451227188 l0.4935028403997421,0.6510564684867859 -0.23551015183329582,-0.1524690818041563 l0.6985057890415192,0.4897800087928772 0.5885922908782959,0.3372672572731972 l0.31684353947639465,0.8311796188354492 1.292332261800766,0.4505911096930504 l-0.37001166492700577,0.01511363429017365 -0.1574813760817051,0.28365712612867355 l0.468473918735981,0.32902080565690994 0.6709589809179306,0.04697536118328571 l-0.40034346282482147,-0.3941529616713524 0.9410402923822403,-0.30408384278416634 l-0.1693812571465969,-0.7647373527288437 0.6137734651565552,-1.2123314291238785 l-0.46694688498973846,-0.6559331715106964 0.41810981929302216,-0.7201654464006424 l-0.7590996474027634,0.026702031027525663 -0.44721633195877075,-0.4382215440273285 l-0.5152653530240059,0.6224581226706505 0.011473365593701601,0.5395327880978584 l-0.6399578601121902,-0.5345327779650688 -0.3356882929801941,0.08511058986186981 l-0.4346565529704094,0.12307976372539997 -0.6175308674573898,0.3459043800830841 l-0.8777549862861633,1.0507965087890625 -3.1447985768318176,7.778841853141785 l0.22326745092868805,0.6686171144247055 -0.6304611265659332,0.8741565048694611 l0.08129019290208817,0.659419596195221 -1.9633109867572784,4.061937630176544 l0.34426968544721603,1.2088578939437866 -0.79806849360466,4.1690394282341 l0.15361887402832508,0.6763006746768951 0.41744228452444077,2.9332810640335083 l2.0523345470428467,-0.21923743188381195 1.063278242945671,0.25536157190799713 l0.7754953950643539,-0.07568052038550377 0.8484862744808197,-0.6621016561985016 l1.3091042637825012,-0.6248501688241959 0.9279532730579376,-0.9557341784238815 l0.8526183664798737,-1.0910824686288834 1.2445687502622604,-1.0672756284475327 l3.1291568279266357,-1.4848791062831879 1.7317304015159607,-2.475869804620743 l1.724313497543335,-1.4960522949695587 2.129015475511551,-4.799691736698151 l1.536809355020523,-4.287638068199158 0.07197319064289331,-1.0204704850912094 l0.6744653731584549,-2.3608897626399994 0.08829902857542038,-1.8241150677204132 l0.702187642455101,-1.1659571528434753 0.5831211805343628,-1.0690340399742126 l0.3275977447628975,-1.0227448493242264 0.6080345809459686,-1.1823005974292755 l0.5968689545989037,-2.403910309076309 0.2833397127687931,-0.54838877171278 l-0.004036972241010517,0.14506693929433823 0.23557962849736214,-0.8647273480892181 l0.0754568399861455,1.1926747858524323 -0.7208208739757538,0.795244574546814 l-0.21713977679610252,0.6588013470172882 -1.5769422054290771,2.3267894983291626 l-0.6077366694808006,1.4215178787708282 -1.6535845398902893,3.424631953239441 l-0.7533351331949234,0.8393307030200958 -1.0834810137748718,2.287132740020752 l-2.47063547372818,9.062684178352356 -0.8109722286462784,0.4435921460390091 l0.08481821976602077,0.9574019908905029 -0.3290357440710068,-0.15739480033516884 l0.10112566873431206,0.5429623648524284 0.1024788897484541,1.7666004598140717 l0.8182482421398163,0.302022285759449 0.3893055021762848,0.9030870348215103 l1.5144069492816925,1.8724402785301208 0.87290920317173,-0.2633980102837086 l2.604784369468689,0.07610016502439976 2.2577083110809326,-0.011978927068412304 l5.4215312004089355,-2.1976959705352783 1.262686848640442,-1.2016250938177109 l2.459118962287903,-0.42005814611911774 0.6973007321357727,-0.9196998924016953 l1.1908413469791412,-0.9808537364006042 1.7098355293273926,-1.9335342943668365 l1.9844302535057068,-1.2842293083667755 0.7157749682664871,-1.3080547749996185 l0.3929591178894043,-0.8852723240852356 0.22448357194662094,-0.830022394657135 l0.8870233595371246,-3.646235167980194 0.6157957389950752,-0.6038305535912514 l-0.13635575771331787,-1.2775400280952454 0.29101723805069923,-2.251659631729126 l-0.9554783254861832,-2.8066936135292053 -2.327783703804016,0.3719842806458473 l-0.8020951598882675,0.41708018630743027 -2.1363478899002075,0.6194456666707993 l-0.46502403914928436,0.8828233182430267 -3.221305012702942,1.8801718950271606 l-2.7868950366973877,2.663623094558716 -1.0318046063184738,0.9305699169635773 l-0.8513669669628143,0.9505490213632584 -0.7997406274080276,0.9482309222221375 l-0.13011278584599495,1.0786782950162888 -0.041917464695870876,1.850755661725998 l-0.45980509370565414,1.6393427550792694 0.21992359310388565,0.8671404421329498 l-0.1870971918106079,3.158006966114044 1.774149090051651,1.4883458614349365 l0.5703754350543022,0.27006879448890686 0.8340471237897873,0.6902766227722168 l1.930219680070877,1.1607515811920166 0.9894722700119019,0.25945352390408516 l0.9478313475847244,0.631035566329956 3.237808346748352,1.1661209166049957 l4.513794183731079,0.5918813124299049 2.9080182313919067,-0.0923276599496603 l4.591609835624695,0.04170243628323078 3.760310709476471,-1.4999403059482574 l2.037797123193741,-1.199485957622528 0.6100919842720032,-0.9478294104337692 m0.23697664961218834,-1.4990627765655518 l1.774684488773346,-2.4898260831832886 0.17552707344293594,-0.6925592571496964 l0.27724530547857285,-1.5611927211284637 0.19550519064068794,-0.712055042386055 l0.5662057548761368,0.12360583059489727 0.41141919791698456,-1.7773450911045074 l0.28059495612978935,-0.5538380891084671 0.14419274404644966,-0.9243842959403992 l0.13291927985846996,-0.039288331754505634 0.0723566161468625,-0.9613006561994553 l-0.10766635648906231,0.25833457708358765 -0.021589461248368025,-1.1993519961833954 l0.3014235943555832,-0.6716608256101608 0.05245984997600317,-1.0897844284772873 l0.372132807970047,-0.7929817587137222 -1.3616938889026642,-1.3185524940490723 l0.7303223758935928,0.07142475340515375 -0.21295033395290375,-1.4311178028583527 l0.9689825028181076,-0.012632585130631924 -0.7201066613197327,-1.6284912824630737 l1.507512629032135,-1.2198703736066818 -2.493344694375992,-0.10182158090174198 l-1.03033646941185,-0.08103674277663231 -2.069685310125351,0.0030110360239632428 l-1.0410240292549133,-0.36892738193273544 0.15282505191862583,0.9688544273376465 l0.10489541105926037,0.8051694184541702 -0.9177737683057785,0.6197822466492653 l-1.0221551358699799,-0.012699584476649761 0.02557601546868682,0.869910717010498 \" 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=\"99.23053177204565\" version=\"1.1\" width=\"186.3003595265036\" 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=\"99.23053177204565\" width=\"186.3003595265036\" x=\"0\" y=\"0\"/><path d=\"M40.1921365223825,57.58844825802953 m-4.603787064552307,0.4850419983267784 l-1.635209321975708,1.3672523200511932 -0.20180264487862587,0.70623479783535 l-1.6114899516105652,0.07215818390250206 -1.012677401304245,0.281799528747797 l1.4889313280582428,-0.3935762494802475 -1.2778609991073608,0.5381080508232117 l-1.2084583193063736,0.4799944907426834 -1.1618323624134064,1.1221949756145477 l-0.408422015607357,1.083037480711937 -0.8248399198055267,1.3756702840328217 l-0.8820491284132004,-0.07007266860455275 -1.8526387214660645,2.1901628375053406 l0.6125039979815483,0.3590241074562073 -0.3089657798409462,1.7410188913345337 l0.2861667424440384,0.37614844739437103 0.03824602114036679,0.7944361120462418 l0.21340249106287956,0.4606897011399269 0.5486947298049927,1.1296584457159042 l9.831420183181763,0.698305293917656 4.465221464633942,-3.8396063446998596 l1.1929292976856232,-2.1514613926410675 0.9395428746938705,-1.1670215427875519 l0.5203112959861755,-0.9050539135932922 0.8227990567684174,-1.520388126373291 l0.5165596678853035,-1.6524067521095276 -0.1362796314060688,-0.7779354602098465 l-0.14066217467188835,-1.116824820637703 0.5008476972579956,-0.41610341519117355 l2.5589558482170105,2.605101764202118 0.44796664267778397,-1.1405177414417267 l0.5577138066291809,-0.5964424088597298 1.0368328541517258,-0.976594090461731 l1.1842302232980728,-5.424754619598389 0.7257913053035736,-1.747191995382309 l1.5380847454071045,-6.426103711128235 -0.8555041998624802,-1.0338405519723892 l-0.29198024421930313,-8.049403429031372 0.6869219988584518,-0.7725090533494949 l-0.7447380572557449,-0.7621745020151138 -0.7810712605714798,2.8690505027770996 l0.613892488181591,-0.542205423116684 0.3493497148156166,-0.08535737171769142 l-0.49358565360307693,-0.23766865953803062 -0.6401365250349045,0.23491265252232552 l-0.6956230103969574,0.8860189467668533 -0.5723854526877403,8.770470023155212 l-0.7678889483213425,1.0099707543849945 -0.412018820643425,3.1940823793411255 l-0.21958690136671066,1.1245249211788177 -0.05703913513571024,11.921794414520264 l-0.9465868026018143,1.8109703063964844 0.23240070790052414,1.6558131575584412 l0.2702237665653229,3.179582357406616 0.42433589696884155,0.8015084266662598 l0.5323483422398567,-0.04569662734866142 0.7498598098754883,0.5635017156600952 l0.543581135571003,1.5515975654125214 0.7882697135210037,0.7527542859315872 l0.1993236131966114,0.02858067164197564 0.8624228090047836,0.27182359248399734 l3.8600364327430725,-1.193142682313919 0.05534384399652481,-0.8783675730228424 l1.7856299877166748,-0.1987503282725811 5.733685493469238,-5.377666354179382 l2.7253273129463196,-2.5088950991630554 0.4807625338435173,-0.7305283099412918 l3.0561330914497375,-5.035392642021179 -0.3328393027186394,-1.267274022102356 l-0.2659508213400841,0.12044661678373814 0.3451593965291977,-0.22408531978726387 l-0.8454881608486176,0.8360066264867783 0.28393279761075974,0.4323213919997215 l-0.653531551361084,-0.04722115118056536 -1.4517563581466675,3.0183476209640503 l-1.0826588422060013,2.5057056546211243 0.19371530041098595,3.487919569015503 l0.21915378049016,2.224118262529373 0.42625267058610916,0.7465355843305588 l0.6052441149950027,1.1599316447973251 0.04322938621044159,0.5865027382969856 l0.49383342266082764,0.681079775094986 2.980031967163086,0.06130065303295851 l1.39749675989151,0.0069619325222447515 1.0070911049842834,-0.2741287089884281 l0.5977003276348114,0.014041815884411335 1.757722645998001,-0.5878115445375443 l1.1225008219480515,-0.25500088930130005 1.106286644935608,-0.43229881674051285 l1.817602962255478,-0.9140915423631668 2.0805174112319946,-0.9218380600214005 l0.4417917877435684,-0.7908131182193756 1.423928290605545,-0.2586037665605545 l1.8828864395618439,-1.234353929758072 1.932472139596939,-0.7089272141456604 l4.373882412910461,-4.5809003710746765 0.9937404096126556,-1.4836549758911133 l0.532868392765522,-0.8256249874830246 1.0615215450525284,-1.670360267162323 l0.4676343500614166,-0.5491209402680397 -0.15798615291714668,-1.2909886240959167 l0.1722792536020279,-0.6255950033664703 0.7554671168327332,-0.056757619604468346 l-0.9838526695966721,-1.123361736536026 -0.2592308446764946,-0.07541379891335964 l-0.7234685122966766,-1.2071990221738815 -0.614972785115242,0.016935161547735333 l-1.0655218362808228,0.6129157915711403 -0.89946448802948,0.04935354460030794 l-0.7828224450349808,0.7037297636270523 -0.5525574833154678,-0.24802127853035927 l-0.5912754312157631,-0.13264494016766548 0.004011357668787241,0.8305735886096954 l-0.77814020216465,0.24673264473676682 0.009108417434617877,1.058797761797905 l0.028526068199425936,1.1398210376501083 -0.48733726143836975,0.2804557792842388 l-0.8471313118934631,0.6735800206661224 0.15529506839811802,1.4820924401283264 l-0.03765208646655083,2.603321075439453 0.1624000445008278,3.5563230514526367 l0.013473399449139833,1.225723847746849 0.5115917325019836,1.0966772586107254 l1.007932424545288,1.607397347688675 2.3497354984283447,1.7128047347068787 l0.9113159030675888,0.01769062364473939 5.666635632514954,-2.12741956114769 l0.02917286939918995,-0.8984088897705078 2.7318212389945984,-0.8547087013721466 l0.5971353873610497,-1.2643466889858246 2.3638685047626495,-0.7005422562360764 l0.3019976057112217,-1.215829774737358 1.4900673925876617,-1.2271829694509506 l0.28485970571637154,-1.106322556734085 1.9177700579166412,-1.0455990582704544 l2.477147728204727,-1.6143836081027985 0.6143710762262344,0.01975319581106305 l2.2052907943725586,-1.2645795941352844 -0.26553133502602577,-0.2875394746661186 l3.0500486493110657,-1.5583737194538116 0.2706478349864483,-0.42236916720867157 l0.8569991588592529,-0.17630575224757195 2.8497955203056335,-0.000278675724985078 l0.5341946706175804,-0.793188065290451 -1.3086213171482086,-0.09834672324359417 l1.280542016029358,0.3360441327095032 -1.2014010548591614,0.41525010019540787 l0.4458310827612877,-0.21135957911610603 -1.6032646596431732,0.32573893666267395 l-0.0755060464143753,0.7055167853832245 -1.493675708770752,0.010839113965630531 l-0.08893352001905441,0.689668133854866 -1.3666702806949615,0.28882335871458054 l-0.06534372922033072,0.6178151816129684 -2.2573648393154144,1.226772665977478 l-3.8656896352767944,3.4519773721694946 -0.03551926231011748,0.5222602561116219 l-1.8291914463043213,1.794460415840149 -0.4839952662587166,0.294595155864954 l0.0008096991223283112,1.2834432721138 -0.0181428377982229,1.347436010837555 l-0.024471788201481104,0.22524191066622734 -0.2743780240416527,0.6397831439971924 l0.3913888707756996,0.199205931276083 0.44183388352394104,0.1627570204436779 l1.0263504087924957,0.3237685188651085 -0.082574263215065,0.5178771540522575 l1.7862294614315033,0.4493945837020874 1.094384640455246,0.5555470660328865 l1.1376023292541504,-0.47226089984178543 1.4342407882213593,0.08952033706009388 l0.1654410921037197,-0.5157202854752541 0.31493891030550003,0.40330003947019577 l1.207270547747612,0.013111764565110207 0.8313959836959839,-0.1078069768846035 l0.60775276273489,-1.0595989227294922 0.46467263251543045,-0.48422355204820633 l1.12771674990654,-1.2112106382846832 0.6628315895795822,-0.371648371219635 l0.4101363569498062,-0.09899098426103592 0.1679377444088459,-0.38064543157815933 l0.1934884488582611,-0.11758574284613132 0.3247171640396118,0.21625874564051628 l0.3642921522259712,-0.2850489318370819 3.946751356124878,-4.158798456192017 l0.353185310959816,-1.0238571465015411 2.2045716643333435,-2.5324073433876038 l3.9538905024528503,-8.26870083808899 0.13384472578763962,-0.9000393003225327 l0.6990721076726913,-1.4159844815731049 1.2467269599437714,-2.8511831164360046 l0.5363113433122635,-1.5272602438926697 1.4645753800868988,-5.12148380279541 l1.120426133275032,-4.663101434707642 0.9086942672729492,-5.70487916469574 l0.5294907838106155,-2.1826092898845673 0.1276860572397709,-0.30606161803007126 l0.6136620417237282,-0.8158110082149506 -0.3036166727542877,0.6794372200965881 l-0.28807129710912704,0.39012521505355835 -0.7378477603197098,1.8460111320018768 l-0.4330621287226677,1.2588605284690857 -0.5502175912261009,1.0702574998140335 l-0.901363417506218,0.9109161049127579 -0.023450495209544897,1.5284962952136993 l-1.2688013911247253,2.4757543206214905 -0.06959790363907814,1.630341112613678 l-0.7279683649539948,1.6911308467388153 -0.8982938528060913,1.9746048748493195 l-0.007821545004844666,2.5387629866600037 -0.13089430518448353,1.2469085305929184 l-0.5645863711833954,1.6351506114006042 -0.6299801915884018,1.4863790571689606 l0.24941138923168182,1.6616058349609375 -0.6890071928501129,2.502448558807373 l0.2027907408773899,1.1609343439340591 -0.31449858099222183,0.34878358244895935 l-0.004679274570662528,0.7727648317813873 -0.16056744381785393,5.449417233467102 l0.43114282190799713,0.695396214723587 0.30200930312275887,1.1828327924013138 l-0.30745428055524826,0.608423724770546 0.2907591871917248,1.6640514135360718 l1.0680203139781952,4.732380211353302 -0.06433048751205206,0.7296348363161087 l0.02885602880269289,0.7571536302566528 0.7046414911746979,0.4983986169099808 l0.36414332687854767,-0.019302187720313668 0.5400429666042328,0.10274160653352737 l0.6658773869276047,0.0839377660304308 4.097604751586914,-1.3727030158042908 l0.721687376499176,0.2896270714700222 0.7747159153223038,-0.10066843591630459 l3.3661463856697083,-1.2870298326015472 0.6373516470193863,-0.5271534249186516 l2.445289194583893,-1.6546666622161865 4.8529112339019775,-5.721694231033325 l1.5769098699092865,-0.5736920237541199 3.9395788311958313,-5.568426847457886 l1.935826689004898,-4.9116140604019165 0.12787721119821072,-5.805941820144653 l0.2996382489800453,-0.6525304168462753 -0.3409815579652786,-0.8340520411729813 l-1.8909122049808502,0.17424173653125763 -1.5928854048252106,-0.11443787254393101 l-1.6384518146514893,1.2295684963464737 -1.1628556996583939,0.9807943552732468 l-0.9613092988729477,0.5160514637827873 -0.06265563424676657,0.8357728272676468 l-1.390189677476883,0.39408527314662933 -2.1989744901657104,3.136501908302307 l-0.9660664945840836,2.5197377800941467 -0.7917691022157669,0.8198653161525726 l-0.9615884721279144,4.527479410171509 -0.07080310955643654,1.8661782145500183 l-0.035243870224803686,1.860123872756958 0.743345096707344,0.676838830113411 l-0.0012286148557905108,1.0719559341669083 1.6372449696063995,2.797727882862091 l4.354172050952911,2.8099283576011658 0.561620406806469,-0.044595832005143166 l0.6667297333478928,-0.515110120177269 -0.06602627690881491,-0.09399346075952053 l1.5046890079975128,0.5489489436149597 3.685579299926758,-0.7410372048616409 l0.7291218638420105,0.4104108363389969 2.174926996231079,-2.204286903142929 l0.6790447980165482,0.474347248673439 m0.8467504382133484,-0.6877170503139496 \" 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=\"128.7163809267804\" version=\"1.1\" width=\"229.59725627864827\" 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.7163809267804\" width=\"229.59725627864827\" x=\"0\" y=\"0\"/><path d=\"M48.99400780443102,57.95775000471622 m-3.434009850025177,-1.1454925686120987 l-1.344439536333084,0.047194953076541424 -1.5242205560207367,0.34473367035388947 l-0.7318998128175735,-0.6453346461057663 -2.316320687532425,0.20893272012472153 l-1.6840782761573792,0.7404683530330658 -1.4958085119724274,0.29777614399790764 l-0.06262863520532846,-0.21170411258935928 -2.410453110933304,0.5864590033888817 l-3.273337185382843,2.8949981927871704 -0.4667126387357712,1.5306228399276733 l-0.9993961453437805,0.9700021892786026 -0.79286128282547,0.7608229666948318 l-2.612532675266266,4.015834927558899 -0.4477699473500252,1.7667371034622192 l-0.3975389525294304,6.468844413757324 1.0400959849357605,1.5561258792877197 l0.15688646584749222,1.8881358206272125 0.34732550382614136,1.4257067441940308 l1.0793472081422806,-0.3216562047600746 2.1110759675502777,0.28198959305882454 l1.7473545670509338,-0.6136361137032509 2.8193658590316772,-1.8909478187561035 l3.134894371032715,-3.988502323627472 1.4437811076641083,-2.338007390499115 l2.7461573481559753,-3.544881045818329 1.7851446568965912,-3.7991338968276978 l1.448671966791153,-2.7121931314468384 2.5672972202301025,-8.919815421104431 l2.316390872001648,-5.433600544929504 1.941237598657608,-6.005586385726929 l0.7873824238777161,-4.528827667236328 1.7365564405918121,-4.247331917285919 l2.657885253429413,-3.376358151435852 0.41690874844789505,-2.1546119451522827 l0.977809727191925,-1.9207808375358582 1.0951174050569534,-0.9447333961725235 l0.22237911820411682,0.5643002688884735 -0.721878707408905,1.828809529542923 l0.37384554743766785,-0.4657357558608055 -0.3565346449613571,1.222171038389206 l-0.737856924533844,1.7754735052585602 -3.8898861408233643,8.343493938446045 l-0.8080381155014038,1.4670924842357635 -1.088973507285118,2.6273903250694275 l-2.316584587097168,4.597641825675964 -0.889241099357605,2.188928723335266 l-1.9950656592845917,3.982483148574829 -2.0456108450889587,4.765863120555878 l-0.2551376260817051,1.8989068269729614 -2.3345711827278137,4.782595634460449 l-1.4301440119743347,9.10655677318573 -0.8147890865802765,6.987810134887695 l0.4237256571650505,1.5408685803413391 0.565413348376751,1.0670671612024307 l-0.005475784419104457,1.725274920463562 0.16972996294498444,1.6523601114749908 l1.12273208796978,0.07827996276319027 0.8892866224050522,-0.35639431327581406 l1.4175024628639221,-2.111850529909134 1.8149243295192719,-0.7083403319120407 l1.7433233559131622,-1.376531571149826 1.5411311388015747,-0.987524688243866 l5.928785800933838,-5.718357563018799 7.0329368114471436,-7.250283360481262 l1.6857591271400452,-2.2723937034606934 0.6120416149497032,-1.120995655655861 l2.3934070765972137,-3.793715238571167 0.9351709485054016,-0.5425883829593658 l1.3013970851898193,-1.5131257474422455 0.41422754526138306,-1.2486827373504639 l1.1021137982606888,-0.48076190054416656 0.67420594394207,-0.23496627807617188 l-1.839955449104309,1.7563560605049133 -2.042342722415924,2.9564666748046875 l-1.0832923650741577,1.3070109486579895 -0.7481125742197037,1.4691562950611115 l-1.4095373451709747,1.7016223073005676 -0.5590111389756203,1.9261333346366882 l-1.7265383899211884,2.637873888015747 -0.19864166155457497,1.6722586750984192 l-0.07242672145366669,2.030056118965149 0.5420035496354103,0.3461889922618866 l1.2749381363391876,2.115318775177002 1.2891286611557007,1.1417203396558762 l1.6557800769805908,-0.25362685322761536 1.339883953332901,-0.3099506162106991 l2.8728628158569336,-0.8499085903167725 2.0699039101600647,-0.8000511676073074 l1.677435040473938,-1.3884693384170532 2.157989591360092,-0.19711775705218315 l1.2581942975521088,-0.9344426542520523 5.2954840660095215,-2.624220848083496 l1.487458497285843,-1.1443877220153809 -0.15283995307981968,0.40363799780607224 l1.950080245733261,-0.8998379856348038 0.7973887026309967,-1.7343202233314514 l2.4393919110298157,-2.443881779909134 1.8763527274131775,-1.5505054593086243 l1.4671684801578522,-0.9510883688926697 0.4776230454444885,-0.9057760983705521 l1.5169258415699005,-0.9528623521327972 1.688379943370819,-2.1860143542289734 l-0.37578847259283066,-0.20450295880436897 -2.1260355412960052,-0.1281728781759739 l-2.840960919857025,0.22075364366173744 -2.3208533227443695,0.945611372590065 l-2.1263636648654938,0.9404563903808594 -1.456446349620819,1.4720948040485382 l-1.9782951474189758,1.2911705672740936 -4.036547243595123,4.435655176639557 l-0.8441049605607986,1.3553251326084137 -0.7935511320829391,2.419687807559967 l0.0019499038171488792,2.832319438457489 0.22132720798254013,2.1625500917434692 l0.203328188508749,4.433429539203644 1.5172958374023438,0.5424553155899048 l1.885053664445877,1.064031720161438 1.34160116314888,0.489480197429657 l3.43448668718338,-0.2263401448726654 4.606523513793945,-0.9241249412298203 l-0.6829507648944855,-0.35701461136341095 1.7017282545566559,-0.7968124002218246 l2.279745638370514,-0.9875325113534927 5.943734049797058,-4.27290678024292 l2.4060477316379547,-1.3895471394062042 -1.0441970825195312,0.13338386081159115 l-1.0496189445257187,-0.08686871267855167 1.4083454012870789,-0.7726851105690002 l1.624472439289093,-0.9334118664264679 2.126636803150177,-0.9085822850465775 l2.9821166396141052,-1.6446219384670258 1.61905437707901,-0.7554110884666443 l1.4728015661239624,-0.6605667620897293 1.5387438237667084,-0.6721033155918121 l1.3072015345096588,-0.3890310227870941 1.7828775942325592,-0.7788780331611633 l1.0214968025684357,-0.8571390062570572 1.5736766159534454,-0.6060676276683807 l-1.4192718267440796,-0.13737031258642673 -1.6134564578533173,0.06530127953737974 l-1.678038239479065,0.47485407441854477 -1.5221184492111206,0.49023572355508804 l-1.4059002697467804,0.4603755474090576 -1.5773247182369232,0.6278301775455475 l-2.0456980168819427,1.312401294708252 -1.3506053388118744,0.400686152279377 l-1.3655976951122284,0.5565587431192398 -1.6253577172756195,0.7418909668922424 l-3.0210906267166138,1.9642427563667297 -5.088707208633423,6.434071063995361 l-0.21430246531963348,1.4763656258583069 0.35905107855796814,1.6883784532546997 l-0.047288029454648495,0.9720877557992935 1.6875040531158447,2.5583142042160034 l1.635642647743225,0.7581034302711487 1.500166654586792,-0.4904593899846077 l1.4839248359203339,-0.47505445778369904 2.0540279150009155,-0.5511594191193581 l1.8016651272773743,-1.0185250639915466 1.8417559564113617,-1.537168025970459 l1.2009590119123459,-0.7671371102333069 1.5252268314361572,-1.6354924440383911 l1.824854463338852,-2.2033020853996277 2.5384798645973206,-3.3649981021881104 l1.6464412212371826,-2.117922157049179 1.4805474877357483,-2.122763693332672 l1.4004187285900116,-1.316966712474823 2.6924407482147217,-3.555198311805725 l0.9682436287403107,-1.2530101835727692 1.6469086706638336,-3.5538730025291443 l0.32316502183675766,-1.4134375751018524 0.7475285232067108,-1.225399449467659 l1.901576668024063,-4.591990113258362 0.5003353580832481,-1.3401693105697632 l0.7903008162975311,-2.3930327594280243 1.7220741510391235,-2.323654592037201 l0.10999689809978008,-1.9134174287319183 0.6244812533259392,-0.8670610934495926 l0.9693916141986847,-1.2691760063171387 0.0405928073450923,-0.052367206662893295 l0.8926026523113251,-0.46686217188835144 -0.8435552567243576,0.2891560271382332 l-0.6539195775985718,1.1635511368513107 -1.6892918944358826,1.7012009024620056 l-0.6515593081712723,1.6861920058727264 -0.8024013787508011,1.529238224029541 l-0.5567895993590355,1.177123785018921 -2.161809504032135,2.759625017642975 l0.9029976278543472,-0.4621046781539917 -0.6528094410896301,1.3970571756362915 l-0.43555621057748795,0.6331155449151993 -0.693594217300415,1.6433732211589813 l-0.7790012657642365,1.585717499256134 -0.6019144877791405,1.7604690790176392 l-0.5385362729430199,1.361006498336792 -1.2238933145999908,2.6963111758232117 l-0.7722363620996475,2.551317512989044 -1.2693412601947784,2.815164029598236 l-0.46078652143478394,-0.4189550504088402 -0.44759996235370636,1.4908172190189362 l-0.11148706078529358,1.5488100051879883 -1.056942269206047,4.584231972694397 l-0.16037695109844208,1.07335664331913 0.07363881450146437,2.245292216539383 l0.0725759519264102,1.1635249853134155 0.40123019367456436,1.266770213842392 l1.0682005435228348,1.5146136283874512 0.6925288587808609,0.7358746230602264 l0.626094788312912,0.6488098204135895 1.5540193021297455,1.2896846234798431 l3.8194885849952698,0.6553839147090912 1.4045730233192444,-0.6315763294696808 l2.5624749064445496,-0.4349426180124283 1.7438702285289764,-1.0347969084978104 l2.7130815386772156,-1.2492384761571884 1.4042656123638153,-0.555306077003479 l2.12950199842453,-1.4201171696186066 2.045658826828003,-1.5815150737762451 l3.1013277173042297,-3.394121527671814 0.49318827688694,-1.143280491232872 l0.7667949050664902,-1.6069665551185608 0.15660617500543594,-2.8122898936271667 l-0.8245930075645447,-1.3678719103336334 -1.8071162700653076,-0.029969506431370974 l-2.008613348007202,8.350270986557007 -0.5411664396524429,0.20648635923862457 l0.3979036211967468,0.4014149308204651 -0.39885811507701874,-0.30059468001127243 l-0.20532527938485146,1.16995669901371 0.24448972195386887,0.9323188662528992 l-0.24837087839841843,0.34445952624082565 -0.50368282943964,0.4874968156218529 l-0.45700736343860626,0.5859974771738052 -0.608631893992424,0.777551606297493 l0.4749321937561035,0.09830359369516373 -0.19866520538926125,0.6277607381343842 l-0.29320621863007545,1.4014869928359985 0.17710186541080475,0.6694374233484268 l0.3488558903336525,2.031719982624054 0.3317360207438469,0.6416662037372589 l0.2834842912852764,0.9947197884321213 0.7416176050901413,1.140318214893341 l1.2302108854055405,0.9786912798881531 0.8900070190429688,0.3016413189470768 l0.7269176840782166,0.46086471527814865 3.1954193115234375,2.028542309999466 l0.580555684864521,-0.12339455075562 0.8056154102087021,0.7242532819509506 l1.3547104597091675,0.09144453331828117 0.5312816426157951,-0.17905060201883316 l0.788831040263176,-0.13357254676520824 0.37552155554294586,-0.6846899539232254 l1.159301996231079,-0.9103897213935852 0.4962288588285446,-0.6287393718957901 l0.9446145594120026,-0.8103666454553604 -0.6281347572803497,-1.8424415588378906 l0.22946352139115334,-0.6833299249410629 -0.11599015444517136,-1.0688624531030655 l-1.3586704432964325,-1.3741044700145721 -0.6438302248716354,-0.4505276679992676 l-0.25815751403570175,-0.13819781132042408 -0.7707883417606354,-0.2804817073047161 l-0.4017264023423195,0.02066160086542368 -0.38311928510665894,0.5638740584254265 l-0.055857887491583824,0.06042119115591049 -2.3548559844493866,1.9799841940402985 l-1.1406844854354858,2.9116562008857727 -0.7602810859680176,0.751224085688591 l-0.48392899334430695,0.623013861477375 -0.8103678375482559,1.850179135799408 l0.028544811066240072,0.5305619910359383 -0.07385991979390383,0.8340569585561752 l-0.13674956746399403,1.0719426721334457 -0.12071041390299797,1.2351731210947037 l0.27880163863301277,0.3910325840115547 0.22503593936562538,0.7282961159944534 l0.32898150384426117,0.5931279063224792 -0.05430739372968674,0.8645964413881302 l2.3630551993846893,3.7977397441864014 1.229066401720047,0.31091924756765366 l0.9948591142892838,0.02142035635188222 0.9608038514852524,0.08704579435288906 l1.3234628736972809,-0.17607903108000755 1.1945195496082306,-0.17101222649216652 l3.2808077335357666,-0.5060372874140739 0.44486530125141144,-0.656835213303566 l0.46472132205963135,-0.8393599838018417 1.0917188972234726,-1.2205121666193008 l-0.019938950426876545,-0.8679965138435364 1.1729437857866287,-1.2845200300216675 l1.4233800768852234,-3.4808379411697388 0.13002360239624977,-1.0461889207363129 l0.8987328410148621,-0.7410842925310135 1.2737582623958588,-3.8207224011421204 l1.3878241181373596,-4.242072701454163 0.19977862015366554,-1.3685601949691772 l1.0298486053943634,-3.3082833886146545 1.0840670019388199,-2.949090301990509 l0.7779689878225327,-3.379248082637787 0.39838753640651703,-1.964169293642044 l1.068321168422699,-4.034144282341003 0.7023788243532181,-3.699989914894104 l0.6601241230964661,-1.9443024694919586 0.24612821638584137,-2.8444787859916687 l-0.3031251020729542,1.377527266740799 -0.035205024760216475,-2.03021377325058 l0.8308317512273788,-0.06875931285321712 0.21129783242940903,-2.2949008643627167 l1.4813277125358582,-2.158375531435013 0.7168122380971909,-4.370912611484528 l1.2778279185295105,-1.8572847545146942 0.07610787637531757,-1.1282487213611603 l-0.41122809052467346,0.7846037298440933 -0.263835359364748,0.5396753922104836 l-0.7741526514291763,2.864184081554413 -0.012176939053460956,0.326571986079216 l-0.6178652867674828,1.7194892466068268 -0.4169835150241852,0.9694530814886093 l-1.0050247609615326,2.1028319001197815 -0.8343800902366638,2.032502144575119 l-0.45171499252319336,1.1751865595579147 -0.8407726138830185,1.2100300192832947 l-1.8875181674957275,3.7045446038246155 -1.6719789803028107,3.5787099599838257 l-1.7831894755363464,3.6314621567726135 -3.078780770301819,5.238713026046753 l-0.9156671166419983,4.209458529949188 -0.7412711530923843,1.2722229957580566 l-0.8533148467540741,1.7287266254425049 0.36551661789417267,1.1118123680353165 l-0.4519020766019821,1.196957379579544 -0.5524001643061638,4.0722450613975525 l-0.6102145463228226,0.9192526340484619 0.058735236525535583,2.179391235113144 l1.9944098591804504,3.8126972317695618 -0.06489648949354887,0.7950737327337265 l0.17805419862270355,1.0516976565122604 2.907038629055023,1.5891385078430176 l11.049277782440186,-0.9183439612388611 1.9173017144203186,-0.7904139161109924 l1.0650330781936646,-0.6940978020429611 7.5791603326797485,-3.9885205030441284 l1.098373830318451,-1.5613315999507904 3.3124059438705444,-2.77972012758255 l1.083870679140091,-1.2834788858890533 0.881572961807251,-3.916763961315155 l1.0125602781772614,-1.4025770127773285 0.3269724175333977,-1.5026244521141052 l0.40306076407432556,-2.861003279685974 -1.6889996826648712,-0.058064949698746204 l-1.6324438154697418,-0.3310699388384819 -1.0968434810638428,-0.05978318862617016 l-1.1957857012748718,0.33360641449689865 -0.9809184074401855,0.11302588507533073 l-1.14928737282753,0.5501686781644821 -1.1275448650121689,0.9727086871862411 l-2.4670369923114777,2.6144608855247498 -3.4993892908096313,5.7833123207092285 l-0.5467327311635017,1.2208878993988037 -1.6112208366394043,5.3262633085250854 l0.21692579612135887,1.3090430200099945 -0.09416213259100914,0.4077855125069618 l1.640857756137848,3.215033710002899 0.20994635298848152,-0.00532735139131546 l0.8586429804563522,1.116425096988678 1.8779650330543518,1.4784768223762512 l2.4107861518859863,0.535212829709053 1.905173808336258,0.49515750259160995 l3.351113498210907,-0.0714708212763071 1.7234273254871368,-1.0961610078811646 l1.8729160726070404,-0.07602609228342772 2.41265207529068,-0.509149506688118 l0.5100756511092186,-1.1741583049297333 6.701231002807617,-5.0013744831085205 l0.5345840752124786,-2.1188370883464813 m1.2056074291467667,-1.8679524958133698 m0.25983311235904694,-1.970345824956894 l-0.01725214417092502,-2.235349267721176 0.881691500544548,-0.154286352917552 l-0.877307653427124,-0.007611328619532287 0.7452725619077682,0.006269225850701332 l0.2669973857700825,-0.33870745450258255 0.27199123054742813,-0.24680018424987793 l0.5184665694832802,-1.385299265384674 0.8738084882497787,-1.4910706877708435 l0.2218688279390335,-1.3152934610843658 0.359342098236084,-0.5896492302417755 l0.4351302981376648,-1.450708657503128 -0.33360622823238373,-0.6617908179759979 l-1.2224674969911575,-0.5736279860138893 -2.209167033433914,1.0373254865407944 \" 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=\"147.75873597944155\" version=\"1.1\" width=\"212.0921216289389\" 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=\"147.75873597944155\" width=\"212.0921216289389\" x=\"0\" y=\"0\"/><path d=\"M52.00898941606283,57.2799758752808 m-1.381251960992813,0.8488680422306061 l1.2901602685451508,-0.8466478437185287 -1.9787126779556274,-0.14319037087261677 l-0.7702391594648361,-0.577261783182621 -1.3090728223323822,-1.47449791431427 l-2.3941294848918915,-0.08356863632798195 -2.651364803314209,0.35113245248794556 l-1.2797549366950989,-0.33057142049074173 -4.017468094825745,1.7123030126094818 l-0.3648082911968231,0.29798824340105057 -1.330808699131012,0.24794315919280052 l-1.2526975572109222,0.4149230197072029 -2.565484941005707,0.8429285883903503 l-0.6662038713693619,1.0923253744840622 -2.2013387084007263,2.8875169157981873 l-3.081091046333313,7.21501350402832 1.0279696434736252,1.669723391532898 l-0.37562351673841476,0.045518092811107635 -0.6398617476224899,1.528608500957489 l-1.067207008600235,3.0252155661582947 0.7650419324636459,1.833157241344452 l0.8005809783935547,0.24870041757822037 2.386639267206192,0.05697484128177166 l0.7808198034763336,0.2723349630832672 2.8738752007484436,-0.15436389483511448 l3.296908140182495,-2.203632742166519 8.188361525535583,-2.9050412774086 l0.1640746183693409,-1.3225558400154114 3.294508457183838,-2.4057286977767944 l0.7304791361093521,-2.0428039133548737 2.1009914577007294,-2.1349313855171204 l1.0974891483783722,-2.1845754981040955 0.9911492466926575,-3.033844530582428 l1.115301176905632,-1.8759778141975403 1.6295117139816284,-3.9987891912460327 l2.0188286900520325,-4.19545590877533 2.337033897638321,-5.207870602607727 l1.043705865740776,-2.736803889274597 0.33712517470121384,-1.1766757816076279 l1.1754995584487915,-2.7441638708114624 0.03624447388574481,-1.565355509519577 l0.7578048855066299,-1.914822906255722 0.11751171201467514,-1.1156264692544937 l0.8092804998159409,-1.9521255791187286 0.6639578193426132,-3.896014988422394 l1.028958335518837,-2.1912799775600433 -0.17571154981851578,-0.05050043109804392 l0.3620501235127449,-0.4064725339412689 -0.022630568128079176,0.37045788019895554 l-0.28219934552907944,1.0112161934375763 -0.2540501020848751,-0.10349671356379986 l-1.1305245757102966,2.9318025708198547 -0.7965149730443954,1.895085871219635 l-0.0564259709790349,0.07111643441021442 -0.7772184163331985,1.0694868117570877 l-0.66371850669384,1.3093800842761993 -0.29101552441716194,0.23810448125004768 l-0.7607508450746536,1.8882343173027039 -0.6039437279105186,1.4844204485416412 l-1.963086873292923,3.9193207025527954 -2.486567944288254,5.217326879501343 l-2.691149413585663,5.176743865013123 -0.6363441050052643,2.0711322128772736 l-0.7179237902164459,2.2833050787448883 -0.5656593292951584,1.6103093326091766 l-0.6686735898256302,1.508849561214447 -0.5154355987906456,2.3875094950199127 l-0.5968550965189934,4.166916906833649 -1.3602404296398163,4.115335047245026 l0.22955399006605148,2.1470941603183746 0.617535188794136,3.1237798929214478 l0.9064885973930359,1.079428642988205 0.4237402603030205,0.4632888361811638 l0.8669100701808929,-0.3906548023223877 1.6663067042827606,-0.5027242749929428 l1.484818160533905,-0.981336385011673 2.0271149277687073,-1.0612769424915314 l1.519256979227066,-0.9239988774061203 1.574469655752182,-1.1299725621938705 l4.56872433423996,-5.363818407058716 3.28874409198761,-2.2775378823280334 l2.217492163181305,-3.2421988248825073 2.0213288068771362,-1.1795040220022202 l0.7159196585416794,-1.46457239985466 1.1380994319915771,-0.8651776611804962 l1.070629358291626,-2.7061879634857178 -0.5291270092129707,1.5302789211273193 l0.4853484034538269,0.06110676098614931 0.05737069994211197,0.3214532136917114 l-0.8044334501028061,0.9683263301849365 -0.4308880493044853,1.3409605622291565 l-0.24927115067839622,1.3159921765327454 -2.336912602186203,4.126371145248413 l-0.5765427276492119,2.0121201872825623 -0.6148487329483032,1.3245931267738342 l-0.41784901171922684,2.8460437059402466 0.21004155278205872,0.26990393176674843 l0.820290595293045,-0.12594109401106834 0.35738952457904816,-0.42372502386569977 l1.327909380197525,-0.24650990962982178 3.4874460101127625,-0.6532800942659378 l0.9710503369569778,0.08779847994446754 1.066213920712471,-0.567999891936779 l1.351722925901413,-0.8327870815992355 2.070333808660507,-1.0162843018770218 l1.5988554060459137,-0.5988403782248497 1.4876967668533325,-1.563870906829834 l1.3616910576820374,-1.0138240456581116 2.171144336462021,-2.3944376409053802 l1.0185419023036957,-1.2991583347320557 0.02581873442977667,-1.4161665737628937 l0.21297864615917206,-1.8708746135234833 -0.4824928194284439,-0.115565937012434 l-0.526907742023468,0.24495702236890793 -0.969611257314682,0.04921489395201206 l-5.003595948219299,3.858090341091156 -0.7763709127902985,1.641891598701477 l-1.0009264945983887,0.9142325818538666 -1.4394362270832062,1.4998789131641388 l-0.7249889522790909,1.4094643294811249 -0.13077842071652412,1.9436225295066833 l-0.004228178295306861,0.8825968205928802 -0.3168407455086708,0.6268379837274551 l0.10159611701965332,1.5691372752189636 -0.5372720211744308,0.239698588848114 l0.07744810078293085,0.8471830934286118 1.0423943400382996,2.0358702540397644 l1.4375220239162445,1.870044469833374 1.766316294670105,0.7465393096208572 l6.7179518938064575,-2.3389065265655518 2.046533524990082,-1.8239344656467438 l1.4567288756370544,-0.5035637319087982 0.9453897178173065,-0.8525601774454117 l1.0926932096481323,-0.6665056943893433 1.3324236869812012,-0.08775853551924229 l1.3898974657058716,-0.4233420267701149 1.5289470553398132,-0.2647901885211468 l1.1359062045812607,-0.4542382061481476 1.9724242389202118,-0.28956443071365356 l2.2469955682754517,-0.8817582577466965 3.5482916235923767,-1.8068791925907135 l1.4176331460475922,-0.22336000576615334 2.049233168363571,-0.6241466850042343 l1.8929357826709747,-0.5099514499306679 4.39655214548111,-0.6606331467628479 l1.3577859103679657,-0.382055826485157 -0.9441153705120087,0.2358892560005188 l0.8236438781023026,0.2590555138885975 1.1312586814165115,-0.2564303018152714 l-0.7980898022651672,0.05274510942399502 -2.880362868309021,0.07203097455203533 l-1.3411009311676025,0.4444066062569618 -1.0718076676130295,0.4084671661257744 l-1.2146904319524765,0.4573369771242142 -0.7715602219104767,0.5495994910597801 l-0.7642713189125061,0.486663281917572 -1.9734057784080505,0.8170411735773087 l-1.480872631072998,0.6231402978301048 -0.9113174676895142,0.6682301312685013 l-0.4695693403482437,0.7297711819410324 -0.7251972705125809,0.48019126057624817 l0.5906447023153305,-0.1483142003417015 -1.1172445118427277,0.6101959943771362 l-1.3693968951702118,2.584450840950012 -0.9681229293346405,0.8551902323961258 l-0.036467849276959896,0.7860903441905975 -1.0083334147930145,1.6407997906208038 l-0.1815078780055046,4.195905923843384 0.5971445143222809,0.8995281904935837 l1.044488176703453,0.8280922472476959 1.092323288321495,0.535903126001358 l2.9985103011131287,-0.6697876006364822 2.967436909675598,-0.9438055008649826 l4.6150824427604675,-2.8425219655036926 1.5629896521568298,-1.4441877603530884 l5.2709221839904785,-5.4731374979019165 1.4979201555252075,-1.1900810897350311 l1.34585902094841,-2.2759832441806793 1.6866298019886017,-2.025745064020157 l4.301639199256897,-7.075551152229309 0.928562805056572,-1.5275178849697113 l0.6930854916572571,-1.3695751130580902 1.3377699255943298,-2.8695014119148254 l1.5223655104637146,-1.9252797961235046 1.7282485961914062,-3.756016492843628 l0.6424153596162796,-1.1794590950012207 0.23829489946365356,-0.7466983050107956 l1.428469866514206,-1.9990536570549011 -0.9005400538444519,0.11343547143042088 l-0.3322400525212288,0.9522431343793869 -0.8479273319244385,0.989556759595871 l-0.8598120510578156,0.519256629049778 -1.2349452078342438,1.6576787829399109 l-2.404332607984543,2.643539309501648 -1.502414494752884,3.2588165998458862 l-1.6976293921470642,1.8426218628883362 0.2805304527282715,1.0295633971691132 l-1.2115976959466934,1.7465755343437195 -0.6032121554017067,1.3590264320373535 l-0.5550305545330048,1.2569233775138855 -0.8011627942323685,1.9293206930160522 l-1.0194965451955795,2.7957504987716675 -0.4241831600666046,-0.013173602055758238 l-1.5892693400382996,2.41062194108963 -1.630604863166809,2.427108883857727 l-0.5523798242211342,3.966040313243866 0.14240733347833157,1.3419783115386963 l-0.051308656111359596,1.1299791187047958 0.4217103123664856,2.775281071662903 l5.971969366073608,1.1620741337537766 1.973957121372223,-0.5551348254084587 l2.0022572576999664,-0.06997659336775541 2.178516387939453,-0.6075368449091911 l2.9165682196617126,-0.8615768700838089 1.9584143161773682,-0.2085595577955246 l1.6039445996284485,-1.0322067886590958 3.6770686507225037,-1.2732557952404022 l2.301640659570694,-0.7666740566492081 1.7866027355194092,-0.843227282166481 l1.5905287861824036,-0.9490852057933807 1.222226768732071,-1.4224158227443695 l1.7407694458961487,-0.8249503374099731 1.7349013686180115,-2.0172859728336334 l0.8654787391424179,-1.7991283535957336 0.5532973632216454,-1.4042730629444122 l-0.2970157563686371,-0.561489574611187 -1.2683804333209991,-0.35637952387332916 l-5.334654450416565,0.09930258616805077 -1.1040901392698288,0.9950006753206253 l-0.9127771854400635,-0.035620322450995445 0.1044126320630312,-1.7491182684898376 l-1.956978440284729,0.588548518717289 -1.1928477883338928,0.7775281369686127 l-0.45313119888305664,0.6384964287281036 -0.9321875870227814,0.49387190490961075 l-1.971728652715683,1.1191453039646149 -1.2896591424942017,0.34380417317152023 l-3.300926685333252,3.4775525331497192 -0.6624560058116913,1.4459645748138428 l-1.7566899955272675,1.9298052787780762 1.19513638317585,1.9441454112529755 l-0.2338062971830368,2.247105687856674 -0.30998608097434044,-0.18806006759405136 l0.6502090394496918,3.549509048461914 1.9449539482593536,2.4462029337882996 l3.001076579093933,1.9125515222549438 3.4663495421409607,1.2249000370502472 l1.416618525981903,0.3710290789604187 3.7847310304641724,0.22572411224246025 l0.8768019080162048,1.0498442500829697 1.900605857372284,0.20750939846038818 l6.1064213514328,-0.7642774283885956 5.366156101226807,-3.51144015789032 l0.6420884281396866,-1.3878774642944336 m0.24181630462408066,-1.4300166070461273 l0.9781186282634735,-0.6973239034414291 1.073216274380684,-1.2946605682373047 l0.5230535194277763,-0.9508731216192245 -0.02047426998615265,-2.7101293206214905 m0.8412135392427444,-0.6898972392082214 l0.17107829451560974,-0.960533544421196 -1.578100174665451,0.049280859529972076 l-0.0001554280061100144,-0.5280458182096481 -1.1665701866149902,-1.145608052611351 l-0.6260893493890762,-0.8461412787437439 -0.6529918313026428,0.4226798564195633 l-1.397448182106018,-0.4187171906232834 -2.8263387084007263,2.0443663001060486 l-0.8837008476257324,0.874006375670433 -0.8920840173959732,0.9646870195865631 l-0.004427383828442544,0.348590724170208 -0.6438665837049484,1.1675295233726501 l-0.587032325565815,0.8877281099557877 -1.2214388698339462,1.4514453709125519 l-0.4711834713816643,1.1852267384529114 -0.9814644604921341,1.387307047843933 l-0.38904253393411636,1.98963463306427 -0.6069334968924522,1.3369196653366089 l-0.23198449984192848,1.388288289308548 -0.17044680193066597,1.242964193224907 l-0.19246745854616165,0.8404545485973358 -0.028348604682832956,0.8755242824554443 l-0.06868942640721798,2.175254225730896 0.7994039356708527,2.560524642467499 l0.5617542937397957,1.0460024327039719 0.37046942859888077,1.275588721036911 l0.3800302743911743,0.9974098950624466 0.6039739400148392,0.5986802652478218 l0.47806069254875183,0.6951815634965897 0.40834415704011917,1.9432251155376434 l0.6068473309278488,0.6823920458555222 0.6524375826120377,0.8792015165090561 l0.20215880125761032,1.2243331968784332 1.1430390179157257,0.38213178515434265 l1.6383391618728638,0.2039872482419014 0.9258526563644409,0.08823174051940441 l1.259283572435379,-0.328281968832016 1.5887033939361572,0.919158086180687 l2.01167494058609,0.4529617726802826 3.6582720279693604,-0.25564419105648994 l2.7293533086776733,0.19952984526753426 1.332419514656067,-1.9744692742824554 l0.6378883868455887,-0.7751227915287018 0.7843304425477982,-1.2335201352834702 l0.4934008792042732,-1.1713705956935883 1.5204600989818573,-1.5046967566013336 l0.7703154534101486,-1.7313580214977264 -0.07020067423582077,-1.03579580783844 l-0.04154249560087919,-0.8556681871414185 m-0.7778175920248032,-2.6871153712272644 l-0.07755073718726635,-1.4344167709350586 0.08003967814147472,-1.8084187805652618 l0.08613288402557373,-2.309500128030777 0.15584834851324558,-0.8515210449695587 l0.5262766778469086,-0.537882037460804 0.14753054827451706,-1.9676947593688965 l-0.06080430932343006,-1.3907775282859802 -1.143549233675003,-1.001228466629982 l-0.48051126301288605,0.38726914674043655 -0.6136517599225044,-0.8608946949243546 l-2.127668261528015,-0.11404366232454777 -0.20010806620121002,0.4892895370721817 l-3.1893080472946167,0.7044883817434311 -1.112821251153946,2.2165191173553467 l-3.173350691795349,3.435070514678955 -0.270935595035553,1.2976229190826416 l-1.9732694327831268,2.9824024438858032 -0.35233139991760254,2.6010748744010925 l-0.34846436232328415,3.163953125476837 -0.3486543893814087,2.4703720211982727 l2.686481773853302,6.037673354148865 0.6051260232925415,1.8236695230007172 l0.9951944649219513,0.27695629745721817 2.9931089282035828,0.8981934934854507 l2.6161956787109375,0.9204673022031784 1.2141330540180206,0.4026598110795021 l1.6024088859558105,0.5046745389699936 2.0683640241622925,0.34499678760766983 l1.4870162308216095,-0.5240350589156151 0.8014268428087234,-0.39229080080986023 l0.5904983356595039,-0.5745682492852211 0.06677661091089249,-1.264035701751709 l2.1028968691825867,-2.531256079673767 2.002207636833191,-4.45932924747467 l-0.03362766467034817,-1.1907538026571274 0.6358110159635544,-5.657022595405579 l-0.12441088445484638,-2.0654919743537903 -0.23272547870874405,-2.739327847957611 l0.06950349546968937,-1.2085358053445816 0.354946069419384,-3.8961294293403625 l0.21496042609214783,-0.30271153897047043 0.5032334849238396,-2.760840356349945 l0.9676416963338852,-2.204945385456085 0.34271251410245895,-1.950993537902832 l0.789184495806694,-0.7633423060178757 0.11175123043358326,0.8980057388544083 l0.5880215764045715,-1.2993045151233673 1.1083988100290298,-1.2116626650094986 l-0.17986588180065155,-0.8182381093502045 -1.177055612206459,2.5790414214134216 l-0.7447008043527603,0.5805929377675056 0.02826630836352706,0.8632608503103256 l-0.7437107712030411,0.492367222905159 -0.8543609827756882,2.8882595896720886 l-0.9835787117481232,1.3054333627223969 -2.474178820848465,5.687509775161743 l-1.020621508359909,2.09889680147171 -1.1321097612380981,2.015455663204193 l-2.600283622741699,4.927310049533844 -1.6142351925373077,7.85754919052124 l-1.8979817628860474,2.6679790019989014 -0.29740290716290474,1.1944658309221268 l-0.5770853161811829,0.9583646804094315 -0.31325705349445343,0.43699517846107483 l-0.22824443876743317,1.5414611995220184 -0.38094181567430496,1.1465582996606827 l-0.19525904208421707,1.0791359096765518 -0.14343511313199997,0.7793747633695602 l-0.09858389385044575,1.5741325914859772 0.38493700325489044,1.0946014523506165 l0.5100678279995918,0.321284644305706 0.18991626799106598,0.1758837141096592 l0.10709984228014946,1.001245453953743 0.6981208920478821,0.8072756230831146 l0.4758938029408455,0.6601627171039581 1.2578098475933075,0.012063905596733093 l0.6541056931018829,-1.6898860037326813 0.8042649179697037,0.01787159708328545 l0.504712387919426,-0.26709606871008873 0.3818945959210396,0.20892363041639328 l2.815130650997162,-2.046048641204834 0.5030844360589981,-0.578925795853138 \" 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
}