birthcard/Sketch_RNN.ipynb

2242 lines
929 KiB
Plaintext
Raw Normal View History

2019-08-25 17:19:27 +02:00
{
"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",
2019-08-27 20:41:06 +02:00
"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",
2019-08-25 17:19:27 +02:00
"\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",
2019-08-27 20:41:06 +02:00
"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",
2019-08-25 17:19:27 +02:00
"\n",
2019-08-27 20:41:06 +02:00
"W0827 17:43:32.257223 140714736174912 lazy_loader.py:50] \n",
2019-08-25 17:19:27 +02:00
"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",
2019-08-27 20:41:06 +02:00
"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",
2019-08-25 17:19:27 +02:00
"\n",
2019-08-27 20:41:06 +02:00
"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",
2019-08-25 17:19:27 +02:00
"\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",
2019-08-27 20:41:06 +02:00
"execution_count": 20,
2019-08-25 17:19:27 +02:00
"metadata": {
"colab": {},
"colab_type": "code",
"id": "Dipv1EbsFQuZ"
},
"outputs": [],
"source": [
2019-08-27 20:41:06 +02:00
"data_dir = 'datasets/naam4'\n",
"model_dir = 'models/naam4'"
2019-08-25 17:19:27 +02:00
]
},
{
"cell_type": "code",
2019-08-27 20:41:06 +02:00
"execution_count": 21,
2019-08-25 17:19:27 +02:00
"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",
2019-08-27 20:41:06 +02:00
"execution_count": 22,
2019-08-25 17:19:27 +02:00
"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",
2019-08-27 20:41:06 +02:00
"execution_count": 23,
2019-08-25 17:19:27 +02:00
"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": [
2019-08-27 20:41:06 +02:00
"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"
2019-08-25 17:19:27 +02:00
]
},
{
"name": "stdout",
"output_type": "stream",
"text": [
2019-08-27 20:41:06 +02:00
"total images <= max_seq_len is 361\n",
"total images <= max_seq_len is 361\n",
"total images <= max_seq_len is 361\n"
2019-08-25 17:19:27 +02:00
]
}
],
"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",
2019-08-27 20:41:06 +02:00
"execution_count": 24,
2019-08-25 17:19:27 +02:00
"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": [
2019-08-27 20:41:06 +02:00
"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",
2019-08-27 20:41:06 +02:00
"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",
2019-08-27 20:41:06 +02:00
"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"
2019-08-25 17:19:27 +02:00
]
}
],
"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",
2019-08-27 20:41:06 +02:00
"execution_count": 25,
2019-08-25 17:19:27 +02:00
"metadata": {
"colab": {},
"colab_type": "code",
"id": "1gxYLPTQFQuk"
},
"outputs": [],
"source": [
"sess = tf.InteractiveSession()\n",
"sess.run(tf.global_variables_initializer())"
]
},
{
"cell_type": "code",
2019-08-27 20:41:06 +02:00
"execution_count": 26,
2019-08-25 17:19:27 +02:00
"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": [
2019-08-27 20:41:06 +02:00
"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"
2019-08-25 17:19:27 +02:00
]
}
],
"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\")"
2019-08-25 17:19:27 +02:00
]
},
{
"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",
2019-08-27 20:41:06 +02:00
"execution_count": 27,
2019-08-25 17:19:27 +02:00
"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",
2019-08-27 20:41:06 +02:00
"execution_count": 28,
2019-08-25 17:19:27 +02:00
"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",
2019-08-27 20:41:06 +02:00
"execution_count": 69,
2019-08-25 17:19:27 +02:00
"metadata": {
"colab": {
"base_uri": "https://localhost:8080/",
"height": 123
},
"colab_type": "code",
"id": "fUOAvRQtFQuw",
"outputId": "c8e9a1c3-28db-4263-ac67-62ffece1e1e0"
},
"outputs": [
2019-08-27 20:41:06 +02:00
{
"name": "stdout",
"output_type": "stream",
"text": [
"260\n"
]
},
2019-08-25 17:19:27 +02:00
{
"data": {
"image/svg+xml": [
2019-08-27 20:41:06 +02:00
"<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.271453298628
2019-08-25 17:19:27 +02:00
],
"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",
2019-08-27 20:41:06 +02:00
"i = random.randint(101,360)\n",
"i=260\n",
"print(i)\n",
2019-08-25 17:19:27 +02:00
"stroke = test_set.random_sample()\n",
2019-08-27 20:41:06 +02:00
"stroke=test_set.strokes[i]\n",
"draw_strokes(stroke)\n"
2019-08-25 17:19:27 +02:00
]
},
{
"cell_type": "markdown",
"metadata": {
"colab_type": "text",
"id": "j114Re2JFQuz"
},
"source": [
"Let's try to encode the sample stroke into latent vector $z$"
]
},
2019-08-27 20:41:06 +02:00
{
"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)"
]
},
2019-08-25 17:19:27 +02:00
{
"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.7192041
],
"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
],
"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
],
"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.04
],
"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.6646657884120
],
"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.1469
],
"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.530814617
],
"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.94042
],
"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
],
"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.618626475
],
"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
],
"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.5
],
"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.768680
],
"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.4140230
],
"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.62261
],
"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
],
"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.8532250672578
],
"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
],
"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.29057645
],
"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.750570
],
"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.1797624
],
"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.215337332338
],
"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.337482690811157
],
"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.944882184
],
"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
],
"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.34459810
],
"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.4
],
"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.89020678400
],
"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.229295223
],
"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.45
],
"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
],
"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.56351505219
],
"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.80871188640
],
"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
],
"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.038138686
],
"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,-
],
"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.0
],
"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.5115
],
"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.14
],
"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.54685154
],
"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.065
],
"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.01
],
"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
],
"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.501415
],
"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.5920557081
],
"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.40975841879844
],
"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.0105349
],
"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.490469515
],
"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.055111885
],
"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,-
],
"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
],
"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.32459312677
],
"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.27
],
"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.
],
"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.475341007
],
"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.984
],
"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
}