{
 "cells": [
  {
   "cell_type": "markdown",
   "id": "6acf32cc-e720-4ff6-9905-bcacb3030aaa",
   "metadata": {},
   "source": [
    "# Notebook 5: PyTorch [![Open In Colab](https://colab.research.google.com/assets/colab-badge.svg)](https://colab.research.google.com/github/mattsankner/micrograd/blob/main/mg5_pytorch.ipynb) [![View in nbviewer](https://img.shields.io/badge/view-nbviewer-orange)](https://nbviewer.jupyter.org/github/mattsankner/micrograd/blob/main/mg5_pytorch.ipynb)"
   ]
  },
  {
   "cell_type": "markdown",
   "id": "a10e6c35-868b-47d8-83e0-e741889cbcee",
   "metadata": {},
   "source": [
    "### Now, we will build the same forward and backward pass, but all with PyTorch!\n",
    "\n",
    "Engineers typically use a modern deep neural network library like PyTorch in production We can do the same thing with the PyTorch API. "
   ]
  },
  {
   "cell_type": "code",
   "execution_count": 26,
   "id": "f20503d7-0738-44f1-b736-bd13b1875d17",
   "metadata": {},
   "outputs": [],
   "source": [
    "import math\n",
    "import numpy as np\n",
    "import matplotlib.pyplot as plt"
   ]
  },
  {
   "cell_type": "code",
   "execution_count": 27,
   "id": "2b98f012-9987-4ad4-8d93-2005d63e4cc2",
   "metadata": {},
   "outputs": [],
   "source": [
    "class Value:\n",
    "  def __init__(self, data, _children=(), _op='', label=''):\n",
    "    self.data = data\n",
    "    self.grad = 0.0\n",
    "    self._backward = lambda: None\n",
    "    self._prev = set(_children)\n",
    "    self._op = _op\n",
    "    self.label = label\n",
    "\n",
    "  def __repr__(self):\n",
    "    return f\"Value(data={self.data})\"\n",
    "  \n",
    "  def __add__(self, other):\n",
    "    other = other if isinstance(other, Value) else Value(other)\n",
    "    out = Value(self.data + other.data, (self, other), '+')\n",
    "      \n",
    "    def _backward():\n",
    "      self.grad += 1.0 * out.grad\n",
    "      other.grad += 1.0 * out.grad\n",
    "    out._backward = _backward\n",
    "    \n",
    "    return out\n",
    "\n",
    "  def __mul__(self, other):\n",
    "    other = other if isinstance(other, Value) else Value(other)\n",
    "    out = Value(self.data * other.data, (self, other), '*')\n",
    "    \n",
    "    def _backward():\n",
    "      self.grad += other.data * out.grad\n",
    "      other.grad += self.data * out.grad\n",
    "    out._backward = _backward\n",
    "      \n",
    "    return out\n",
    "\n",
    "  def __neg__(self): #-self\n",
    "      return self * -1\n",
    "\n",
    "  def __sub__(self, other): #self-other; implement thru addition by negation, mult by -1 for the negation (what we've built)\n",
    "      return self + (-other)\n",
    "      \n",
    "  def __pow__(self, other): #self to the pow of other\n",
    "      assert isinstance(other, (int, float)), \"only supporting int/float powers for now\"\n",
    "      out = Value(self.data**other, (self,),f'**{other}')\n",
    "\n",
    "      def _backward(): #what's the chain rule for backprop thru the power function, where power is power of some kind of constant\n",
    "        self.grad += other * self.data ** (other -1) * out.grad\n",
    "                    #other * self.data ** (other -1) is the local derivative only, but then have to chain it by mult by out.grad\n",
    "                            #self.data is an int or a float, not a Value obj, just accessing .data prop\n",
    "        #to do the above exercises, go to the derivative rules\n",
    "      out._backward = _backward\n",
    "      return out\n",
    "\n",
    "  def __rmul__(self,other): #other * self; fallback for python not being able to do num * self, check if rmul in value, call it reverse\n",
    "      return self * other\n",
    "\n",
    "  def __truediv__(self, other): #self/other\n",
    "      return self*other**-1\n",
    "      \n",
    "  def tanh(self):\n",
    "    x = self.data\n",
    "    t = (math.exp(2*x) - 1)/(math.exp(2*x) + 1)\n",
    "    out = Value(t, (self, ), 'tanh')\n",
    "    \n",
    "    def _backward():\n",
    "      self.grad += (1 - t**2) * out.grad\n",
    "    out._backward = _backward\n",
    "    \n",
    "    return out\n",
    "\n",
    "  def exp(self): #mirrors tanh; inputs, transforms, and outputs a single scalar value\n",
    "      x = self.data\n",
    "      out = Value(math.exp(x), (self, ), 'exp')\n",
    "\n",
    "      #how do you backpropogate through e^x We need to know the local deriv of e^x. D/dx of e^x is e^x\n",
    "      #eturns E raised to the power of x (Ex).\n",
    "        #'E' is the base of the natural system of logarithms (approximately 2.718282) and x is the number passed to it.\n",
    "      def _backward():\n",
    "          self.grad += out.data * out.grad\n",
    "      out._backward = _backward\n",
    "      return out\n",
    "      \n",
    "  def backward(self):\n",
    "    topo = []\n",
    "    visited = set()\n",
    "    def build_topo(v):\n",
    "      if v not in visited:\n",
    "        visited.add(v)\n",
    "        for child in v._prev:\n",
    "          build_topo(child)\n",
    "        topo.append(v)\n",
    "    build_topo(self)\n",
    "    \n",
    "    self.grad = 1.0\n",
    "    for node in reversed(topo):\n",
    "      node._backward()"
   ]
  },
  {
   "cell_type": "code",
   "execution_count": 28,
   "id": "822945fc-908e-460d-b4a1-edadd3dbdd97",
   "metadata": {},
   "outputs": [],
   "source": [
    "from graphviz import Digraph\n",
    "\n",
    "def trace(root):\n",
    "  # builds a set of all nodes and edges in a graph\n",
    "  nodes, edges = set(), set()\n",
    "  def build(v):\n",
    "    if v not in nodes:\n",
    "      nodes.add(v)\n",
    "      for child in v._prev:\n",
    "        edges.add((child, v))\n",
    "        build(child)\n",
    "  build(root)\n",
    "  return nodes, edges\n",
    "\n",
    "def draw_dot(root):\n",
    "  dot = Digraph(format='svg', graph_attr={'rankdir': 'LR'}) # LR = left to right\n",
    "  \n",
    "  nodes, edges = trace(root)\n",
    "  for n in nodes:\n",
    "    uid = str(id(n))\n",
    "    # for any value in the graph, create a rectangular ('record') node for it\n",
    "    dot.node(name = uid, label = \"{ %s | data %.4f | grad %.4f }\" % (n.label, n.data, n.grad), shape='record')\n",
    "    if n._op:\n",
    "      # if this value is a result of some operation, create an op node for it\n",
    "      dot.node(name = uid + n._op, label = n._op)\n",
    "      # and connect this node to it\n",
    "      dot.edge(uid + n._op, uid)\n",
    "\n",
    "  for n1, n2 in edges:\n",
    "    # connect n1 to the op node of n2\n",
    "    dot.edge(str(id(n1)), str(id(n2)) + n2._op)\n",
    "\n",
    "  return dot"
   ]
  },
  {
   "cell_type": "markdown",
   "id": "06684d09-ebf9-42ea-93da-5871b0ad525e",
   "metadata": {},
   "source": [
    "### The micrograd we have already built is a scalar valued engine, which means it can only take in scalar values, like Value(2.0). In PyTorch, everything is based around tensors, which are n-dimensional arrays of scalars. Thus, we need a scalar valued tensor. "
   ]
  },
  {
   "cell_type": "code",
   "execution_count": 29,
   "id": "d1806d87-fd5b-4b5c-9e1f-e8106d59c4af",
   "metadata": {},
   "outputs": [],
   "source": [
    "import torch "
   ]
  },
  {
   "cell_type": "code",
   "execution_count": 37,
   "id": "bbad52f4-91b4-4b46-b523-fa74442459be",
   "metadata": {},
   "outputs": [
    {
     "data": {
      "text/plain": [
       "tensor([[1., 2., 3.],\n",
       "        [4., 5., 6.]])"
      ]
     },
     "execution_count": 37,
     "metadata": {},
     "output_type": "execute_result"
    }
   ],
   "source": [
    "#This is a tensor:\n",
    "torch.Tensor([[1,2,3],[4,5,6]])"
   ]
  },
  {
   "cell_type": "code",
   "execution_count": 38,
   "id": "6754ec42-6d35-4156-a24d-03ba2e1d6c21",
   "metadata": {},
   "outputs": [
    {
     "data": {
      "text/plain": [
       "torch.Size([2, 3])"
      ]
     },
     "execution_count": 38,
     "metadata": {},
     "output_type": "execute_result"
    }
   ],
   "source": [
    "#Check its shape:\n",
    "torch.Tensor([[1,2,3],[4,5,6]]).shape"
   ]
  },
  {
   "cell_type": "markdown",
   "id": "c6286390-83a4-4fe7-9e00-caaa2c6be162",
   "metadata": {},
   "source": [
    "By default, python by default uses double precision for its floating points, which is byte size float(64). You can cast a tensor to double so it matches what python is expecting:"
   ]
  },
  {
   "cell_type": "code",
   "execution_count": 42,
   "id": "e7d73e61-bbaf-40bb-832a-c834670913f3",
   "metadata": {},
   "outputs": [
    {
     "data": {
      "text/plain": [
       "torch.float32"
      ]
     },
     "execution_count": 42,
     "metadata": {},
     "output_type": "execute_result"
    }
   ],
   "source": [
    "#single precision\n",
    "torch.Tensor([2.0]).dtype"
   ]
  },
  {
   "cell_type": "code",
   "execution_count": 43,
   "id": "ef28c09a-b7ff-4a56-8358-6da7e9b4a3bd",
   "metadata": {},
   "outputs": [
    {
     "data": {
      "text/plain": [
       "torch.float64"
      ]
     },
     "execution_count": 43,
     "metadata": {},
     "output_type": "execute_result"
    }
   ],
   "source": [
    "#casted to double precision so float 32 (default) is cast to float 64\n",
    "torch.Tensor([2.0]).double().dtype"
   ]
  },
  {
   "cell_type": "markdown",
   "id": "b027793c-e9fd-4c33-bac8-8b4d5f656dc7",
   "metadata": {},
   "source": [
    "PyTorch automatically assumes that leaf nodes we declare don't require gradients. By default, requires_grad is set to false for efficiency because you wouldn't usually want gradients for leaf nodes as input to the network. We can explicitly say all nodes require gradients, though. \n",
    "\n",
    "Now, we will construct scalar valued, one element tensors. Once we have defined all values, we can perform arithmetic on the tensors."
   ]
  },
  {
   "cell_type": "code",
   "execution_count": 46,
   "id": "a22f4600-3cd1-46cd-92a8-89389236d1cb",
   "metadata": {},
   "outputs": [
    {
     "name": "stdout",
     "output_type": "stream",
     "text": [
      "0.7071066904050358\n",
      "---\n",
      "x2 0.5000001283844369\n",
      "w2 0.0\n",
      "x1 -1.5000003851533106\n",
      "w1 1.0000002567688737\n"
     ]
    }
   ],
   "source": [
    "#just like in micrograd, these tensor objects have a .data and a .grad...\n",
    "x1 = torch.Tensor([2.0]).double()               ; x1.requires_grad = True\n",
    "x2 = torch.Tensor([0.0]).double()               ; x2.requires_grad = True\n",
    "w1 = torch.Tensor([-3.0]).double()              ; w1.requires_grad = True\n",
    "w2 = torch.Tensor([1.0]).double()               ; w2.requires_grad = True\n",
    "b = torch.Tensor([6.8813735870195432]).double() ; b.requires_grad = True\n",
    "n = x1*w1 + x2*w2 + b\n",
    "o = torch.tanh(n)\n",
    "\n",
    "print(o.data.item()) #.item() takes a single tensor of one element and returns element, stripping out the tensor\n",
    "\n",
    "o.backward() #prints forward pass.\n",
    "\n",
    "#prints gradients/backwards pass\n",
    "print('---')\n",
    "print('x2', x2.grad.item())\n",
    "print('w2', w2.grad.item())\n",
    "print('x1', x1.grad.item())\n",
    "print('w1', w1.grad.item())"
   ]
  },
  {
   "cell_type": "markdown",
   "id": "653512ba-f606-41ba-8f71-7ea2235216fd",
   "metadata": {},
   "source": [
    "PyTorch can do what we did in micrograd, as a special case when your tensors are all single-element tensors. \n",
    "\n",
    "With PyTorch, everything is much more efficient because we're working with tensor objects. Many operations can work in parallel on these tensors. Everything we've built agrees with API of PyTorch."
   ]
  },
  {
   "cell_type": "code",
   "execution_count": 47,
   "id": "7acddc98-1af1-45a2-9a1b-817f54a6e801",
   "metadata": {},
   "outputs": [
    {
     "data": {
      "text/plain": [
       "tensor([0.7071], dtype=torch.float64, grad_fn=<TanhBackward0>)"
      ]
     },
     "execution_count": 47,
     "metadata": {},
     "output_type": "execute_result"
    }
   ],
   "source": [
    "o #tensor object, has a backward function just like what we implemented"
   ]
  },
  {
   "cell_type": "code",
   "execution_count": 49,
   "id": "fe7b8601-8187-4684-890a-37fa4021b93d",
   "metadata": {},
   "outputs": [
    {
     "data": {
      "text/plain": [
       "0.7071066904050358"
      ]
     },
     "execution_count": 49,
     "metadata": {},
     "output_type": "execute_result"
    }
   ],
   "source": [
    "o.item()   #same as o.data.item()"
   ]
  },
  {
   "cell_type": "code",
   "execution_count": 50,
   "id": "1362dda5-6d33-4205-8b42-0ef2b318d374",
   "metadata": {},
   "outputs": [
    {
     "data": {
      "text/plain": [
       "-1.5000003851533106"
      ]
     },
     "execution_count": 50,
     "metadata": {},
     "output_type": "execute_result"
    }
   ],
   "source": [
    "#all of the variables have a .grad\n",
    "x1.grad.item() #-> grad is a tensor, pop out number with .item()"
   ]
  },
  {
   "cell_type": "markdown",
   "id": "65432123-430b-4174-84f7-2c432ddec9fe",
   "metadata": {},
   "source": [
    "## Now that we have some machinery to build pretty complicated mathematical expressions in a neuron, we can begin building out are neural network.\n",
    "\n",
    "Neural networks are a specific class of mathematic expressions. We will start building out a neural netwrok piece by piece, and eventually build out a two layer ```Multi-Layer Perceptron```. \n",
    "\n",
    "Let's start with a single individual neuron. We'll make our above neuron subscribe to PyTorch's API and its specific neural network modules.\n",
    "\n",
    "![](mlp.jpeg)"
   ]
  },
  {
   "cell_type": "markdown",
   "id": "02f1beb6-d9f8-467f-95ad-f863d348eb4e",
   "metadata": {},
   "source": [
    "Now, we're going to define a layer on neurons... So look up schematic for MLP. MultiLayer Perceptron.\n",
    "Notice how there are multiple layers with multiple neurons. The neurons are not connected to each other, but are rather connected to all of the inputs. A layer of neurons is a set of neurons evaluated independently. "
   ]
  },
  {
   "cell_type": "markdown",
   "id": "5559faf0-a5a8-4216-a67c-d5ef998cc87e",
   "metadata": {},
   "source": [
    "### Below, we initialize the Neuron class. \n",
    "We define a constructor and ```__call__(self,x)```.\n",
    "\n",
    "For the forward pass, we need to multiply all of the elements of ```w``` with all of the elements of ```x```, pair-wise.\n",
    "\n",
    "To visualize this, we write: ```list(zip(self.w,x))``` after we have intialized our ```x's``` and ```n```, where ```x's``` are the ```self.data```'s, and ```n``` is the Neuron we're putting them in.\n",
    "\n",
    "The ```__call__``` function will give us a ```zip``` that will make two iterators that iterate over tuples of corresponding entries ```(self.w[3], x[3])```, for example.\n"
   ]
  },
  {
   "cell_type": "code",
   "execution_count": 105,
   "id": "4fc028d3-13af-48c0-9d6c-3f498488d1cd",
   "metadata": {},
   "outputs": [],
   "source": [
    "import random"
   ]
  },
  {
   "cell_type": "code",
   "execution_count": 108,
   "id": "866f88c8-ab9b-4efb-9c13-9bc5e0d2fc1e",
   "metadata": {},
   "outputs": [
    {
     "name": "stdout",
     "output_type": "stream",
     "text": [
      "[(Value(data=-0.891937987300732), 2.0), (Value(data=-0.7191340580027186), 3.0)]\n"
     ]
    }
   ],
   "source": [
    "class Neuron:\n",
    "    #constructor takes number of inputs to the neuron, \n",
    "    #creates a weight of some random number between -1 and 1,\n",
    "    #and a bias that controls trigger happinesss of the neuron\n",
    "    def __init__(self,nin):  \n",
    "        self.w = [Value(random.uniform(-1,1)) for _ in range(nin)]\n",
    "        self.b = Value(random.uniform(-1,1))\n",
    "\n",
    "    #w * x + b -> w*x is a dot product.                     \n",
    "    def __call__(self,x): #this will be called with n(x). \n",
    "        print(list(zip(self.w,x)))\n",
    "\n",
    "x = [2.0, 3.0]\n",
    "n = Neuron(2) #initialize a 2 dimensional neuron\n",
    "n(x) #feed the nums into the neuron"
   ]
  },
  {
   "cell_type": "markdown",
   "id": "ee4d57ec-720d-4e89-af35-cb2006d8caba",
   "metadata": {},
   "source": [
    "Now that you can visualize it, we'll create the raw activation function, which is a sum of the dot products of all of the tuples of the weights and data. After we create that, we need to pass it through the non-linearity, so we call ```tanh()``` on it.\n",
    "\n",
    "Test the code below. Notice how you get a different answer each time because we initialize different weights and biases each time."
   ]
  },
  {
   "cell_type": "code",
   "execution_count": 115,
   "id": "d0360f85-9c52-432d-91be-ffa4fcfac73f",
   "metadata": {},
   "outputs": [
    {
     "data": {
      "text/plain": [
       "Value(data=0.9702820556902484)"
      ]
     },
     "execution_count": 115,
     "metadata": {},
     "output_type": "execute_result"
    }
   ],
   "source": [
    "class Neuron:\n",
    "    def __init__(self,nin):  \n",
    "        self.w = [Value(random.uniform(-1,1)) for _ in range(nin)]\n",
    "        self.b = Value(random.uniform(-1,1))\n",
    "\n",
    "    def __call__(self,x): \n",
    "\n",
    "        #It computes the weighted sum of the inputs plus the bias (act), \n",
    "        #using the dot product of weights self.w and inputs x, starting the sum with self.b.\n",
    "    \n",
    "        #create raw activation function:\n",
    "        #sum the product for all elements of w and all elements of x (pairs)\n",
    "        #by default, builds a sum on top of 0.0, so we start with self.b instead (optional param)\n",
    "        act = sum((wi*xi for wi, xi in zip(self.w, x)), self.b)\n",
    "        \n",
    "        #pass through non-linearity\n",
    "        out = act.tanh()\n",
    "        \n",
    "        return out\n",
    "\n",
    "x = [2.0, 3.0]\n",
    "n = Neuron(2) #initialize a 2 dimensional neuron \n",
    "n(x) #feed the nums into the neuron "
   ]
  },
  {
   "cell_type": "markdown",
   "id": "ee502927-50f3-426e-8b29-accf99a55245",
   "metadata": {},
   "source": [
    "### Now, we'll define a layer of neurons, which will contain all of the neurons connected to the previous set of neuron(s) as input and connected to the next set of neuron(s) as output.\n",
    "\n"
   ]
  },
  {
   "cell_type": "code",
   "execution_count": 117,
   "id": "be2d7319-da97-44ff-bebe-4f711cd51e57",
   "metadata": {},
   "outputs": [
    {
     "data": {
      "text/plain": [
       "[Value(data=-0.15572956132854174),\n",
       " Value(data=0.9984237412005323),\n",
       " Value(data=-0.9748622220216048)]"
      ]
     },
     "execution_count": 117,
     "metadata": {},
     "output_type": "execute_result"
    }
   ],
   "source": [
    "class Neuron:\n",
    "    def __init__(self,nin): \n",
    "        self.w = [Value(random.uniform(-1,1)) for _ in range(nin)]\n",
    "        self.b = Value(random.uniform(-1,1))\n",
    "\n",
    "    def __call__(self,x): \n",
    "        act = sum((wi*xi for wi, xi in zip(self.w, x)), self.b)  \n",
    "        out = act.tanh()\n",
    "        return out\n",
    "\n",
    "class Layer: #A layer is a list of neurons, one one layer in an MLP\n",
    "\n",
    "    #nin = num inputs to each each neuron in the layer\n",
    "    #nout = number of neurons in the layer\n",
    "\n",
    "    #init a list of self.neurons containing nout Neuron objects, each with nin inputs\n",
    "    def __init__(self, nin, nout): \n",
    "        self.neurons = [Neuron(nin) for _ in range(nout)]\n",
    "\n",
    "    def __call__(self, x):\n",
    "        outs = [n(x) for n in self.neurons] #apply x to each neuron in the layer\n",
    "        \n",
    "        #returns output of each neuron as a list. If only one neuron, returns single output\n",
    "        return outs[0] if len(outs) == 1 else outs \n",
    "        \n",
    "x = [2.0, 3.0]\n",
    "n = Layer(2, 3) #-> two dimensional neurons, 3 of them\n",
    "n(x) #feed x to Layer(n)"
   ]
  },
  {
   "cell_type": "markdown",
   "id": "fa3c8a49-e8be-41be-8c2b-8cd994b5eceb",
   "metadata": {},
   "source": [
    "### Now, let's define our MLP. This will encapsulate all of the layers of the neurons in our neural network.\n",
    "\n",
    "It will take a list of ```nouts``` (instead of single ```nout```), which defines the sizes of all layers we want in our MLP\n",
    "\n"
   ]
  },
  {
   "cell_type": "code",
   "execution_count": 120,
   "id": "213782e6-1496-4a73-9e6f-9e39962bd40a",
   "metadata": {},
   "outputs": [
    {
     "data": {
      "text/plain": [
       "Value(data=-0.6707963942601958)"
      ]
     },
     "execution_count": 120,
     "metadata": {},
     "output_type": "execute_result"
    }
   ],
   "source": [
    "class Neuron:\n",
    "    def __init__(self,nin): \n",
    "        self.w = [Value(random.uniform(-1,1)) for _ in range(nin)]\n",
    "        self.b = Value(random.uniform(-1,1))\n",
    "\n",
    "    def __call__(self,x): \n",
    "        act = sum((wi*xi for wi, xi in zip(self.w, x)), self.b)  \n",
    "        out = act.tanh()\n",
    "        return out\n",
    "\n",
    "class Layer: \n",
    "    def __init__(self, nin, nout): \n",
    "        #nin = num inputs to each each neuron in the layer\n",
    "        #nout = number of neurons in the layer\n",
    "        self.neurons = [Neuron(nin) for _ in range(nout)]\n",
    "\n",
    "    def __call__(self, x):\n",
    "        outs = [n(x) for n in self.neurons]\n",
    "        return outs[0] if len(outs) == 1 else outs \n",
    "\n",
    "class MLP: #sample input: nin = 3; nouts = [4,4,1]; x = [2.0, 3.0, -1.0]\n",
    "    \n",
    "    #nin = num inputs to MLP\n",
    "    #nouts = list where each element is number of neurons in each subsequent layer of MLP\n",
    "    #sz combines nin and nouts into a single list, where:\n",
    "        #sz[1] is the num of neurons in the first layer, \n",
    "        #sz[2] is num of neurons in second layer, etc.\n",
    "    \n",
    "    def __init__(self, nin, nouts): \n",
    "        \n",
    "        sz = [nin] + nouts #sample input: sz = [3] + [4,4,1] = [3,4,4,1]\n",
    "\n",
    "        #uses list comprehension to create list objects.\n",
    "        #pairs consecutive elements in sz, creating Layer objects from input size to the \n",
    "        #number of neurons, then from one layer's neuron to the next\n",
    "        \n",
    "        #iterate over consecutive pairs of these sizes and create layer objects for them\n",
    "        self.layers = [Layer(sz[i], sz[i+1]) for i in range(len(nouts))]\n",
    "        #sample input: for each i in range(3), create Layer object with sz[i] = nin and sz[i+1] = nout\n",
    "            #creates self.Layers = [Layer(3,4), Layer(4,4), Layer(4,1)].\n",
    "            #ex: Layer(3,4) -> list of 4 Neuron obj with 3 inputs each (nin=3)\n",
    "    \n",
    "    def __call__(self, x):\n",
    "        for layer in self.layers: #input x is passed through each layer in sequence\n",
    "            x = layer(x)          #each layer processes input and produces output, which is input for next layer\n",
    "        return x                  #return result of last layer's processing\n",
    "    \n",
    "\n",
    "x = [2.0, 3.0, -1.0]   #three dimensional input\n",
    "n = MLP(3, [4, 4, 1])  #three inputs into two layers of four and one output\n",
    "n(x)"
   ]
  },
  {
   "cell_type": "code",
   "execution_count": 123,
   "id": "d9c55ba1-8da7-456d-bf69-29a6ae702ec9",
   "metadata": {},
   "outputs": [
    {
     "name": "stdout",
     "output_type": "stream",
     "text": [
      "The history saving thread hit an unexpected error (OperationalError('attempt to write a readonly database')).History will not be written to the database.\n"
     ]
    },
    {
     "data": {
      "image/svg+xml": [
       "<?xml version=\"1.0\" encoding=\"UTF-8\" standalone=\"no\"?>\n",
       "<!DOCTYPE svg PUBLIC \"-//W3C//DTD SVG 1.1//EN\"\n",
       " \"http://www.w3.org/Graphics/SVG/1.1/DTD/svg11.dtd\">\n",
       "<!-- Generated by graphviz version 11.0.0 (20240428.1522)\n",
       " -->\n",
       "<!-- Pages: 1 -->\n",
       "<svg width=\"5738pt\" height=\"1089pt\"\n",
       " viewBox=\"0.00 0.00 5738.00 1089.00\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:xlink=\"http://www.w3.org/1999/xlink\">\n",
       "<g id=\"graph0\" class=\"graph\" transform=\"scale(1 1) rotate(0) translate(4 1085)\">\n",
       "<polygon fill=\"white\" stroke=\"none\" points=\"-4,4 -4,-1085 5734,-1085 5734,4 -4,4\"/>\n",
       "<!-- 4948844560 -->\n",
       "<g id=\"node1\" class=\"node\">\n",
       "<title>4948844560</title>\n",
       "<polygon fill=\"none\" stroke=\"black\" points=\"1869.75,-192.5 1869.75,-228.5 2050.5,-228.5 2050.5,-192.5 1869.75,-192.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"1879.62\" y=\"-205.7\" font-family=\"Times,serif\" font-size=\"14.00\"> </text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"1889.5,-193 1889.5,-228.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"1929.38\" y=\"-205.7\" font-family=\"Times,serif\" font-size=\"14.00\">data 0.9585</text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"1969.25,-193 1969.25,-228.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"2009.88\" y=\"-205.7\" font-family=\"Times,serif\" font-size=\"14.00\">grad 0.0000</text>\n",
       "</g>\n",
       "<!-- 4948849680+ -->\n",
       "<g id=\"node133\" class=\"node\">\n",
       "<title>4948849680+</title>\n",
       "<ellipse fill=\"none\" stroke=\"black\" cx=\"2115.75\" cy=\"-210.5\" rx=\"27\" ry=\"18\"/>\n",
       "<text text-anchor=\"middle\" x=\"2115.75\" y=\"-205.45\" font-family=\"Times,serif\" font-size=\"14.00\">+</text>\n",
       "</g>\n",
       "<!-- 4948844560&#45;&gt;4948849680+ -->\n",
       "<g id=\"edge88\" class=\"edge\">\n",
       "<title>4948844560&#45;&gt;4948849680+</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M2050.93,-210.5C2060.11,-210.5 2069.03,-210.5 2077.15,-210.5\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"2076.9,-214 2086.9,-210.5 2076.9,-207 2076.9,-214\"/>\n",
       "</g>\n",
       "<!-- 4948844560* -->\n",
       "<g id=\"node2\" class=\"node\">\n",
       "<title>4948844560*</title>\n",
       "<ellipse fill=\"none\" stroke=\"black\" cx=\"1804.5\" cy=\"-210.5\" rx=\"27\" ry=\"18\"/>\n",
       "<text text-anchor=\"middle\" x=\"1804.5\" y=\"-205.45\" font-family=\"Times,serif\" font-size=\"14.00\">*</text>\n",
       "</g>\n",
       "<!-- 4948844560*&#45;&gt;4948844560 -->\n",
       "<g id=\"edge1\" class=\"edge\">\n",
       "<title>4948844560*&#45;&gt;4948844560</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M1831.91,-210.5C1839.62,-210.5 1848.54,-210.5 1858.01,-210.5\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"1857.82,-214 1867.82,-210.5 1857.82,-207 1857.82,-214\"/>\n",
       "</g>\n",
       "<!-- 4948779216 -->\n",
       "<g id=\"node3\" class=\"node\">\n",
       "<title>4948779216</title>\n",
       "<polygon fill=\"none\" stroke=\"black\" points=\"1869.75,-687.5 1869.75,-723.5 2050.5,-723.5 2050.5,-687.5 1869.75,-687.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"1879.62\" y=\"-700.7\" font-family=\"Times,serif\" font-size=\"14.00\"> </text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"1889.5,-688 1889.5,-723.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"1929.38\" y=\"-700.7\" font-family=\"Times,serif\" font-size=\"14.00\">data 0.8697</text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"1969.25,-688 1969.25,-723.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"2009.88\" y=\"-700.7\" font-family=\"Times,serif\" font-size=\"14.00\">grad 0.0000</text>\n",
       "</g>\n",
       "<!-- 4934724176* -->\n",
       "<g id=\"node68\" class=\"node\">\n",
       "<title>4934724176*</title>\n",
       "<ellipse fill=\"none\" stroke=\"black\" cx=\"2115.75\" cy=\"-705.5\" rx=\"27\" ry=\"18\"/>\n",
       "<text text-anchor=\"middle\" x=\"2115.75\" y=\"-700.45\" font-family=\"Times,serif\" font-size=\"14.00\">*</text>\n",
       "</g>\n",
       "<!-- 4948779216&#45;&gt;4934724176* -->\n",
       "<g id=\"edge206\" class=\"edge\">\n",
       "<title>4948779216&#45;&gt;4934724176*</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M2050.93,-705.5C2060.11,-705.5 2069.03,-705.5 2077.15,-705.5\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"2076.9,-709 2086.9,-705.5 2076.9,-702 2076.9,-709\"/>\n",
       "</g>\n",
       "<!-- 4949344528 -->\n",
       "<g id=\"node4\" class=\"node\">\n",
       "<title>4949344528</title>\n",
       "<polygon fill=\"none\" stroke=\"black\" points=\"936,-934.5 936,-970.5 1116.75,-970.5 1116.75,-934.5 936,-934.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"945.88\" y=\"-947.7\" font-family=\"Times,serif\" font-size=\"14.00\"> </text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"955.75,-935 955.75,-970.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"995.62\" y=\"-947.7\" font-family=\"Times,serif\" font-size=\"14.00\">data 3.0000</text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"1035.5,-935 1035.5,-970.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"1076.12\" y=\"-947.7\" font-family=\"Times,serif\" font-size=\"14.00\">grad 0.0000</text>\n",
       "</g>\n",
       "<!-- 4949355984* -->\n",
       "<g id=\"node100\" class=\"node\">\n",
       "<title>4949355984*</title>\n",
       "<ellipse fill=\"none\" stroke=\"black\" cx=\"1182\" cy=\"-952.5\" rx=\"27\" ry=\"18\"/>\n",
       "<text text-anchor=\"middle\" x=\"1182\" y=\"-947.45\" font-family=\"Times,serif\" font-size=\"14.00\">*</text>\n",
       "</g>\n",
       "<!-- 4949344528&#45;&gt;4949355984* -->\n",
       "<g id=\"edge91\" class=\"edge\">\n",
       "<title>4949344528&#45;&gt;4949355984*</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M1117.18,-952.5C1126.36,-952.5 1135.28,-952.5 1143.4,-952.5\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"1143.15,-956 1153.15,-952.5 1143.15,-949 1143.15,-956\"/>\n",
       "</g>\n",
       "<!-- 4948713744 -->\n",
       "<g id=\"node5\" class=\"node\">\n",
       "<title>4948713744</title>\n",
       "<polygon fill=\"none\" stroke=\"black\" points=\"936,-1044.5 936,-1080.5 1116.75,-1080.5 1116.75,-1044.5 936,-1044.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"945.88\" y=\"-1057.7\" font-family=\"Times,serif\" font-size=\"14.00\"> </text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"955.75,-1045 955.75,-1080.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"995.62\" y=\"-1057.7\" font-family=\"Times,serif\" font-size=\"14.00\">data 0.0011</text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"1035.5,-1045 1035.5,-1080.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"1076.12\" y=\"-1057.7\" font-family=\"Times,serif\" font-size=\"14.00\">grad 0.0000</text>\n",
       "</g>\n",
       "<!-- 4949357648+ -->\n",
       "<g id=\"node141\" class=\"node\">\n",
       "<title>4949357648+</title>\n",
       "<ellipse fill=\"none\" stroke=\"black\" cx=\"1182\" cy=\"-1007.5\" rx=\"27\" ry=\"18\"/>\n",
       "<text text-anchor=\"middle\" x=\"1182\" y=\"-1002.45\" font-family=\"Times,serif\" font-size=\"14.00\">+</text>\n",
       "</g>\n",
       "<!-- 4948713744&#45;&gt;4949357648+ -->\n",
       "<g id=\"edge74\" class=\"edge\">\n",
       "<title>4948713744&#45;&gt;4949357648+</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M1093.79,-1044.11C1102.33,-1041.4 1110.92,-1038.5 1119,-1035.5 1128.98,-1031.8 1139.61,-1027.23 1149.2,-1022.87\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"1150.53,-1026.11 1158.13,-1018.73 1147.58,-1019.77 1150.53,-1026.11\"/>\n",
       "</g>\n",
       "<!-- 4948844816 -->\n",
       "<g id=\"node6\" class=\"node\">\n",
       "<title>4948844816</title>\n",
       "<polygon fill=\"none\" stroke=\"black\" points=\"3426,-466.5 3426,-502.5 3606.75,-502.5 3606.75,-466.5 3426,-466.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"3435.88\" y=\"-479.7\" font-family=\"Times,serif\" font-size=\"14.00\"> </text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"3445.75,-467 3445.75,-502.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"3485.62\" y=\"-479.7\" font-family=\"Times,serif\" font-size=\"14.00\">data 0.4101</text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"3525.5,-467 3525.5,-502.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"3566.12\" y=\"-479.7\" font-family=\"Times,serif\" font-size=\"14.00\">grad 0.0000</text>\n",
       "</g>\n",
       "<!-- 4934717328* -->\n",
       "<g id=\"node112\" class=\"node\">\n",
       "<title>4934717328*</title>\n",
       "<ellipse fill=\"none\" stroke=\"black\" cx=\"3672\" cy=\"-484.5\" rx=\"27\" ry=\"18\"/>\n",
       "<text text-anchor=\"middle\" x=\"3672\" y=\"-479.45\" font-family=\"Times,serif\" font-size=\"14.00\">*</text>\n",
       "</g>\n",
       "<!-- 4948844816&#45;&gt;4934717328* -->\n",
       "<g id=\"edge187\" class=\"edge\">\n",
       "<title>4948844816&#45;&gt;4934717328*</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M3607.18,-484.5C3616.36,-484.5 3625.28,-484.5 3633.4,-484.5\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"3633.15,-488 3643.15,-484.5 3633.15,-481 3633.15,-488\"/>\n",
       "</g>\n",
       "<!-- 4948844816tanh -->\n",
       "<g id=\"node7\" class=\"node\">\n",
       "<title>4948844816tanh</title>\n",
       "<ellipse fill=\"none\" stroke=\"black\" cx=\"3360.75\" cy=\"-484.5\" rx=\"27\" ry=\"18\"/>\n",
       "<text text-anchor=\"middle\" x=\"3360.75\" y=\"-479.45\" font-family=\"Times,serif\" font-size=\"14.00\">tanh</text>\n",
       "</g>\n",
       "<!-- 4948844816tanh&#45;&gt;4948844816 -->\n",
       "<g id=\"edge2\" class=\"edge\">\n",
       "<title>4948844816tanh&#45;&gt;4948844816</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M3388.16,-484.5C3395.87,-484.5 3404.79,-484.5 3414.26,-484.5\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"3414.07,-488 3424.07,-484.5 3414.07,-481 3414.07,-488\"/>\n",
       "</g>\n",
       "<!-- 4949098832 -->\n",
       "<g id=\"node8\" class=\"node\">\n",
       "<title>4949098832</title>\n",
       "<polygon fill=\"none\" stroke=\"black\" points=\"1247.25,-591.5 1247.25,-627.5 1428,-627.5 1428,-591.5 1247.25,-591.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"1257.12\" y=\"-604.7\" font-family=\"Times,serif\" font-size=\"14.00\"> </text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"1267,-592 1267,-627.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"1306.88\" y=\"-604.7\" font-family=\"Times,serif\" font-size=\"14.00\">data 0.1122</text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"1346.75,-592 1346.75,-627.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"1387.38\" y=\"-604.7\" font-family=\"Times,serif\" font-size=\"14.00\">grad 0.0000</text>\n",
       "</g>\n",
       "<!-- 4949101904+ -->\n",
       "<g id=\"node92\" class=\"node\">\n",
       "<title>4949101904+</title>\n",
       "<ellipse fill=\"none\" stroke=\"black\" cx=\"1493.25\" cy=\"-609.5\" rx=\"27\" ry=\"18\"/>\n",
       "<text text-anchor=\"middle\" x=\"1493.25\" y=\"-604.45\" font-family=\"Times,serif\" font-size=\"14.00\">+</text>\n",
       "</g>\n",
       "<!-- 4949098832&#45;&gt;4949101904+ -->\n",
       "<g id=\"edge139\" class=\"edge\">\n",
       "<title>4949098832&#45;&gt;4949101904+</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M1428.43,-609.5C1437.61,-609.5 1446.53,-609.5 1454.65,-609.5\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"1454.4,-613 1464.4,-609.5 1454.4,-606 1454.4,-613\"/>\n",
       "</g>\n",
       "<!-- 4949098832* -->\n",
       "<g id=\"node9\" class=\"node\">\n",
       "<title>4949098832*</title>\n",
       "<ellipse fill=\"none\" stroke=\"black\" cx=\"1182\" cy=\"-609.5\" rx=\"27\" ry=\"18\"/>\n",
       "<text text-anchor=\"middle\" x=\"1182\" y=\"-604.45\" font-family=\"Times,serif\" font-size=\"14.00\">*</text>\n",
       "</g>\n",
       "<!-- 4949098832*&#45;&gt;4949098832 -->\n",
       "<g id=\"edge3\" class=\"edge\">\n",
       "<title>4949098832*&#45;&gt;4949098832</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M1209.41,-609.5C1217.12,-609.5 1226.04,-609.5 1235.51,-609.5\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"1235.32,-613 1245.32,-609.5 1235.32,-606 1235.32,-613\"/>\n",
       "</g>\n",
       "<!-- 4948836688 -->\n",
       "<g id=\"node10\" class=\"node\">\n",
       "<title>4948836688</title>\n",
       "<polygon fill=\"none\" stroke=\"black\" points=\"2490,-329.5 2490,-365.5 2675.25,-365.5 2675.25,-329.5 2490,-329.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"2499.88\" y=\"-342.7\" font-family=\"Times,serif\" font-size=\"14.00\"> </text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"2509.75,-330 2509.75,-365.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"2551.88\" y=\"-342.7\" font-family=\"Times,serif\" font-size=\"14.00\">data &#45;0.9854</text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"2594,-330 2594,-365.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"2634.62\" y=\"-342.7\" font-family=\"Times,serif\" font-size=\"14.00\">grad 0.0000</text>\n",
       "</g>\n",
       "<!-- 4948846288* -->\n",
       "<g id=\"node47\" class=\"node\">\n",
       "<title>4948846288*</title>\n",
       "<ellipse fill=\"none\" stroke=\"black\" cx=\"2738.25\" cy=\"-402.5\" rx=\"27\" ry=\"18\"/>\n",
       "<text text-anchor=\"middle\" x=\"2738.25\" y=\"-397.45\" font-family=\"Times,serif\" font-size=\"14.00\">*</text>\n",
       "</g>\n",
       "<!-- 4948836688&#45;&gt;4948846288* -->\n",
       "<g id=\"edge158\" class=\"edge\">\n",
       "<title>4948836688&#45;&gt;4948846288*</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M2647.03,-365.84C2656.55,-368.89 2666.2,-372.16 2675.25,-375.5 2685.09,-379.13 2695.62,-383.52 2705.15,-387.69\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"2703.46,-390.77 2714.02,-391.64 2706.31,-384.38 2703.46,-390.77\"/>\n",
       "</g>\n",
       "<!-- 4934716048* -->\n",
       "<g id=\"node70\" class=\"node\">\n",
       "<title>4934716048*</title>\n",
       "<ellipse fill=\"none\" stroke=\"black\" cx=\"2738.25\" cy=\"-512.5\" rx=\"27\" ry=\"18\"/>\n",
       "<text text-anchor=\"middle\" x=\"2738.25\" y=\"-507.45\" font-family=\"Times,serif\" font-size=\"14.00\">*</text>\n",
       "</g>\n",
       "<!-- 4948836688&#45;&gt;4934716048* -->\n",
       "<g id=\"edge79\" class=\"edge\">\n",
       "<title>4948836688&#45;&gt;4934716048*</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M2662.57,-365.75C2667.16,-368.55 2671.44,-371.78 2675.25,-375.5 2711.73,-411.17 2685.3,-440.58 2711.25,-484.5 2712.22,-486.15 2713.31,-487.78 2714.47,-489.38\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"2711.61,-491.42 2720.68,-496.9 2717.01,-486.96 2711.61,-491.42\"/>\n",
       "</g>\n",
       "<!-- 4949045776* -->\n",
       "<g id=\"node128\" class=\"node\">\n",
       "<title>4949045776*</title>\n",
       "<ellipse fill=\"none\" stroke=\"black\" cx=\"2738.25\" cy=\"-347.5\" rx=\"27\" ry=\"18\"/>\n",
       "<text text-anchor=\"middle\" x=\"2738.25\" y=\"-342.45\" font-family=\"Times,serif\" font-size=\"14.00\">*</text>\n",
       "</g>\n",
       "<!-- 4948836688&#45;&gt;4949045776* -->\n",
       "<g id=\"edge203\" class=\"edge\">\n",
       "<title>4948836688&#45;&gt;4949045776*</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M2675.65,-347.5C2684.02,-347.5 2692.14,-347.5 2699.59,-347.5\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"2699.53,-351 2709.53,-347.5 2699.53,-344 2699.53,-351\"/>\n",
       "</g>\n",
       "<!-- 4948884880* -->\n",
       "<g id=\"node183\" class=\"node\">\n",
       "<title>4948884880*</title>\n",
       "<ellipse fill=\"none\" stroke=\"black\" cx=\"2738.25\" cy=\"-292.5\" rx=\"27\" ry=\"18\"/>\n",
       "<text text-anchor=\"middle\" x=\"2738.25\" y=\"-287.45\" font-family=\"Times,serif\" font-size=\"14.00\">*</text>\n",
       "</g>\n",
       "<!-- 4948836688&#45;&gt;4948884880* -->\n",
       "<g id=\"edge143\" class=\"edge\">\n",
       "<title>4948836688&#45;&gt;4948884880*</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M2650.04,-329.11C2658.58,-326.4 2667.17,-323.5 2675.25,-320.5 2685.23,-316.8 2695.86,-312.23 2705.45,-307.87\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"2706.78,-311.11 2714.38,-303.73 2703.83,-304.77 2706.78,-311.11\"/>\n",
       "</g>\n",
       "<!-- 4948836688tanh -->\n",
       "<g id=\"node11\" class=\"node\">\n",
       "<title>4948836688tanh</title>\n",
       "<ellipse fill=\"none\" stroke=\"black\" cx=\"2427\" cy=\"-278.5\" rx=\"27\" ry=\"18\"/>\n",
       "<text text-anchor=\"middle\" x=\"2427\" y=\"-273.45\" font-family=\"Times,serif\" font-size=\"14.00\">tanh</text>\n",
       "</g>\n",
       "<!-- 4948836688tanh&#45;&gt;4948836688 -->\n",
       "<g id=\"edge4\" class=\"edge\">\n",
       "<title>4948836688tanh&#45;&gt;4948836688</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M2445.03,-292.16C2457.03,-301.24 2473.77,-312.84 2490,-320.5 2493.3,-322.06 2496.71,-323.55 2500.18,-324.97\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"2498.76,-328.17 2509.35,-328.48 2501.27,-321.63 2498.76,-328.17\"/>\n",
       "</g>\n",
       "<!-- 4934975888 -->\n",
       "<g id=\"node12\" class=\"node\">\n",
       "<title>4934975888</title>\n",
       "<polygon fill=\"none\" stroke=\"black\" points=\"3956.25,-395.5 3956.25,-431.5 4141.5,-431.5 4141.5,-395.5 3956.25,-395.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"3966.12\" y=\"-408.7\" font-family=\"Times,serif\" font-size=\"14.00\"> </text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"3976,-396 3976,-431.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"4018.12\" y=\"-408.7\" font-family=\"Times,serif\" font-size=\"14.00\">data &#45;0.0203</text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"4060.25,-396 4060.25,-431.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"4100.88\" y=\"-408.7\" font-family=\"Times,serif\" font-size=\"14.00\">grad 0.0000</text>\n",
       "</g>\n",
       "<!-- 4934977104+ -->\n",
       "<g id=\"node42\" class=\"node\">\n",
       "<title>4934977104+</title>\n",
       "<ellipse fill=\"none\" stroke=\"black\" cx=\"4863.75\" cy=\"-509.5\" rx=\"27\" ry=\"18\"/>\n",
       "<text text-anchor=\"middle\" x=\"4863.75\" y=\"-504.45\" font-family=\"Times,serif\" font-size=\"14.00\">+</text>\n",
       "</g>\n",
       "<!-- 4934975888&#45;&gt;4934977104+ -->\n",
       "<g id=\"edge197\" class=\"edge\">\n",
       "<title>4934975888&#45;&gt;4934977104+</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M4141.91,-412.61C4285.1,-413.3 4568.86,-423 4800.75,-482.5 4811.08,-485.15 4821.88,-489.32 4831.52,-493.59\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"4829.91,-496.7 4840.45,-497.75 4832.87,-490.36 4829.91,-496.7\"/>\n",
       "</g>\n",
       "<!-- 4934975888* -->\n",
       "<g id=\"node13\" class=\"node\">\n",
       "<title>4934975888*</title>\n",
       "<ellipse fill=\"none\" stroke=\"black\" cx=\"3672\" cy=\"-374.5\" rx=\"27\" ry=\"18\"/>\n",
       "<text text-anchor=\"middle\" x=\"3672\" y=\"-369.45\" font-family=\"Times,serif\" font-size=\"14.00\">*</text>\n",
       "</g>\n",
       "<!-- 4934975888*&#45;&gt;4934975888 -->\n",
       "<g id=\"edge5\" class=\"edge\">\n",
       "<title>4934975888*&#45;&gt;4934975888</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M3699.06,-377.21C3749.07,-382.41 3860.93,-394.05 3944.58,-402.75\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"3944.11,-406.22 3954.42,-403.78 3944.83,-399.26 3944.11,-406.22\"/>\n",
       "</g>\n",
       "<!-- 4948705744 -->\n",
       "<g id=\"node14\" class=\"node\">\n",
       "<title>4948705744</title>\n",
       "<polygon fill=\"none\" stroke=\"black\" points=\"933.75,-55.5 933.75,-91.5 1119,-91.5 1119,-55.5 933.75,-55.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"943.62\" y=\"-68.7\" font-family=\"Times,serif\" font-size=\"14.00\"> </text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"953.5,-56 953.5,-91.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"995.62\" y=\"-68.7\" font-family=\"Times,serif\" font-size=\"14.00\">data &#45;0.6698</text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"1037.75,-56 1037.75,-91.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"1078.38\" y=\"-68.7\" font-family=\"Times,serif\" font-size=\"14.00\">grad 0.0000</text>\n",
       "</g>\n",
       "<!-- 4948842832* -->\n",
       "<g id=\"node165\" class=\"node\">\n",
       "<title>4948842832*</title>\n",
       "<ellipse fill=\"none\" stroke=\"black\" cx=\"1182\" cy=\"-45.5\" rx=\"27\" ry=\"18\"/>\n",
       "<text text-anchor=\"middle\" x=\"1182\" y=\"-40.45\" font-family=\"Times,serif\" font-size=\"14.00\">*</text>\n",
       "</g>\n",
       "<!-- 4948705744&#45;&gt;4948842832* -->\n",
       "<g id=\"edge170\" class=\"edge\">\n",
       "<title>4948705744&#45;&gt;4948842832*</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M1119.4,-56.73C1128.14,-55.13 1136.61,-53.59 1144.33,-52.18\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"1144.7,-55.67 1153.91,-50.44 1143.44,-48.79 1144.7,-55.67\"/>\n",
       "</g>\n",
       "<!-- 4934713872 -->\n",
       "<g id=\"node15\" class=\"node\">\n",
       "<title>4934713872</title>\n",
       "<polygon fill=\"none\" stroke=\"black\" points=\"3114.75,-631.5 3114.75,-667.5 3295.5,-667.5 3295.5,-631.5 3114.75,-631.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"3124.62\" y=\"-644.7\" font-family=\"Times,serif\" font-size=\"14.00\"> </text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"3134.5,-632 3134.5,-667.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"3174.38\" y=\"-644.7\" font-family=\"Times,serif\" font-size=\"14.00\">data 2.0122</text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"3214.25,-632 3214.25,-667.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"3254.88\" y=\"-644.7\" font-family=\"Times,serif\" font-size=\"14.00\">grad 0.0000</text>\n",
       "</g>\n",
       "<!-- 4948885072tanh -->\n",
       "<g id=\"node186\" class=\"node\">\n",
       "<title>4948885072tanh</title>\n",
       "<ellipse fill=\"none\" stroke=\"black\" cx=\"3360.75\" cy=\"-649.5\" rx=\"27\" ry=\"18\"/>\n",
       "<text text-anchor=\"middle\" x=\"3360.75\" y=\"-644.45\" font-family=\"Times,serif\" font-size=\"14.00\">tanh</text>\n",
       "</g>\n",
       "<!-- 4934713872&#45;&gt;4948885072tanh -->\n",
       "<g id=\"edge132\" class=\"edge\">\n",
       "<title>4934713872&#45;&gt;4948885072tanh</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M3295.93,-649.5C3305.11,-649.5 3314.03,-649.5 3322.15,-649.5\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"3321.9,-653 3331.9,-649.5 3321.9,-646 3321.9,-653\"/>\n",
       "</g>\n",
       "<!-- 4934713872+ -->\n",
       "<g id=\"node16\" class=\"node\">\n",
       "<title>4934713872+</title>\n",
       "<ellipse fill=\"none\" stroke=\"black\" cx=\"3049.5\" cy=\"-649.5\" rx=\"27\" ry=\"18\"/>\n",
       "<text text-anchor=\"middle\" x=\"3049.5\" y=\"-644.45\" font-family=\"Times,serif\" font-size=\"14.00\">+</text>\n",
       "</g>\n",
       "<!-- 4934713872+&#45;&gt;4934713872 -->\n",
       "<g id=\"edge6\" class=\"edge\">\n",
       "<title>4934713872+&#45;&gt;4934713872</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M3076.91,-649.5C3084.62,-649.5 3093.54,-649.5 3103.01,-649.5\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"3102.82,-653 3112.82,-649.5 3102.82,-646 3102.82,-653\"/>\n",
       "</g>\n",
       "<!-- 4900242000 -->\n",
       "<g id=\"node17\" class=\"node\">\n",
       "<title>4900242000</title>\n",
       "<polygon fill=\"none\" stroke=\"black\" points=\"313.5,-742.5 313.5,-778.5 494.25,-778.5 494.25,-742.5 313.5,-742.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"323.38\" y=\"-755.7\" font-family=\"Times,serif\" font-size=\"14.00\"> </text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"333.25,-743 333.25,-778.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"373.12\" y=\"-755.7\" font-family=\"Times,serif\" font-size=\"14.00\">data 2.0000</text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"413,-743 413,-778.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"453.62\" y=\"-755.7\" font-family=\"Times,serif\" font-size=\"14.00\">grad 0.0000</text>\n",
       "</g>\n",
       "<!-- 4862366096* -->\n",
       "<g id=\"node124\" class=\"node\">\n",
       "<title>4862366096*</title>\n",
       "<ellipse fill=\"none\" stroke=\"black\" cx=\"559.5\" cy=\"-705.5\" rx=\"27\" ry=\"18\"/>\n",
       "<text text-anchor=\"middle\" x=\"559.5\" y=\"-700.45\" font-family=\"Times,serif\" font-size=\"14.00\">*</text>\n",
       "</g>\n",
       "<!-- 4900242000&#45;&gt;4862366096* -->\n",
       "<g id=\"edge202\" class=\"edge\">\n",
       "<title>4900242000&#45;&gt;4862366096*</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M471.29,-742.11C479.83,-739.4 488.42,-736.5 496.5,-733.5 506.48,-729.8 517.11,-725.23 526.7,-720.87\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"528.03,-724.11 535.63,-716.73 525.08,-717.77 528.03,-724.11\"/>\n",
       "</g>\n",
       "<!-- 4948779600 -->\n",
       "<g id=\"node18\" class=\"node\">\n",
       "<title>4948779600</title>\n",
       "<polygon fill=\"none\" stroke=\"black\" points=\"1869.75,-797.5 1869.75,-833.5 2050.5,-833.5 2050.5,-797.5 1869.75,-797.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"1879.62\" y=\"-810.7\" font-family=\"Times,serif\" font-size=\"14.00\"> </text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"1889.5,-798 1889.5,-833.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"1929.38\" y=\"-810.7\" font-family=\"Times,serif\" font-size=\"14.00\">data 0.3288</text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"1969.25,-798 1969.25,-833.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"2009.88\" y=\"-810.7\" font-family=\"Times,serif\" font-size=\"14.00\">grad 0.0000</text>\n",
       "</g>\n",
       "<!-- 4948848080+ -->\n",
       "<g id=\"node102\" class=\"node\">\n",
       "<title>4948848080+</title>\n",
       "<ellipse fill=\"none\" stroke=\"black\" cx=\"2115.75\" cy=\"-787.5\" rx=\"27\" ry=\"18\"/>\n",
       "<text text-anchor=\"middle\" x=\"2115.75\" y=\"-782.45\" font-family=\"Times,serif\" font-size=\"14.00\">+</text>\n",
       "</g>\n",
       "<!-- 4948779600&#45;&gt;4948848080+ -->\n",
       "<g id=\"edge209\" class=\"edge\">\n",
       "<title>4948779600&#45;&gt;4948848080+</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M2050.93,-799.13C2060.48,-797.39 2069.76,-795.7 2078.14,-794.17\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"2078.64,-797.64 2087.85,-792.4 2077.39,-790.75 2078.64,-797.64\"/>\n",
       "</g>\n",
       "<!-- 4934976144 -->\n",
       "<g id=\"node19\" class=\"node\">\n",
       "<title>4934976144</title>\n",
       "<polygon fill=\"none\" stroke=\"black\" points=\"311.25,-632.5 311.25,-668.5 496.5,-668.5 496.5,-632.5 311.25,-632.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"321.12\" y=\"-645.7\" font-family=\"Times,serif\" font-size=\"14.00\"> </text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"331,-633 331,-668.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"373.12\" y=\"-645.7\" font-family=\"Times,serif\" font-size=\"14.00\">data &#45;0.5207</text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"415.25,-633 415.25,-668.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"455.88\" y=\"-645.7\" font-family=\"Times,serif\" font-size=\"14.00\">grad 0.0000</text>\n",
       "</g>\n",
       "<!-- 4934897744* -->\n",
       "<g id=\"node118\" class=\"node\">\n",
       "<title>4934897744*</title>\n",
       "<ellipse fill=\"none\" stroke=\"black\" cx=\"559.5\" cy=\"-595.5\" rx=\"27\" ry=\"18\"/>\n",
       "<text text-anchor=\"middle\" x=\"559.5\" y=\"-590.45\" font-family=\"Times,serif\" font-size=\"14.00\">*</text>\n",
       "</g>\n",
       "<!-- 4934976144&#45;&gt;4934897744* -->\n",
       "<g id=\"edge110\" class=\"edge\">\n",
       "<title>4934976144&#45;&gt;4934897744*</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M471.29,-632.11C479.83,-629.4 488.42,-626.5 496.5,-623.5 506.48,-619.8 517.11,-615.23 526.7,-610.87\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"528.03,-614.11 535.63,-606.73 525.08,-607.77 528.03,-614.11\"/>\n",
       "</g>\n",
       "<!-- 4948845392 -->\n",
       "<g id=\"node20\" class=\"node\">\n",
       "<title>4948845392</title>\n",
       "<polygon fill=\"none\" stroke=\"black\" points=\"2490,-549.5 2490,-585.5 2675.25,-585.5 2675.25,-549.5 2490,-549.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"2499.88\" y=\"-562.7\" font-family=\"Times,serif\" font-size=\"14.00\"> </text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"2509.75,-550 2509.75,-585.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"2551.88\" y=\"-562.7\" font-family=\"Times,serif\" font-size=\"14.00\">data &#45;0.0777</text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"2594,-550 2594,-585.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"2634.62\" y=\"-562.7\" font-family=\"Times,serif\" font-size=\"14.00\">grad 0.0000</text>\n",
       "</g>\n",
       "<!-- 4948848912+ -->\n",
       "<g id=\"node122\" class=\"node\">\n",
       "<title>4948848912+</title>\n",
       "<ellipse fill=\"none\" stroke=\"black\" cx=\"2738.25\" cy=\"-622.5\" rx=\"27\" ry=\"18\"/>\n",
       "<text text-anchor=\"middle\" x=\"2738.25\" y=\"-617.45\" font-family=\"Times,serif\" font-size=\"14.00\">+</text>\n",
       "</g>\n",
       "<!-- 4948845392&#45;&gt;4948848912+ -->\n",
       "<g id=\"edge164\" class=\"edge\">\n",
       "<title>4948845392&#45;&gt;4948848912+</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M2647.03,-585.84C2656.55,-588.89 2666.2,-592.16 2675.25,-595.5 2685.09,-599.13 2695.62,-603.52 2705.15,-607.69\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"2703.46,-610.77 2714.02,-611.64 2706.31,-604.38 2703.46,-610.77\"/>\n",
       "</g>\n",
       "<!-- 4948845392+ -->\n",
       "<g id=\"node21\" class=\"node\">\n",
       "<title>4948845392+</title>\n",
       "<ellipse fill=\"none\" stroke=\"black\" cx=\"2427\" cy=\"-567.5\" rx=\"27\" ry=\"18\"/>\n",
       "<text text-anchor=\"middle\" x=\"2427\" y=\"-562.45\" font-family=\"Times,serif\" font-size=\"14.00\">+</text>\n",
       "</g>\n",
       "<!-- 4948845392+&#45;&gt;4948845392 -->\n",
       "<g id=\"edge7\" class=\"edge\">\n",
       "<title>4948845392+&#45;&gt;4948845392</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M2454.41,-567.5C2461.45,-567.5 2469.5,-567.5 2478.05,-567.5\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"2478.04,-571 2488.04,-567.5 2478.04,-564 2478.04,-571\"/>\n",
       "</g>\n",
       "<!-- 4948837392 -->\n",
       "<g id=\"node22\" class=\"node\">\n",
       "<title>4948837392</title>\n",
       "<polygon fill=\"none\" stroke=\"black\" points=\"1247.25,-192.5 1247.25,-228.5 1428,-228.5 1428,-192.5 1247.25,-192.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"1257.12\" y=\"-205.7\" font-family=\"Times,serif\" font-size=\"14.00\"> </text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"1267,-193 1267,-228.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"1306.88\" y=\"-205.7\" font-family=\"Times,serif\" font-size=\"14.00\">data 3.0000</text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"1346.75,-193 1346.75,-228.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"1387.38\" y=\"-205.7\" font-family=\"Times,serif\" font-size=\"14.00\">grad 0.0000</text>\n",
       "</g>\n",
       "<!-- 4948837648* -->\n",
       "<g id=\"node33\" class=\"node\">\n",
       "<title>4948837648*</title>\n",
       "<ellipse fill=\"none\" stroke=\"black\" cx=\"1493.25\" cy=\"-155.5\" rx=\"27\" ry=\"18\"/>\n",
       "<text text-anchor=\"middle\" x=\"1493.25\" y=\"-150.45\" font-family=\"Times,serif\" font-size=\"14.00\">*</text>\n",
       "</g>\n",
       "<!-- 4948837392&#45;&gt;4948837648* -->\n",
       "<g id=\"edge122\" class=\"edge\">\n",
       "<title>4948837392&#45;&gt;4948837648*</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M1405.04,-192.11C1413.58,-189.4 1422.17,-186.5 1430.25,-183.5 1440.23,-179.8 1450.86,-175.23 1460.45,-170.87\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"1461.78,-174.11 1469.38,-166.73 1458.83,-167.77 1461.78,-174.11\"/>\n",
       "</g>\n",
       "<!-- 4948870160 -->\n",
       "<g id=\"node23\" class=\"node\">\n",
       "<title>4948870160</title>\n",
       "<polygon fill=\"none\" stroke=\"black\" points=\"2803.5,-439.5 2803.5,-475.5 2984.25,-475.5 2984.25,-439.5 2803.5,-439.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"2813.38\" y=\"-452.7\" font-family=\"Times,serif\" font-size=\"14.00\"> </text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"2823.25,-440 2823.25,-475.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"2863.12\" y=\"-452.7\" font-family=\"Times,serif\" font-size=\"14.00\">data 0.2847</text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"2903,-440 2903,-475.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"2943.62\" y=\"-452.7\" font-family=\"Times,serif\" font-size=\"14.00\">grad 0.0000</text>\n",
       "</g>\n",
       "<!-- 4948871952+ -->\n",
       "<g id=\"node76\" class=\"node\">\n",
       "<title>4948871952+</title>\n",
       "<ellipse fill=\"none\" stroke=\"black\" cx=\"3049.5\" cy=\"-319.5\" rx=\"27\" ry=\"18\"/>\n",
       "<text text-anchor=\"middle\" x=\"3049.5\" y=\"-314.45\" font-family=\"Times,serif\" font-size=\"14.00\">+</text>\n",
       "</g>\n",
       "<!-- 4948870160&#45;&gt;4948871952+ -->\n",
       "<g id=\"edge117\" class=\"edge\">\n",
       "<title>4948870160&#45;&gt;4948871952+</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M2973.49,-439.03C2978.1,-436.54 2982.48,-433.71 2986.5,-430.5 3013.12,-409.24 3030.18,-373.26 3039.53,-348.04\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"3042.79,-349.33 3042.79,-338.73 3036.18,-347.02 3042.79,-349.33\"/>\n",
       "</g>\n",
       "<!-- 4948870160+ -->\n",
       "<g id=\"node24\" class=\"node\">\n",
       "<title>4948870160+</title>\n",
       "<ellipse fill=\"none\" stroke=\"black\" cx=\"2738.25\" cy=\"-457.5\" rx=\"27\" ry=\"18\"/>\n",
       "<text text-anchor=\"middle\" x=\"2738.25\" y=\"-452.45\" font-family=\"Times,serif\" font-size=\"14.00\">+</text>\n",
       "</g>\n",
       "<!-- 4948870160+&#45;&gt;4948870160 -->\n",
       "<g id=\"edge8\" class=\"edge\">\n",
       "<title>4948870160+&#45;&gt;4948870160</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M2765.66,-457.5C2773.37,-457.5 2782.29,-457.5 2791.76,-457.5\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"2791.57,-461 2801.57,-457.5 2791.57,-454 2791.57,-461\"/>\n",
       "</g>\n",
       "<!-- 4948771920 -->\n",
       "<g id=\"node25\" class=\"node\">\n",
       "<title>4948771920</title>\n",
       "<polygon fill=\"none\" stroke=\"black\" points=\"3426,-356.5 3426,-392.5 3606.75,-392.5 3606.75,-356.5 3426,-356.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"3435.88\" y=\"-369.7\" font-family=\"Times,serif\" font-size=\"14.00\"> </text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"3445.75,-357 3445.75,-392.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"3485.62\" y=\"-369.7\" font-family=\"Times,serif\" font-size=\"14.00\">data 0.3420</text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"3525.5,-357 3525.5,-392.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"3566.12\" y=\"-369.7\" font-family=\"Times,serif\" font-size=\"14.00\">grad 0.0000</text>\n",
       "</g>\n",
       "<!-- 4948771920&#45;&gt;4934975888* -->\n",
       "<g id=\"edge84\" class=\"edge\">\n",
       "<title>4948771920&#45;&gt;4934975888*</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M3607.18,-374.5C3616.36,-374.5 3625.28,-374.5 3633.4,-374.5\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"3633.15,-378 3643.15,-374.5 3633.15,-371 3633.15,-378\"/>\n",
       "</g>\n",
       "<!-- 4934984848 -->\n",
       "<g id=\"node26\" class=\"node\">\n",
       "<title>4934984848</title>\n",
       "<polygon fill=\"none\" stroke=\"black\" points=\"5233.5,-518.5 5233.5,-554.5 5418.75,-554.5 5418.75,-518.5 5233.5,-518.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"5243.38\" y=\"-531.7\" font-family=\"Times,serif\" font-size=\"14.00\"> </text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"5253.25,-519 5253.25,-554.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"5295.38\" y=\"-531.7\" font-family=\"Times,serif\" font-size=\"14.00\">data &#45;0.8122</text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"5337.5,-519 5337.5,-554.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"5378.12\" y=\"-531.7\" font-family=\"Times,serif\" font-size=\"14.00\">grad 0.0000</text>\n",
       "</g>\n",
       "<!-- 4934718672tanh -->\n",
       "<g id=\"node143\" class=\"node\">\n",
       "<title>4934718672tanh</title>\n",
       "<ellipse fill=\"none\" stroke=\"black\" cx=\"5481.75\" cy=\"-536.5\" rx=\"27\" ry=\"18\"/>\n",
       "<text text-anchor=\"middle\" x=\"5481.75\" y=\"-531.45\" font-family=\"Times,serif\" font-size=\"14.00\">tanh</text>\n",
       "</g>\n",
       "<!-- 4934984848&#45;&gt;4934718672tanh -->\n",
       "<g id=\"edge156\" class=\"edge\">\n",
       "<title>4934984848&#45;&gt;4934718672tanh</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M5419.15,-536.5C5427.52,-536.5 5435.64,-536.5 5443.09,-536.5\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"5443.03,-540 5453.03,-536.5 5443.03,-533 5443.03,-540\"/>\n",
       "</g>\n",
       "<!-- 4934984848+ -->\n",
       "<g id=\"node27\" class=\"node\">\n",
       "<title>4934984848+</title>\n",
       "<ellipse fill=\"none\" stroke=\"black\" cx=\"5170.5\" cy=\"-536.5\" rx=\"27\" ry=\"18\"/>\n",
       "<text text-anchor=\"middle\" x=\"5170.5\" y=\"-531.45\" font-family=\"Times,serif\" font-size=\"14.00\">+</text>\n",
       "</g>\n",
       "<!-- 4934984848+&#45;&gt;4934984848 -->\n",
       "<g id=\"edge9\" class=\"edge\">\n",
       "<title>4934984848+&#45;&gt;4934984848</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M5197.91,-536.5C5204.95,-536.5 5213,-536.5 5221.55,-536.5\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"5221.54,-540 5231.54,-536.5 5221.54,-533 5221.54,-540\"/>\n",
       "</g>\n",
       "<!-- 4934976720 -->\n",
       "<g id=\"node28\" class=\"node\">\n",
       "<title>4934976720</title>\n",
       "<polygon fill=\"none\" stroke=\"black\" points=\"4398.75,-601.5 4398.75,-637.5 4584,-637.5 4584,-601.5 4398.75,-601.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"4408.62\" y=\"-614.7\" font-family=\"Times,serif\" font-size=\"14.00\"> </text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"4418.5,-602 4418.5,-637.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"4460.62\" y=\"-614.7\" font-family=\"Times,serif\" font-size=\"14.00\">data &#45;0.8842</text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"4502.75,-602 4502.75,-637.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"4543.38\" y=\"-614.7\" font-family=\"Times,serif\" font-size=\"14.00\">grad 0.0000</text>\n",
       "</g>\n",
       "<!-- 4934976720&#45;&gt;4934984848+ -->\n",
       "<g id=\"edge148\" class=\"edge\">\n",
       "<title>4934976720&#45;&gt;4934984848+</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M4584.4,-608.22C4735.18,-589.74 5028.46,-553.79 5132.11,-541.08\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"5132.51,-544.56 5142.01,-539.87 5131.66,-537.61 5132.51,-544.56\"/>\n",
       "</g>\n",
       "<!-- 4934976720* -->\n",
       "<g id=\"node29\" class=\"node\">\n",
       "<title>4934976720*</title>\n",
       "<ellipse fill=\"none\" stroke=\"black\" cx=\"3672\" cy=\"-649.5\" rx=\"27\" ry=\"18\"/>\n",
       "<text text-anchor=\"middle\" x=\"3672\" y=\"-644.45\" font-family=\"Times,serif\" font-size=\"14.00\">*</text>\n",
       "</g>\n",
       "<!-- 4934976720*&#45;&gt;4934976720 -->\n",
       "<g id=\"edge10\" class=\"edge\">\n",
       "<title>4934976720*&#45;&gt;4934976720</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M3699.27,-648.54C3804.31,-644.68 4197.54,-630.25 4387.03,-623.29\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"4387,-626.8 4396.87,-622.93 4386.75,-619.8 4387,-626.8\"/>\n",
       "</g>\n",
       "<!-- 4948870352 -->\n",
       "<g id=\"node30\" class=\"node\">\n",
       "<title>4948870352</title>\n",
       "<polygon fill=\"none\" stroke=\"black\" points=\"624.75,-797.5 624.75,-833.5 805.5,-833.5 805.5,-797.5 624.75,-797.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"634.62\" y=\"-810.7\" font-family=\"Times,serif\" font-size=\"14.00\"> </text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"644.5,-798 644.5,-833.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"684.38\" y=\"-810.7\" font-family=\"Times,serif\" font-size=\"14.00\">data 3.0000</text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"724.25,-798 724.25,-833.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"764.88\" y=\"-810.7\" font-family=\"Times,serif\" font-size=\"14.00\">grad 0.0000</text>\n",
       "</g>\n",
       "<!-- 4948872272* -->\n",
       "<g id=\"node88\" class=\"node\">\n",
       "<title>4948872272*</title>\n",
       "<ellipse fill=\"none\" stroke=\"black\" cx=\"870.75\" cy=\"-760.5\" rx=\"27\" ry=\"18\"/>\n",
       "<text text-anchor=\"middle\" x=\"870.75\" y=\"-755.45\" font-family=\"Times,serif\" font-size=\"14.00\">*</text>\n",
       "</g>\n",
       "<!-- 4948870352&#45;&gt;4948872272* -->\n",
       "<g id=\"edge80\" class=\"edge\">\n",
       "<title>4948870352&#45;&gt;4948872272*</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M782.54,-797.11C791.08,-794.4 799.67,-791.5 807.75,-788.5 817.73,-784.8 828.36,-780.23 837.95,-775.87\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"839.28,-779.11 846.88,-771.73 836.33,-772.77 839.28,-779.11\"/>\n",
       "</g>\n",
       "<!-- 4948772048 -->\n",
       "<g id=\"node31\" class=\"node\">\n",
       "<title>4948772048</title>\n",
       "<polygon fill=\"none\" stroke=\"black\" points=\"1867.5,-247.5 1867.5,-283.5 2052.75,-283.5 2052.75,-247.5 1867.5,-247.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"1877.38\" y=\"-260.7\" font-family=\"Times,serif\" font-size=\"14.00\"> </text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"1887.25,-248 1887.25,-283.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"1929.38\" y=\"-260.7\" font-family=\"Times,serif\" font-size=\"14.00\">data &#45;0.5617</text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"1971.5,-248 1971.5,-283.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"2012.12\" y=\"-260.7\" font-family=\"Times,serif\" font-size=\"14.00\">grad 0.0000</text>\n",
       "</g>\n",
       "<!-- 4949039056+ -->\n",
       "<g id=\"node162\" class=\"node\">\n",
       "<title>4949039056+</title>\n",
       "<ellipse fill=\"none\" stroke=\"black\" cx=\"2115.75\" cy=\"-320.5\" rx=\"27\" ry=\"18\"/>\n",
       "<text text-anchor=\"middle\" x=\"2115.75\" y=\"-315.45\" font-family=\"Times,serif\" font-size=\"14.00\">+</text>\n",
       "</g>\n",
       "<!-- 4948772048&#45;&gt;4949039056+ -->\n",
       "<g id=\"edge113\" class=\"edge\">\n",
       "<title>4948772048&#45;&gt;4949039056+</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M2024.53,-283.84C2034.05,-286.89 2043.7,-290.16 2052.75,-293.5 2062.59,-297.13 2073.12,-301.52 2082.65,-305.69\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"2080.96,-308.77 2091.52,-309.64 2083.81,-302.38 2080.96,-308.77\"/>\n",
       "</g>\n",
       "<!-- 4948837648 -->\n",
       "<g id=\"node32\" class=\"node\">\n",
       "<title>4948837648</title>\n",
       "<polygon fill=\"none\" stroke=\"black\" points=\"1556.25,-137.5 1556.25,-173.5 1741.5,-173.5 1741.5,-137.5 1556.25,-137.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"1566.12\" y=\"-150.7\" font-family=\"Times,serif\" font-size=\"14.00\"> </text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"1576,-138 1576,-173.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"1618.12\" y=\"-150.7\" font-family=\"Times,serif\" font-size=\"14.00\">data &#45;1.4952</text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"1660.25,-138 1660.25,-173.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"1700.88\" y=\"-150.7\" font-family=\"Times,serif\" font-size=\"14.00\">grad 0.0000</text>\n",
       "</g>\n",
       "<!-- 4948844176+ -->\n",
       "<g id=\"node188\" class=\"node\">\n",
       "<title>4948844176+</title>\n",
       "<ellipse fill=\"none\" stroke=\"black\" cx=\"1804.5\" cy=\"-155.5\" rx=\"27\" ry=\"18\"/>\n",
       "<text text-anchor=\"middle\" x=\"1804.5\" y=\"-150.45\" font-family=\"Times,serif\" font-size=\"14.00\">+</text>\n",
       "</g>\n",
       "<!-- 4948837648&#45;&gt;4948844176+ -->\n",
       "<g id=\"edge123\" class=\"edge\">\n",
       "<title>4948837648&#45;&gt;4948844176+</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M1741.9,-155.5C1750.27,-155.5 1758.39,-155.5 1765.84,-155.5\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"1765.78,-159 1775.78,-155.5 1765.78,-152 1765.78,-159\"/>\n",
       "</g>\n",
       "<!-- 4948837648*&#45;&gt;4948837648 -->\n",
       "<g id=\"edge11\" class=\"edge\">\n",
       "<title>4948837648*&#45;&gt;4948837648</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M1520.66,-155.5C1527.7,-155.5 1535.75,-155.5 1544.3,-155.5\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"1544.29,-159 1554.29,-155.5 1544.29,-152 1544.29,-159\"/>\n",
       "</g>\n",
       "<!-- 4955194768 -->\n",
       "<g id=\"node34\" class=\"node\">\n",
       "<title>4955194768</title>\n",
       "<polygon fill=\"none\" stroke=\"black\" points=\"2.25,-495.5 2.25,-531.5 183,-531.5 183,-495.5 2.25,-495.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"12.12\" y=\"-508.7\" font-family=\"Times,serif\" font-size=\"14.00\"> </text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"22,-496 22,-531.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"61.88\" y=\"-508.7\" font-family=\"Times,serif\" font-size=\"14.00\">data 2.0000</text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"101.75,-496 101.75,-531.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"142.38\" y=\"-508.7\" font-family=\"Times,serif\" font-size=\"14.00\">grad 0.0000</text>\n",
       "</g>\n",
       "<!-- 4934909712* -->\n",
       "<g id=\"node192\" class=\"node\">\n",
       "<title>4934909712*</title>\n",
       "<ellipse fill=\"none\" stroke=\"black\" cx=\"248.25\" cy=\"-485.5\" rx=\"27\" ry=\"18\"/>\n",
       "<text text-anchor=\"middle\" x=\"248.25\" y=\"-480.45\" font-family=\"Times,serif\" font-size=\"14.00\">*</text>\n",
       "</g>\n",
       "<!-- 4955194768&#45;&gt;4934909712* -->\n",
       "<g id=\"edge125\" class=\"edge\">\n",
       "<title>4955194768&#45;&gt;4934909712*</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M183.43,-497.13C192.98,-495.39 202.26,-493.7 210.64,-492.17\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"211.14,-495.64 220.35,-490.4 209.89,-488.75 211.14,-495.64\"/>\n",
       "</g>\n",
       "<!-- 4934714832 -->\n",
       "<g id=\"node35\" class=\"node\">\n",
       "<title>4934714832</title>\n",
       "<polygon fill=\"none\" stroke=\"black\" points=\"3735,-521.5 3735,-557.5 3920.25,-557.5 3920.25,-521.5 3735,-521.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"3744.88\" y=\"-534.7\" font-family=\"Times,serif\" font-size=\"14.00\"> </text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"3754.75,-522 3754.75,-557.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"3796.88\" y=\"-534.7\" font-family=\"Times,serif\" font-size=\"14.00\">data &#45;0.0581</text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"3839,-522 3839,-557.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"3879.62\" y=\"-534.7\" font-family=\"Times,serif\" font-size=\"14.00\">grad 0.0000</text>\n",
       "</g>\n",
       "<!-- 4934716816+ -->\n",
       "<g id=\"node98\" class=\"node\">\n",
       "<title>4934716816+</title>\n",
       "<ellipse fill=\"none\" stroke=\"black\" cx=\"4048.88\" cy=\"-539.5\" rx=\"27\" ry=\"18\"/>\n",
       "<text text-anchor=\"middle\" x=\"4048.88\" y=\"-534.45\" font-family=\"Times,serif\" font-size=\"14.00\">+</text>\n",
       "</g>\n",
       "<!-- 4934714832&#45;&gt;4934716816+ -->\n",
       "<g id=\"edge145\" class=\"edge\">\n",
       "<title>4934714832&#45;&gt;4934716816+</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M3920.65,-539.5C3952.07,-539.5 3985.48,-539.5 4010.17,-539.5\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"4010.03,-543 4020.03,-539.5 4010.03,-536 4010.03,-543\"/>\n",
       "</g>\n",
       "<!-- 4934714832* -->\n",
       "<g id=\"node36\" class=\"node\">\n",
       "<title>4934714832*</title>\n",
       "<ellipse fill=\"none\" stroke=\"black\" cx=\"3672\" cy=\"-539.5\" rx=\"27\" ry=\"18\"/>\n",
       "<text text-anchor=\"middle\" x=\"3672\" y=\"-534.45\" font-family=\"Times,serif\" font-size=\"14.00\">*</text>\n",
       "</g>\n",
       "<!-- 4934714832*&#45;&gt;4934714832 -->\n",
       "<g id=\"edge12\" class=\"edge\">\n",
       "<title>4934714832*&#45;&gt;4934714832</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M3699.41,-539.5C3706.45,-539.5 3714.5,-539.5 3723.05,-539.5\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"3723.04,-543 3733.04,-539.5 3723.04,-536 3723.04,-543\"/>\n",
       "</g>\n",
       "<!-- 4948837840 -->\n",
       "<g id=\"node37\" class=\"node\">\n",
       "<title>4948837840</title>\n",
       "<polygon fill=\"none\" stroke=\"black\" points=\"1867.5,-742.5 1867.5,-778.5 2052.75,-778.5 2052.75,-742.5 1867.5,-742.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"1877.38\" y=\"-755.7\" font-family=\"Times,serif\" font-size=\"14.00\"> </text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"1887.25,-743 1887.25,-778.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"1929.38\" y=\"-755.7\" font-family=\"Times,serif\" font-size=\"14.00\">data &#45;0.3876</text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"1971.5,-743 1971.5,-778.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"2012.12\" y=\"-755.7\" font-family=\"Times,serif\" font-size=\"14.00\">grad 0.0000</text>\n",
       "</g>\n",
       "<!-- 4948837840&#45;&gt;4948848080+ -->\n",
       "<g id=\"edge147\" class=\"edge\">\n",
       "<title>4948837840&#45;&gt;4948848080+</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M2053.15,-776.67C2061.89,-778.21 2070.36,-779.7 2078.08,-781.05\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"2077.2,-784.45 2087.66,-782.74 2078.41,-777.56 2077.2,-784.45\"/>\n",
       "</g>\n",
       "<!-- 4948837840* -->\n",
       "<g id=\"node38\" class=\"node\">\n",
       "<title>4948837840*</title>\n",
       "<ellipse fill=\"none\" stroke=\"black\" cx=\"1804.5\" cy=\"-705.5\" rx=\"27\" ry=\"18\"/>\n",
       "<text text-anchor=\"middle\" x=\"1804.5\" y=\"-700.45\" font-family=\"Times,serif\" font-size=\"14.00\">*</text>\n",
       "</g>\n",
       "<!-- 4948837840*&#45;&gt;4948837840 -->\n",
       "<g id=\"edge13\" class=\"edge\">\n",
       "<title>4948837840*&#45;&gt;4948837840</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M1827,-716.09C1838.79,-721.68 1853.77,-728.4 1867.5,-733.5 1872.17,-735.23 1877.01,-736.93 1881.92,-738.58\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"1880.68,-741.86 1891.27,-741.64 1882.85,-735.21 1880.68,-741.86\"/>\n",
       "</g>\n",
       "<!-- 4948837904 -->\n",
       "<g id=\"node39\" class=\"node\">\n",
       "<title>4948837904</title>\n",
       "<polygon fill=\"none\" stroke=\"black\" points=\"3423.75,-576.5 3423.75,-612.5 3609,-612.5 3609,-576.5 3423.75,-576.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"3433.62\" y=\"-589.7\" font-family=\"Times,serif\" font-size=\"14.00\"> </text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"3443.5,-577 3443.5,-612.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"3485.62\" y=\"-589.7\" font-family=\"Times,serif\" font-size=\"14.00\">data &#45;0.8277</text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"3527.75,-577 3527.75,-612.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"3568.38\" y=\"-589.7\" font-family=\"Times,serif\" font-size=\"14.00\">grad 0.0000</text>\n",
       "</g>\n",
       "<!-- 4948837904&#45;&gt;4934714832* -->\n",
       "<g id=\"edge204\" class=\"edge\">\n",
       "<title>4948837904&#45;&gt;4934714832*</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M3583.79,-576.11C3592.33,-573.4 3600.92,-570.5 3609,-567.5 3618.98,-563.8 3629.61,-559.23 3639.2,-554.87\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"3640.53,-558.11 3648.13,-550.73 3637.58,-551.77 3640.53,-558.11\"/>\n",
       "</g>\n",
       "<!-- 4948837904tanh -->\n",
       "<g id=\"node40\" class=\"node\">\n",
       "<title>4948837904tanh</title>\n",
       "<ellipse fill=\"none\" stroke=\"black\" cx=\"3360.75\" cy=\"-594.5\" rx=\"27\" ry=\"18\"/>\n",
       "<text text-anchor=\"middle\" x=\"3360.75\" y=\"-589.45\" font-family=\"Times,serif\" font-size=\"14.00\">tanh</text>\n",
       "</g>\n",
       "<!-- 4948837904tanh&#45;&gt;4948837904 -->\n",
       "<g id=\"edge14\" class=\"edge\">\n",
       "<title>4948837904tanh&#45;&gt;4948837904</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M3388.16,-594.5C3395.2,-594.5 3403.25,-594.5 3411.8,-594.5\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"3411.79,-598 3421.79,-594.5 3411.79,-591 3411.79,-598\"/>\n",
       "</g>\n",
       "<!-- 4934977104 -->\n",
       "<g id=\"node41\" class=\"node\">\n",
       "<title>4934977104</title>\n",
       "<polygon fill=\"none\" stroke=\"black\" points=\"4926.75,-495.5 4926.75,-531.5 5107.5,-531.5 5107.5,-495.5 4926.75,-495.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"4936.62\" y=\"-508.7\" font-family=\"Times,serif\" font-size=\"14.00\"> </text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"4946.5,-496 4946.5,-531.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"4986.38\" y=\"-508.7\" font-family=\"Times,serif\" font-size=\"14.00\">data 0.0720</text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"5026.25,-496 5026.25,-531.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"5066.88\" y=\"-508.7\" font-family=\"Times,serif\" font-size=\"14.00\">grad 0.0000</text>\n",
       "</g>\n",
       "<!-- 4934977104&#45;&gt;4934984848+ -->\n",
       "<g id=\"edge195\" class=\"edge\">\n",
       "<title>4934977104&#45;&gt;4934984848+</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M5107.93,-527.15C5116.54,-528.45 5124.89,-529.72 5132.53,-530.88\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"5131.96,-534.34 5142.37,-532.38 5133.01,-527.41 5131.96,-534.34\"/>\n",
       "</g>\n",
       "<!-- 4934977104+&#45;&gt;4934977104 -->\n",
       "<g id=\"edge15\" class=\"edge\">\n",
       "<title>4934977104+&#45;&gt;4934977104</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M4891.12,-510.2C4898.26,-510.39 4906.45,-510.6 4915.14,-510.83\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"4914.77,-514.32 4924.86,-511.09 4914.96,-507.33 4914.77,-514.32\"/>\n",
       "</g>\n",
       "<!-- 4948837968 -->\n",
       "<g id=\"node43\" class=\"node\">\n",
       "<title>4948837968</title>\n",
       "<polygon fill=\"none\" stroke=\"black\" points=\"2178.75,-549.5 2178.75,-585.5 2364,-585.5 2364,-549.5 2178.75,-549.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"2188.62\" y=\"-562.7\" font-family=\"Times,serif\" font-size=\"14.00\"> </text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"2198.5,-550 2198.5,-585.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"2240.62\" y=\"-562.7\" font-family=\"Times,serif\" font-size=\"14.00\">data &#45;0.0188</text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"2282.75,-550 2282.75,-585.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"2323.38\" y=\"-562.7\" font-family=\"Times,serif\" font-size=\"14.00\">grad 0.0000</text>\n",
       "</g>\n",
       "<!-- 4948837968&#45;&gt;4948845392+ -->\n",
       "<g id=\"edge198\" class=\"edge\">\n",
       "<title>4948837968&#45;&gt;4948845392+</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M2364.4,-567.5C2372.77,-567.5 2380.89,-567.5 2388.34,-567.5\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"2388.28,-571 2398.28,-567.5 2388.28,-564 2388.28,-571\"/>\n",
       "</g>\n",
       "<!-- 4948837968* -->\n",
       "<g id=\"node44\" class=\"node\">\n",
       "<title>4948837968*</title>\n",
       "<ellipse fill=\"none\" stroke=\"black\" cx=\"2115.75\" cy=\"-595.5\" rx=\"27\" ry=\"18\"/>\n",
       "<text text-anchor=\"middle\" x=\"2115.75\" y=\"-590.45\" font-family=\"Times,serif\" font-size=\"14.00\">*</text>\n",
       "</g>\n",
       "<!-- 4948837968*&#45;&gt;4948837968 -->\n",
       "<g id=\"edge16\" class=\"edge\">\n",
       "<title>4948837968*&#45;&gt;4948837968</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M2142.12,-590.88C2149.45,-589.54 2157.94,-587.99 2166.99,-586.34\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"2167.56,-589.8 2176.77,-584.56 2166.31,-582.91 2167.56,-589.8\"/>\n",
       "</g>\n",
       "<!-- 4948772496 -->\n",
       "<g id=\"node45\" class=\"node\">\n",
       "<title>4948772496</title>\n",
       "<polygon fill=\"none\" stroke=\"black\" points=\"2490,-659.5 2490,-695.5 2675.25,-695.5 2675.25,-659.5 2490,-659.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"2499.88\" y=\"-672.7\" font-family=\"Times,serif\" font-size=\"14.00\"> </text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"2509.75,-660 2509.75,-695.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"2551.88\" y=\"-672.7\" font-family=\"Times,serif\" font-size=\"14.00\">data &#45;0.3059</text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"2594,-660 2594,-695.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"2634.62\" y=\"-672.7\" font-family=\"Times,serif\" font-size=\"14.00\">grad 0.0000</text>\n",
       "</g>\n",
       "<!-- 4948772496&#45;&gt;4934716048* -->\n",
       "<g id=\"edge144\" class=\"edge\">\n",
       "<title>4948772496&#45;&gt;4934716048*</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M2664.27,-659.09C2668.22,-656.58 2671.92,-653.73 2675.25,-650.5 2712.16,-614.67 2685.14,-584.82 2711.25,-540.5 2712.22,-538.85 2713.31,-537.22 2714.46,-535.61\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"2717,-538.04 2720.68,-528.1 2711.61,-533.58 2717,-538.04\"/>\n",
       "</g>\n",
       "<!-- 4948846288 -->\n",
       "<g id=\"node46\" class=\"node\">\n",
       "<title>4948846288</title>\n",
       "<polygon fill=\"none\" stroke=\"black\" points=\"2801.25,-384.5 2801.25,-420.5 2986.5,-420.5 2986.5,-384.5 2801.25,-384.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"2811.12\" y=\"-397.7\" font-family=\"Times,serif\" font-size=\"14.00\"> </text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"2821,-385 2821,-420.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"2863.12\" y=\"-397.7\" font-family=\"Times,serif\" font-size=\"14.00\">data &#45;0.7687</text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"2905.25,-385 2905.25,-420.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"2945.88\" y=\"-397.7\" font-family=\"Times,serif\" font-size=\"14.00\">grad 0.0000</text>\n",
       "</g>\n",
       "<!-- 4948846800+ -->\n",
       "<g id=\"node56\" class=\"node\">\n",
       "<title>4948846800+</title>\n",
       "<ellipse fill=\"none\" stroke=\"black\" cx=\"3049.5\" cy=\"-594.5\" rx=\"27\" ry=\"18\"/>\n",
       "<text text-anchor=\"middle\" x=\"3049.5\" y=\"-589.45\" font-family=\"Times,serif\" font-size=\"14.00\">+</text>\n",
       "</g>\n",
       "<!-- 4948846288&#45;&gt;4948846800+ -->\n",
       "<g id=\"edge157\" class=\"edge\">\n",
       "<title>4948846288&#45;&gt;4948846800+</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M2973.64,-420.94C2978.27,-423.69 2982.62,-426.86 2986.5,-430.5 2996.77,-440.13 3024.57,-521.46 3039.2,-565.85\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"3035.88,-566.94 3042.32,-575.35 3042.53,-564.76 3035.88,-566.94\"/>\n",
       "</g>\n",
       "<!-- 4948846288*&#45;&gt;4948846288 -->\n",
       "<g id=\"edge17\" class=\"edge\">\n",
       "<title>4948846288*&#45;&gt;4948846288</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M2765.66,-402.5C2772.7,-402.5 2780.75,-402.5 2789.3,-402.5\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"2789.29,-406 2799.29,-402.5 2789.29,-399 2789.29,-406\"/>\n",
       "</g>\n",
       "<!-- 4948715344 -->\n",
       "<g id=\"node48\" class=\"node\">\n",
       "<title>4948715344</title>\n",
       "<polygon fill=\"none\" stroke=\"black\" points=\"624.75,-1016.5 624.75,-1052.5 805.5,-1052.5 805.5,-1016.5 624.75,-1016.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"634.62\" y=\"-1029.7\" font-family=\"Times,serif\" font-size=\"14.00\"> </text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"644.5,-1017 644.5,-1052.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"684.38\" y=\"-1029.7\" font-family=\"Times,serif\" font-size=\"14.00\">data 0.3585</text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"724.25,-1017 724.25,-1052.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"764.88\" y=\"-1029.7\" font-family=\"Times,serif\" font-size=\"14.00\">grad 0.0000</text>\n",
       "</g>\n",
       "<!-- 4949346768* -->\n",
       "<g id=\"node63\" class=\"node\">\n",
       "<title>4949346768*</title>\n",
       "<ellipse fill=\"none\" stroke=\"black\" cx=\"870.75\" cy=\"-1007.5\" rx=\"27\" ry=\"18\"/>\n",
       "<text text-anchor=\"middle\" x=\"870.75\" y=\"-1002.45\" font-family=\"Times,serif\" font-size=\"14.00\">*</text>\n",
       "</g>\n",
       "<!-- 4948715344&#45;&gt;4949346768* -->\n",
       "<g id=\"edge119\" class=\"edge\">\n",
       "<title>4948715344&#45;&gt;4949346768*</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M805.93,-1018.72C815.48,-1017.04 824.76,-1015.41 833.14,-1013.93\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"833.61,-1017.41 842.85,-1012.23 832.39,-1010.51 833.61,-1017.41\"/>\n",
       "</g>\n",
       "<!-- 4948780944 -->\n",
       "<g id=\"node49\" class=\"node\">\n",
       "<title>4948780944</title>\n",
       "<polygon fill=\"none\" stroke=\"black\" points=\"1558.5,-687.5 1558.5,-723.5 1739.25,-723.5 1739.25,-687.5 1558.5,-687.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"1568.38\" y=\"-700.7\" font-family=\"Times,serif\" font-size=\"14.00\"> </text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"1578.25,-688 1578.25,-723.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"1618.12\" y=\"-700.7\" font-family=\"Times,serif\" font-size=\"14.00\">data 0.4120</text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"1658,-688 1658,-723.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"1698.62\" y=\"-700.7\" font-family=\"Times,serif\" font-size=\"14.00\">grad 0.0000</text>\n",
       "</g>\n",
       "<!-- 4948780944&#45;&gt;4948837840* -->\n",
       "<g id=\"edge165\" class=\"edge\">\n",
       "<title>4948780944&#45;&gt;4948837840*</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M1739.68,-705.5C1748.86,-705.5 1757.78,-705.5 1765.9,-705.5\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"1765.65,-709 1775.65,-705.5 1765.65,-702 1765.65,-709\"/>\n",
       "</g>\n",
       "<!-- 4949043216 -->\n",
       "<g id=\"node50\" class=\"node\">\n",
       "<title>4949043216</title>\n",
       "<polygon fill=\"none\" stroke=\"black\" points=\"3423.75,-301.5 3423.75,-337.5 3609,-337.5 3609,-301.5 3423.75,-301.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"3433.62\" y=\"-314.7\" font-family=\"Times,serif\" font-size=\"14.00\"> </text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"3443.5,-302 3443.5,-337.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"3485.62\" y=\"-314.7\" font-family=\"Times,serif\" font-size=\"14.00\">data &#45;0.0594</text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"3527.75,-302 3527.75,-337.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"3568.38\" y=\"-314.7\" font-family=\"Times,serif\" font-size=\"14.00\">grad 0.0000</text>\n",
       "</g>\n",
       "<!-- 4949043216&#45;&gt;4934975888* -->\n",
       "<g id=\"edge118\" class=\"edge\">\n",
       "<title>4949043216&#45;&gt;4934975888*</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M3580.78,-337.84C3590.3,-340.89 3599.95,-344.16 3609,-347.5 3618.84,-351.13 3629.37,-355.52 3638.9,-359.69\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"3637.21,-362.77 3647.77,-363.64 3640.06,-356.38 3637.21,-362.77\"/>\n",
       "</g>\n",
       "<!-- 4949043216tanh -->\n",
       "<g id=\"node51\" class=\"node\">\n",
       "<title>4949043216tanh</title>\n",
       "<ellipse fill=\"none\" stroke=\"black\" cx=\"3360.75\" cy=\"-319.5\" rx=\"27\" ry=\"18\"/>\n",
       "<text text-anchor=\"middle\" x=\"3360.75\" y=\"-314.45\" font-family=\"Times,serif\" font-size=\"14.00\">tanh</text>\n",
       "</g>\n",
       "<!-- 4949043216tanh&#45;&gt;4949043216 -->\n",
       "<g id=\"edge18\" class=\"edge\">\n",
       "<title>4949043216tanh&#45;&gt;4949043216</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M3388.16,-319.5C3395.2,-319.5 3403.25,-319.5 3411.8,-319.5\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"3411.79,-323 3421.79,-319.5 3411.79,-316 3411.79,-323\"/>\n",
       "</g>\n",
       "<!-- 4934182928 -->\n",
       "<g id=\"node52\" class=\"node\">\n",
       "<title>4934182928</title>\n",
       "<polygon fill=\"none\" stroke=\"black\" points=\"2492.25,-604.5 2492.25,-640.5 2673,-640.5 2673,-604.5 2492.25,-604.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"2502.12\" y=\"-617.7\" font-family=\"Times,serif\" font-size=\"14.00\"> </text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"2512,-605 2512,-640.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"2551.88\" y=\"-617.7\" font-family=\"Times,serif\" font-size=\"14.00\">data 0.0360</text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"2591.75,-605 2591.75,-640.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"2632.38\" y=\"-617.7\" font-family=\"Times,serif\" font-size=\"14.00\">grad 0.0000</text>\n",
       "</g>\n",
       "<!-- 4934182928&#45;&gt;4948870160+ -->\n",
       "<g id=\"edge200\" class=\"edge\">\n",
       "<title>4934182928&#45;&gt;4948870160+</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M2664.27,-604.09C2668.22,-601.58 2671.92,-598.73 2675.25,-595.5 2712.16,-559.67 2685.14,-529.82 2711.25,-485.5 2712.22,-483.85 2713.31,-482.22 2714.46,-480.61\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"2717,-483.04 2720.68,-473.1 2711.61,-478.58 2717,-483.04\"/>\n",
       "</g>\n",
       "<!-- 4934182928* -->\n",
       "<g id=\"node53\" class=\"node\">\n",
       "<title>4934182928*</title>\n",
       "<ellipse fill=\"none\" stroke=\"black\" cx=\"2427\" cy=\"-622.5\" rx=\"27\" ry=\"18\"/>\n",
       "<text text-anchor=\"middle\" x=\"2427\" y=\"-617.45\" font-family=\"Times,serif\" font-size=\"14.00\">*</text>\n",
       "</g>\n",
       "<!-- 4934182928*&#45;&gt;4934182928 -->\n",
       "<g id=\"edge19\" class=\"edge\">\n",
       "<title>4934182928*&#45;&gt;4934182928</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M2454.41,-622.5C2462.12,-622.5 2471.04,-622.5 2480.51,-622.5\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"2480.32,-626 2490.32,-622.5 2480.32,-619 2480.32,-626\"/>\n",
       "</g>\n",
       "<!-- 4948781136 -->\n",
       "<g id=\"node54\" class=\"node\">\n",
       "<title>4948781136</title>\n",
       "<polygon fill=\"none\" stroke=\"black\" points=\"1556.25,-357.5 1556.25,-393.5 1741.5,-393.5 1741.5,-357.5 1556.25,-357.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"1566.12\" y=\"-370.7\" font-family=\"Times,serif\" font-size=\"14.00\"> </text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"1576,-358 1576,-393.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"1618.12\" y=\"-370.7\" font-family=\"Times,serif\" font-size=\"14.00\">data &#45;0.7866</text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"1660.25,-358 1660.25,-393.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"1700.88\" y=\"-370.7\" font-family=\"Times,serif\" font-size=\"14.00\">grad 0.0000</text>\n",
       "</g>\n",
       "<!-- 4949043536* -->\n",
       "<g id=\"node61\" class=\"node\">\n",
       "<title>4949043536*</title>\n",
       "<ellipse fill=\"none\" stroke=\"black\" cx=\"1804.5\" cy=\"-375.5\" rx=\"27\" ry=\"18\"/>\n",
       "<text text-anchor=\"middle\" x=\"1804.5\" y=\"-370.45\" font-family=\"Times,serif\" font-size=\"14.00\">*</text>\n",
       "</g>\n",
       "<!-- 4948781136&#45;&gt;4949043536* -->\n",
       "<g id=\"edge188\" class=\"edge\">\n",
       "<title>4948781136&#45;&gt;4949043536*</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M1741.9,-375.5C1750.27,-375.5 1758.39,-375.5 1765.84,-375.5\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"1765.78,-379 1775.78,-375.5 1765.78,-372 1765.78,-379\"/>\n",
       "</g>\n",
       "<!-- 4948846800 -->\n",
       "<g id=\"node55\" class=\"node\">\n",
       "<title>4948846800</title>\n",
       "<polygon fill=\"none\" stroke=\"black\" points=\"3112.5,-576.5 3112.5,-612.5 3297.75,-612.5 3297.75,-576.5 3112.5,-576.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"3122.38\" y=\"-589.7\" font-family=\"Times,serif\" font-size=\"14.00\"> </text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"3132.25,-577 3132.25,-612.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"3174.38\" y=\"-589.7\" font-family=\"Times,serif\" font-size=\"14.00\">data &#45;1.1807</text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"3216.5,-577 3216.5,-612.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"3257.12\" y=\"-589.7\" font-family=\"Times,serif\" font-size=\"14.00\">grad 0.0000</text>\n",
       "</g>\n",
       "<!-- 4948846800&#45;&gt;4948837904tanh -->\n",
       "<g id=\"edge179\" class=\"edge\">\n",
       "<title>4948846800&#45;&gt;4948837904tanh</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M3298.15,-594.5C3306.52,-594.5 3314.64,-594.5 3322.09,-594.5\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"3322.03,-598 3332.03,-594.5 3322.03,-591 3322.03,-598\"/>\n",
       "</g>\n",
       "<!-- 4948846800+&#45;&gt;4948846800 -->\n",
       "<g id=\"edge20\" class=\"edge\">\n",
       "<title>4948846800+&#45;&gt;4948846800</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M3076.91,-594.5C3083.95,-594.5 3092,-594.5 3100.55,-594.5\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"3100.54,-598 3110.54,-594.5 3100.54,-591 3100.54,-598\"/>\n",
       "</g>\n",
       "<!-- 4948773136 -->\n",
       "<g id=\"node57\" class=\"node\">\n",
       "<title>4948773136</title>\n",
       "<polygon fill=\"none\" stroke=\"black\" points=\"1556.25,-467.5 1556.25,-503.5 1741.5,-503.5 1741.5,-467.5 1556.25,-467.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"1566.12\" y=\"-480.7\" font-family=\"Times,serif\" font-size=\"14.00\"> </text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"1576,-468 1576,-503.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"1618.12\" y=\"-480.7\" font-family=\"Times,serif\" font-size=\"14.00\">data &#45;0.9723</text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"1660.25,-468 1660.25,-503.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"1700.88\" y=\"-480.7\" font-family=\"Times,serif\" font-size=\"14.00\">grad 0.0000</text>\n",
       "</g>\n",
       "<!-- 4948851600* -->\n",
       "<g id=\"node173\" class=\"node\">\n",
       "<title>4948851600*</title>\n",
       "<ellipse fill=\"none\" stroke=\"black\" cx=\"1804.5\" cy=\"-485.5\" rx=\"27\" ry=\"18\"/>\n",
       "<text text-anchor=\"middle\" x=\"1804.5\" y=\"-480.45\" font-family=\"Times,serif\" font-size=\"14.00\">*</text>\n",
       "</g>\n",
       "<!-- 4948773136&#45;&gt;4948851600* -->\n",
       "<g id=\"edge83\" class=\"edge\">\n",
       "<title>4948773136&#45;&gt;4948851600*</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M1741.9,-485.5C1750.27,-485.5 1758.39,-485.5 1765.84,-485.5\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"1765.78,-489 1775.78,-485.5 1765.78,-482 1765.78,-489\"/>\n",
       "</g>\n",
       "<!-- 4949354832 -->\n",
       "<g id=\"node58\" class=\"node\">\n",
       "<title>4949354832</title>\n",
       "<polygon fill=\"none\" stroke=\"black\" points=\"1558.5,-934.5 1558.5,-970.5 1739.25,-970.5 1739.25,-934.5 1558.5,-934.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"1568.38\" y=\"-947.7\" font-family=\"Times,serif\" font-size=\"14.00\"> </text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"1578.25,-935 1578.25,-970.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"1618.12\" y=\"-947.7\" font-family=\"Times,serif\" font-size=\"14.00\">data 0.2098</text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"1658,-935 1658,-970.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"1698.62\" y=\"-947.7\" font-family=\"Times,serif\" font-size=\"14.00\">grad 0.0000</text>\n",
       "</g>\n",
       "<!-- 4949349456+ -->\n",
       "<g id=\"node138\" class=\"node\">\n",
       "<title>4949349456+</title>\n",
       "<ellipse fill=\"none\" stroke=\"black\" cx=\"1804.5\" cy=\"-925.5\" rx=\"27\" ry=\"18\"/>\n",
       "<text text-anchor=\"middle\" x=\"1804.5\" y=\"-920.45\" font-family=\"Times,serif\" font-size=\"14.00\">+</text>\n",
       "</g>\n",
       "<!-- 4949354832&#45;&gt;4949349456+ -->\n",
       "<g id=\"edge135\" class=\"edge\">\n",
       "<title>4949354832&#45;&gt;4949349456+</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M1739.68,-936.72C1749.23,-935.04 1758.51,-933.41 1766.89,-931.93\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"1767.36,-935.41 1776.6,-930.23 1766.14,-928.51 1767.36,-935.41\"/>\n",
       "</g>\n",
       "<!-- 4949354832+ -->\n",
       "<g id=\"node59\" class=\"node\">\n",
       "<title>4949354832+</title>\n",
       "<ellipse fill=\"none\" stroke=\"black\" cx=\"1493.25\" cy=\"-952.5\" rx=\"27\" ry=\"18\"/>\n",
       "<text text-anchor=\"middle\" x=\"1493.25\" y=\"-947.45\" font-family=\"Times,serif\" font-size=\"14.00\">+</text>\n",
       "</g>\n",
       "<!-- 4949354832+&#45;&gt;4949354832 -->\n",
       "<g id=\"edge21\" class=\"edge\">\n",
       "<title>4949354832+&#45;&gt;4949354832</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M1520.66,-952.5C1528.37,-952.5 1537.29,-952.5 1546.76,-952.5\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"1546.57,-956 1556.57,-952.5 1546.57,-949 1546.57,-956\"/>\n",
       "</g>\n",
       "<!-- 4949043536 -->\n",
       "<g id=\"node60\" class=\"node\">\n",
       "<title>4949043536</title>\n",
       "<polygon fill=\"none\" stroke=\"black\" points=\"1869.75,-302.5 1869.75,-338.5 2050.5,-338.5 2050.5,-302.5 1869.75,-302.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"1879.62\" y=\"-315.7\" font-family=\"Times,serif\" font-size=\"14.00\"> </text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"1889.5,-303 1889.5,-338.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"1929.38\" y=\"-315.7\" font-family=\"Times,serif\" font-size=\"14.00\">data 0.7401</text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"1969.25,-303 1969.25,-338.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"2009.88\" y=\"-315.7\" font-family=\"Times,serif\" font-size=\"14.00\">grad 0.0000</text>\n",
       "</g>\n",
       "<!-- 4949043536&#45;&gt;4949039056+ -->\n",
       "<g id=\"edge95\" class=\"edge\">\n",
       "<title>4949043536&#45;&gt;4949039056+</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M2050.93,-320.5C2060.11,-320.5 2069.03,-320.5 2077.15,-320.5\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"2076.9,-324 2086.9,-320.5 2076.9,-317 2076.9,-324\"/>\n",
       "</g>\n",
       "<!-- 4949043536*&#45;&gt;4949043536 -->\n",
       "<g id=\"edge22\" class=\"edge\">\n",
       "<title>4949043536*&#45;&gt;4949043536</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M1827.35,-365.26C1839.11,-359.93 1853.95,-353.5 1867.5,-348.5 1873.16,-346.41 1879.05,-344.35 1885,-342.36\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"1885.87,-345.76 1894.28,-339.31 1883.69,-339.1 1885.87,-345.76\"/>\n",
       "</g>\n",
       "<!-- 4949346768 -->\n",
       "<g id=\"node62\" class=\"node\">\n",
       "<title>4949346768</title>\n",
       "<polygon fill=\"none\" stroke=\"black\" points=\"936,-989.5 936,-1025.5 1116.75,-1025.5 1116.75,-989.5 936,-989.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"945.88\" y=\"-1002.7\" font-family=\"Times,serif\" font-size=\"14.00\"> </text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"955.75,-990 955.75,-1025.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"995.62\" y=\"-1002.7\" font-family=\"Times,serif\" font-size=\"14.00\">data 0.7171</text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"1035.5,-990 1035.5,-1025.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"1076.12\" y=\"-1002.7\" font-family=\"Times,serif\" font-size=\"14.00\">grad 0.0000</text>\n",
       "</g>\n",
       "<!-- 4949346768&#45;&gt;4949357648+ -->\n",
       "<g id=\"edge176\" class=\"edge\">\n",
       "<title>4949346768&#45;&gt;4949357648+</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M1117.18,-1007.5C1126.36,-1007.5 1135.28,-1007.5 1143.4,-1007.5\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"1143.15,-1011 1153.15,-1007.5 1143.15,-1004 1143.15,-1011\"/>\n",
       "</g>\n",
       "<!-- 4949346768*&#45;&gt;4949346768 -->\n",
       "<g id=\"edge23\" class=\"edge\">\n",
       "<title>4949346768*&#45;&gt;4949346768</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M898.16,-1007.5C905.87,-1007.5 914.79,-1007.5 924.26,-1007.5\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"924.07,-1011 934.07,-1007.5 924.07,-1004 924.07,-1011\"/>\n",
       "</g>\n",
       "<!-- 4948773392 -->\n",
       "<g id=\"node64\" class=\"node\">\n",
       "<title>4948773392</title>\n",
       "<polygon fill=\"none\" stroke=\"black\" points=\"3426,-521.5 3426,-557.5 3606.75,-557.5 3606.75,-521.5 3426,-521.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"3435.88\" y=\"-534.7\" font-family=\"Times,serif\" font-size=\"14.00\"> </text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"3445.75,-522 3445.75,-557.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"3485.62\" y=\"-534.7\" font-family=\"Times,serif\" font-size=\"14.00\">data 0.0702</text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"3525.5,-522 3525.5,-557.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"3566.12\" y=\"-534.7\" font-family=\"Times,serif\" font-size=\"14.00\">grad 0.0000</text>\n",
       "</g>\n",
       "<!-- 4948773392&#45;&gt;4934714832* -->\n",
       "<g id=\"edge126\" class=\"edge\">\n",
       "<title>4948773392&#45;&gt;4934714832*</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M3607.18,-539.5C3616.36,-539.5 3625.28,-539.5 3633.4,-539.5\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"3633.15,-543 3643.15,-539.5 3633.15,-536 3633.15,-543\"/>\n",
       "</g>\n",
       "<!-- 4949035536 -->\n",
       "<g id=\"node65\" class=\"node\">\n",
       "<title>4949035536</title>\n",
       "<polygon fill=\"none\" stroke=\"black\" points=\"2490,-494.5 2490,-530.5 2675.25,-530.5 2675.25,-494.5 2490,-494.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"2499.88\" y=\"-507.7\" font-family=\"Times,serif\" font-size=\"14.00\"> </text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"2509.75,-495 2509.75,-530.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"2551.88\" y=\"-507.7\" font-family=\"Times,serif\" font-size=\"14.00\">data &#45;0.0404</text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"2594,-495 2594,-530.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"2634.62\" y=\"-507.7\" font-family=\"Times,serif\" font-size=\"14.00\">grad 0.0000</text>\n",
       "</g>\n",
       "<!-- 4949044240+ -->\n",
       "<g id=\"node85\" class=\"node\">\n",
       "<title>4949044240+</title>\n",
       "<ellipse fill=\"none\" stroke=\"black\" cx=\"2738.25\" cy=\"-567.5\" rx=\"27\" ry=\"18\"/>\n",
       "<text text-anchor=\"middle\" x=\"2738.25\" y=\"-562.45\" font-family=\"Times,serif\" font-size=\"14.00\">+</text>\n",
       "</g>\n",
       "<!-- 4949035536&#45;&gt;4949044240+ -->\n",
       "<g id=\"edge130\" class=\"edge\">\n",
       "<title>4949035536&#45;&gt;4949044240+</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M2647.03,-530.84C2656.55,-533.89 2666.2,-537.16 2675.25,-540.5 2685.09,-544.13 2695.62,-548.52 2705.15,-552.69\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"2703.46,-555.77 2714.02,-556.64 2706.31,-549.38 2703.46,-555.77\"/>\n",
       "</g>\n",
       "<!-- 4949035536+ -->\n",
       "<g id=\"node66\" class=\"node\">\n",
       "<title>4949035536+</title>\n",
       "<ellipse fill=\"none\" stroke=\"black\" cx=\"2427\" cy=\"-512.5\" rx=\"27\" ry=\"18\"/>\n",
       "<text text-anchor=\"middle\" x=\"2427\" y=\"-507.45\" font-family=\"Times,serif\" font-size=\"14.00\">+</text>\n",
       "</g>\n",
       "<!-- 4949035536+&#45;&gt;4949035536 -->\n",
       "<g id=\"edge24\" class=\"edge\">\n",
       "<title>4949035536+&#45;&gt;4949035536</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M2454.41,-512.5C2461.45,-512.5 2469.5,-512.5 2478.05,-512.5\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"2478.04,-516 2488.04,-512.5 2478.04,-509 2478.04,-516\"/>\n",
       "</g>\n",
       "<!-- 4934724176 -->\n",
       "<g id=\"node67\" class=\"node\">\n",
       "<title>4934724176</title>\n",
       "<polygon fill=\"none\" stroke=\"black\" points=\"2181,-714.5 2181,-750.5 2361.75,-750.5 2361.75,-714.5 2181,-714.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"2190.88\" y=\"-727.7\" font-family=\"Times,serif\" font-size=\"14.00\"> </text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"2200.75,-715 2200.75,-750.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"2240.62\" y=\"-727.7\" font-family=\"Times,serif\" font-size=\"14.00\">data 0.4323</text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"2280.5,-715 2280.5,-750.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"2321.12\" y=\"-727.7\" font-family=\"Times,serif\" font-size=\"14.00\">grad 0.0000</text>\n",
       "</g>\n",
       "<!-- 4934716240+ -->\n",
       "<g id=\"node78\" class=\"node\">\n",
       "<title>4934716240+</title>\n",
       "<ellipse fill=\"none\" stroke=\"black\" cx=\"2427\" cy=\"-787.5\" rx=\"27\" ry=\"18\"/>\n",
       "<text text-anchor=\"middle\" x=\"2427\" y=\"-782.45\" font-family=\"Times,serif\" font-size=\"14.00\">+</text>\n",
       "</g>\n",
       "<!-- 4934724176&#45;&gt;4934716240+ -->\n",
       "<g id=\"edge193\" class=\"edge\">\n",
       "<title>4934724176&#45;&gt;4934716240+</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M2335.78,-750.84C2345.3,-753.89 2354.95,-757.16 2364,-760.5 2373.84,-764.13 2384.37,-768.52 2393.9,-772.69\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"2392.21,-775.77 2402.77,-776.64 2395.06,-769.38 2392.21,-775.77\"/>\n",
       "</g>\n",
       "<!-- 4934724176*&#45;&gt;4934724176 -->\n",
       "<g id=\"edge25\" class=\"edge\">\n",
       "<title>4934724176*&#45;&gt;4934724176</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M2142.12,-709.96C2150.13,-711.37 2159.52,-713.02 2169.52,-714.77\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"2168.62,-718.17 2179.08,-716.45 2169.83,-711.28 2168.62,-718.17\"/>\n",
       "</g>\n",
       "<!-- 4934716048 -->\n",
       "<g id=\"node69\" class=\"node\">\n",
       "<title>4934716048</title>\n",
       "<polygon fill=\"none\" stroke=\"black\" points=\"2803.5,-494.5 2803.5,-530.5 2984.25,-530.5 2984.25,-494.5 2803.5,-494.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"2813.38\" y=\"-507.7\" font-family=\"Times,serif\" font-size=\"14.00\"> </text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"2823.25,-495 2823.25,-530.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"2863.12\" y=\"-507.7\" font-family=\"Times,serif\" font-size=\"14.00\">data 0.3014</text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"2903,-495 2903,-530.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"2943.62\" y=\"-507.7\" font-family=\"Times,serif\" font-size=\"14.00\">grad 0.0000</text>\n",
       "</g>\n",
       "<!-- 4934716048&#45;&gt;4934713872+ -->\n",
       "<g id=\"edge172\" class=\"edge\">\n",
       "<title>4934716048&#45;&gt;4934713872+</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M2972.97,-530.94C2977.82,-533.7 2982.39,-536.86 2986.5,-540.5 3016,-566.61 3000.8,-588.62 3022.5,-621.5 3023.56,-623.1 3024.7,-624.69 3025.91,-626.26\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"3023.09,-628.36 3032.24,-633.71 3028.43,-623.82 3023.09,-628.36\"/>\n",
       "</g>\n",
       "<!-- 4934716048*&#45;&gt;4934716048 -->\n",
       "<g id=\"edge26\" class=\"edge\">\n",
       "<title>4934716048*&#45;&gt;4934716048</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M2765.66,-512.5C2773.37,-512.5 2782.29,-512.5 2791.76,-512.5\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"2791.57,-516 2801.57,-512.5 2791.57,-509 2791.57,-516\"/>\n",
       "</g>\n",
       "<!-- 4948789968 -->\n",
       "<g id=\"node71\" class=\"node\">\n",
       "<title>4948789968</title>\n",
       "<polygon fill=\"none\" stroke=\"black\" points=\"1245,-522.5 1245,-558.5 1430.25,-558.5 1430.25,-522.5 1245,-522.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"1254.88\" y=\"-535.7\" font-family=\"Times,serif\" font-size=\"14.00\"> </text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"1264.75,-523 1264.75,-558.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"1306.88\" y=\"-535.7\" font-family=\"Times,serif\" font-size=\"14.00\">data &#45;1.7461</text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"1349,-523 1349,-558.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"1389.62\" y=\"-535.7\" font-family=\"Times,serif\" font-size=\"14.00\">grad 0.0000</text>\n",
       "</g>\n",
       "<!-- 4949183312tanh -->\n",
       "<g id=\"node80\" class=\"node\">\n",
       "<title>4949183312tanh</title>\n",
       "<ellipse fill=\"none\" stroke=\"black\" cx=\"1493.25\" cy=\"-540.5\" rx=\"27\" ry=\"18\"/>\n",
       "<text text-anchor=\"middle\" x=\"1493.25\" y=\"-535.45\" font-family=\"Times,serif\" font-size=\"14.00\">tanh</text>\n",
       "</g>\n",
       "<!-- 4948789968&#45;&gt;4949183312tanh -->\n",
       "<g id=\"edge107\" class=\"edge\">\n",
       "<title>4948789968&#45;&gt;4949183312tanh</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M1430.65,-540.5C1439.02,-540.5 1447.14,-540.5 1454.59,-540.5\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"1454.53,-544 1464.53,-540.5 1454.53,-537 1454.53,-544\"/>\n",
       "</g>\n",
       "<!-- 4948789968+ -->\n",
       "<g id=\"node72\" class=\"node\">\n",
       "<title>4948789968+</title>\n",
       "<ellipse fill=\"none\" stroke=\"black\" cx=\"1182\" cy=\"-540.5\" rx=\"27\" ry=\"18\"/>\n",
       "<text text-anchor=\"middle\" x=\"1182\" y=\"-535.45\" font-family=\"Times,serif\" font-size=\"14.00\">+</text>\n",
       "</g>\n",
       "<!-- 4948789968+&#45;&gt;4948789968 -->\n",
       "<g id=\"edge27\" class=\"edge\">\n",
       "<title>4948789968+&#45;&gt;4948789968</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M1209.41,-540.5C1216.45,-540.5 1224.5,-540.5 1233.05,-540.5\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"1233.04,-544 1243.04,-540.5 1233.04,-537 1233.04,-544\"/>\n",
       "</g>\n",
       "<!-- 4934716176 -->\n",
       "<g id=\"node73\" class=\"node\">\n",
       "<title>4934716176</title>\n",
       "<polygon fill=\"none\" stroke=\"black\" points=\"2181,-879.5 2181,-915.5 2361.75,-915.5 2361.75,-879.5 2181,-879.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"2190.88\" y=\"-892.7\" font-family=\"Times,serif\" font-size=\"14.00\"> </text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"2200.75,-880 2200.75,-915.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"2240.62\" y=\"-892.7\" font-family=\"Times,serif\" font-size=\"14.00\">data 0.9392</text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"2280.5,-880 2280.5,-915.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"2321.12\" y=\"-892.7\" font-family=\"Times,serif\" font-size=\"14.00\">grad 0.0000</text>\n",
       "</g>\n",
       "<!-- 4934716176&#45;&gt;4934716240+ -->\n",
       "<g id=\"edge201\" class=\"edge\">\n",
       "<title>4934716176&#45;&gt;4934716240+</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M2349.82,-879.16C2354.82,-876.63 2359.61,-873.76 2364,-870.5 2387.45,-853.08 2382,-838.51 2400,-815.5 2401.18,-813.99 2402.43,-812.47 2403.71,-810.95\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"2406.19,-813.43 2410.21,-803.62 2400.95,-808.78 2406.19,-813.43\"/>\n",
       "</g>\n",
       "<!-- 4934716176+ -->\n",
       "<g id=\"node74\" class=\"node\">\n",
       "<title>4934716176+</title>\n",
       "<ellipse fill=\"none\" stroke=\"black\" cx=\"2115.75\" cy=\"-897.5\" rx=\"27\" ry=\"18\"/>\n",
       "<text text-anchor=\"middle\" x=\"2115.75\" y=\"-892.45\" font-family=\"Times,serif\" font-size=\"14.00\">+</text>\n",
       "</g>\n",
       "<!-- 4934716176+&#45;&gt;4934716176 -->\n",
       "<g id=\"edge28\" class=\"edge\">\n",
       "<title>4934716176+&#45;&gt;4934716176</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M2143.16,-897.5C2150.87,-897.5 2159.79,-897.5 2169.26,-897.5\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"2169.07,-901 2179.07,-897.5 2169.07,-894 2169.07,-901\"/>\n",
       "</g>\n",
       "<!-- 4948871952 -->\n",
       "<g id=\"node75\" class=\"node\">\n",
       "<title>4948871952</title>\n",
       "<polygon fill=\"none\" stroke=\"black\" points=\"3112.5,-301.5 3112.5,-337.5 3297.75,-337.5 3297.75,-301.5 3112.5,-301.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"3122.38\" y=\"-314.7\" font-family=\"Times,serif\" font-size=\"14.00\"> </text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"3132.25,-302 3132.25,-337.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"3174.38\" y=\"-314.7\" font-family=\"Times,serif\" font-size=\"14.00\">data &#45;0.0595</text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"3216.5,-302 3216.5,-337.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"3257.12\" y=\"-314.7\" font-family=\"Times,serif\" font-size=\"14.00\">grad 0.0000</text>\n",
       "</g>\n",
       "<!-- 4948871952&#45;&gt;4949043216tanh -->\n",
       "<g id=\"edge207\" class=\"edge\">\n",
       "<title>4948871952&#45;&gt;4949043216tanh</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M3298.15,-319.5C3306.52,-319.5 3314.64,-319.5 3322.09,-319.5\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"3322.03,-323 3332.03,-319.5 3322.03,-316 3322.03,-323\"/>\n",
       "</g>\n",
       "<!-- 4948871952+&#45;&gt;4948871952 -->\n",
       "<g id=\"edge29\" class=\"edge\">\n",
       "<title>4948871952+&#45;&gt;4948871952</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M3076.91,-319.5C3083.95,-319.5 3092,-319.5 3100.55,-319.5\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"3100.54,-323 3110.54,-319.5 3100.54,-316 3100.54,-323\"/>\n",
       "</g>\n",
       "<!-- 4934716240 -->\n",
       "<g id=\"node77\" class=\"node\">\n",
       "<title>4934716240</title>\n",
       "<polygon fill=\"none\" stroke=\"black\" points=\"2492.25,-769.5 2492.25,-805.5 2673,-805.5 2673,-769.5 2492.25,-769.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"2502.12\" y=\"-782.7\" font-family=\"Times,serif\" font-size=\"14.00\"> </text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"2512,-770 2512,-805.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"2551.88\" y=\"-782.7\" font-family=\"Times,serif\" font-size=\"14.00\">data 1.3715</text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"2591.75,-770 2591.75,-805.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"2632.38\" y=\"-782.7\" font-family=\"Times,serif\" font-size=\"14.00\">grad 0.0000</text>\n",
       "</g>\n",
       "<!-- 4934716688+ -->\n",
       "<g id=\"node90\" class=\"node\">\n",
       "<title>4934716688+</title>\n",
       "<ellipse fill=\"none\" stroke=\"black\" cx=\"2738.25\" cy=\"-787.5\" rx=\"27\" ry=\"18\"/>\n",
       "<text text-anchor=\"middle\" x=\"2738.25\" y=\"-782.45\" font-family=\"Times,serif\" font-size=\"14.00\">+</text>\n",
       "</g>\n",
       "<!-- 4934716240&#45;&gt;4934716688+ -->\n",
       "<g id=\"edge137\" class=\"edge\">\n",
       "<title>4934716240&#45;&gt;4934716688+</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M2673.43,-787.5C2682.61,-787.5 2691.53,-787.5 2699.65,-787.5\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"2699.4,-791 2709.4,-787.5 2699.4,-784 2699.4,-791\"/>\n",
       "</g>\n",
       "<!-- 4934716240+&#45;&gt;4934716240 -->\n",
       "<g id=\"edge30\" class=\"edge\">\n",
       "<title>4934716240+&#45;&gt;4934716240</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M2454.41,-787.5C2462.12,-787.5 2471.04,-787.5 2480.51,-787.5\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"2480.32,-791 2490.32,-787.5 2480.32,-784 2480.32,-791\"/>\n",
       "</g>\n",
       "<!-- 4949183312 -->\n",
       "<g id=\"node79\" class=\"node\">\n",
       "<title>4949183312</title>\n",
       "<polygon fill=\"none\" stroke=\"black\" points=\"1556.25,-522.5 1556.25,-558.5 1741.5,-558.5 1741.5,-522.5 1556.25,-522.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"1566.12\" y=\"-535.7\" font-family=\"Times,serif\" font-size=\"14.00\"> </text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"1576,-523 1576,-558.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"1618.12\" y=\"-535.7\" font-family=\"Times,serif\" font-size=\"14.00\">data &#45;0.9409</text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"1660.25,-523 1660.25,-558.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"1700.88\" y=\"-535.7\" font-family=\"Times,serif\" font-size=\"14.00\">grad 0.0000</text>\n",
       "</g>\n",
       "<!-- 4949183312&#45;&gt;4948837840* -->\n",
       "<g id=\"edge85\" class=\"edge\">\n",
       "<title>4949183312&#45;&gt;4948837840*</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M1727.94,-558.97C1732.8,-561.72 1737.38,-564.88 1741.5,-568.5 1758.57,-583.51 1781.11,-641.5 1793.78,-677.05\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"1790.4,-678.01 1797.02,-686.29 1797.01,-675.69 1790.4,-678.01\"/>\n",
       "</g>\n",
       "<!-- 4949183312&#45;&gt;4949043536* -->\n",
       "<g id=\"edge159\" class=\"edge\">\n",
       "<title>4949183312&#45;&gt;4949043536*</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M1729.26,-522.17C1733.62,-519.65 1737.75,-516.77 1741.5,-513.5 1758.78,-498.42 1781.33,-439.72 1793.92,-403.91\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"1797.18,-405.2 1797.15,-394.6 1790.57,-402.91 1797.18,-405.2\"/>\n",
       "</g>\n",
       "<!-- 4949183312&#45;&gt;4948851600* -->\n",
       "<g id=\"edge196\" class=\"edge\">\n",
       "<title>4949183312&#45;&gt;4948851600*</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M1716.29,-522.11C1724.83,-519.4 1733.42,-516.5 1741.5,-513.5 1751.48,-509.8 1762.11,-505.23 1771.7,-500.87\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"1773.03,-504.11 1780.63,-496.73 1770.08,-497.77 1773.03,-504.11\"/>\n",
       "</g>\n",
       "<!-- 4934728784* -->\n",
       "<g id=\"node177\" class=\"node\">\n",
       "<title>4934728784*</title>\n",
       "<ellipse fill=\"none\" stroke=\"black\" cx=\"1804.5\" cy=\"-815.5\" rx=\"27\" ry=\"18\"/>\n",
       "<text text-anchor=\"middle\" x=\"1804.5\" y=\"-810.45\" font-family=\"Times,serif\" font-size=\"14.00\">*</text>\n",
       "</g>\n",
       "<!-- 4949183312&#45;&gt;4934728784* -->\n",
       "<g id=\"edge114\" class=\"edge\">\n",
       "<title>4949183312&#45;&gt;4934728784*</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M1730.11,-558.86C1734.27,-561.64 1738.12,-564.83 1741.5,-568.5 1792.1,-623.35 1758.33,-660.38 1777.5,-732.5 1782.37,-750.82 1788.72,-771.13 1793.92,-787.07\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"1790.53,-787.99 1796.99,-796.38 1797.18,-785.79 1790.53,-787.99\"/>\n",
       "</g>\n",
       "<!-- 4949183312tanh&#45;&gt;4949183312 -->\n",
       "<g id=\"edge31\" class=\"edge\">\n",
       "<title>4949183312tanh&#45;&gt;4949183312</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M1520.66,-540.5C1527.7,-540.5 1535.75,-540.5 1544.3,-540.5\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"1544.29,-544 1554.29,-540.5 1544.29,-537 1544.29,-544\"/>\n",
       "</g>\n",
       "<!-- 4934896592 -->\n",
       "<g id=\"node81\" class=\"node\">\n",
       "<title>4934896592</title>\n",
       "<polygon fill=\"none\" stroke=\"black\" points=\"313.5,-577.5 313.5,-613.5 494.25,-613.5 494.25,-577.5 313.5,-577.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"323.38\" y=\"-590.7\" font-family=\"Times,serif\" font-size=\"14.00\"> </text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"333.25,-578 333.25,-613.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"373.12\" y=\"-590.7\" font-family=\"Times,serif\" font-size=\"14.00\">data 3.0000</text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"413,-578 413,-613.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"453.62\" y=\"-590.7\" font-family=\"Times,serif\" font-size=\"14.00\">grad 0.0000</text>\n",
       "</g>\n",
       "<!-- 4934896592&#45;&gt;4934897744* -->\n",
       "<g id=\"edge77\" class=\"edge\">\n",
       "<title>4934896592&#45;&gt;4934897744*</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M494.68,-595.5C503.86,-595.5 512.78,-595.5 520.9,-595.5\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"520.65,-599 530.65,-595.5 520.65,-592 520.65,-599\"/>\n",
       "</g>\n",
       "<!-- 4948716496 -->\n",
       "<g id=\"node82\" class=\"node\">\n",
       "<title>4948716496</title>\n",
       "<polygon fill=\"none\" stroke=\"black\" points=\"933.75,-632.5 933.75,-668.5 1119,-668.5 1119,-632.5 933.75,-632.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"943.62\" y=\"-645.7\" font-family=\"Times,serif\" font-size=\"14.00\"> </text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"953.5,-633 953.5,-668.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"995.62\" y=\"-645.7\" font-family=\"Times,serif\" font-size=\"14.00\">data &#45;0.1122</text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"1037.75,-633 1037.75,-668.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"1078.38\" y=\"-645.7\" font-family=\"Times,serif\" font-size=\"14.00\">grad 0.0000</text>\n",
       "</g>\n",
       "<!-- 4948716496&#45;&gt;4949098832* -->\n",
       "<g id=\"edge183\" class=\"edge\">\n",
       "<title>4948716496&#45;&gt;4949098832*</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M1096.55,-632.04C1113.51,-627.51 1130.98,-622.85 1145.6,-618.95\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"1146.42,-622.35 1155.18,-616.39 1144.62,-615.59 1146.42,-622.35\"/>\n",
       "</g>\n",
       "<!-- 4948782096 -->\n",
       "<g id=\"node83\" class=\"node\">\n",
       "<title>4948782096</title>\n",
       "<polygon fill=\"none\" stroke=\"black\" points=\"2181,-989.5 2181,-1025.5 2361.75,-1025.5 2361.75,-989.5 2181,-989.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"2190.88\" y=\"-1002.7\" font-family=\"Times,serif\" font-size=\"14.00\"> </text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"2200.75,-990 2200.75,-1025.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"2240.62\" y=\"-1002.7\" font-family=\"Times,serif\" font-size=\"14.00\">data 0.5509</text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"2280.5,-990 2280.5,-1025.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"2321.12\" y=\"-1002.7\" font-family=\"Times,serif\" font-size=\"14.00\">grad 0.0000</text>\n",
       "</g>\n",
       "<!-- 4934719056* -->\n",
       "<g id=\"node150\" class=\"node\">\n",
       "<title>4934719056*</title>\n",
       "<ellipse fill=\"none\" stroke=\"black\" cx=\"2427\" cy=\"-897.5\" rx=\"27\" ry=\"18\"/>\n",
       "<text text-anchor=\"middle\" x=\"2427\" y=\"-892.45\" font-family=\"Times,serif\" font-size=\"14.00\">*</text>\n",
       "</g>\n",
       "<!-- 4948782096&#45;&gt;4934719056* -->\n",
       "<g id=\"edge178\" class=\"edge\">\n",
       "<title>4948782096&#45;&gt;4934719056*</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M2349.14,-989.07C2354.36,-986.56 2359.37,-983.72 2364,-980.5 2384.58,-966.18 2401.14,-942.84 2411.94,-924.55\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"2414.87,-926.49 2416.74,-916.06 2408.78,-923.04 2414.87,-926.49\"/>\n",
       "</g>\n",
       "<!-- 4949044240 -->\n",
       "<g id=\"node84\" class=\"node\">\n",
       "<title>4949044240</title>\n",
       "<polygon fill=\"none\" stroke=\"black\" points=\"2803.5,-549.5 2803.5,-585.5 2984.25,-585.5 2984.25,-549.5 2803.5,-549.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"2813.38\" y=\"-562.7\" font-family=\"Times,serif\" font-size=\"14.00\"> </text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"2823.25,-550 2823.25,-585.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"2863.12\" y=\"-562.7\" font-family=\"Times,serif\" font-size=\"14.00\">data 0.3125</text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"2903,-550 2903,-585.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"2943.62\" y=\"-562.7\" font-family=\"Times,serif\" font-size=\"14.00\">grad 0.0000</text>\n",
       "</g>\n",
       "<!-- 4949045264+ -->\n",
       "<g id=\"node116\" class=\"node\">\n",
       "<title>4949045264+</title>\n",
       "<ellipse fill=\"none\" stroke=\"black\" cx=\"3049.5\" cy=\"-484.5\" rx=\"27\" ry=\"18\"/>\n",
       "<text text-anchor=\"middle\" x=\"3049.5\" y=\"-479.45\" font-family=\"Times,serif\" font-size=\"14.00\">+</text>\n",
       "</g>\n",
       "<!-- 4949044240&#45;&gt;4949045264+ -->\n",
       "<g id=\"edge81\" class=\"edge\">\n",
       "<title>4949044240&#45;&gt;4949045264+</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M2968.61,-549C2974.81,-546.48 2980.86,-543.66 2986.5,-540.5 3001.53,-532.08 3015.95,-519.43 3027.1,-508.28\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"3029.47,-510.86 3033.89,-501.23 3024.43,-506 3029.47,-510.86\"/>\n",
       "</g>\n",
       "<!-- 4949044240+&#45;&gt;4949044240 -->\n",
       "<g id=\"edge32\" class=\"edge\">\n",
       "<title>4949044240+&#45;&gt;4949044240</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M2765.66,-567.5C2773.37,-567.5 2782.29,-567.5 2791.76,-567.5\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"2791.57,-571 2801.57,-567.5 2791.57,-564 2791.57,-571\"/>\n",
       "</g>\n",
       "<!-- 4949355600 -->\n",
       "<g id=\"node86\" class=\"node\">\n",
       "<title>4949355600</title>\n",
       "<polygon fill=\"none\" stroke=\"black\" points=\"1245,-824.5 1245,-860.5 1430.25,-860.5 1430.25,-824.5 1245,-824.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"1254.88\" y=\"-837.7\" font-family=\"Times,serif\" font-size=\"14.00\"> </text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"1264.75,-825 1264.75,-860.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"1306.88\" y=\"-837.7\" font-family=\"Times,serif\" font-size=\"14.00\">data &#45;1.0000</text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"1349,-825 1349,-860.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"1389.62\" y=\"-837.7\" font-family=\"Times,serif\" font-size=\"14.00\">grad 0.0000</text>\n",
       "</g>\n",
       "<!-- 4949350160* -->\n",
       "<g id=\"node156\" class=\"node\">\n",
       "<title>4949350160*</title>\n",
       "<ellipse fill=\"none\" stroke=\"black\" cx=\"1493.25\" cy=\"-897.5\" rx=\"27\" ry=\"18\"/>\n",
       "<text text-anchor=\"middle\" x=\"1493.25\" y=\"-892.45\" font-family=\"Times,serif\" font-size=\"14.00\">*</text>\n",
       "</g>\n",
       "<!-- 4949355600&#45;&gt;4949350160* -->\n",
       "<g id=\"edge92\" class=\"edge\">\n",
       "<title>4949355600&#45;&gt;4949350160*</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M1402.03,-860.84C1411.55,-863.89 1421.2,-867.16 1430.25,-870.5 1440.09,-874.13 1450.62,-878.52 1460.15,-882.69\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"1458.46,-885.77 1469.02,-886.64 1461.31,-879.38 1458.46,-885.77\"/>\n",
       "</g>\n",
       "<!-- 4948872272 -->\n",
       "<g id=\"node87\" class=\"node\">\n",
       "<title>4948872272</title>\n",
       "<polygon fill=\"none\" stroke=\"black\" points=\"933.75,-742.5 933.75,-778.5 1119,-778.5 1119,-742.5 933.75,-742.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"943.62\" y=\"-755.7\" font-family=\"Times,serif\" font-size=\"14.00\"> </text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"953.5,-743 953.5,-778.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"995.62\" y=\"-755.7\" font-family=\"Times,serif\" font-size=\"14.00\">data &#45;0.9589</text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"1037.75,-743 1037.75,-778.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"1078.38\" y=\"-755.7\" font-family=\"Times,serif\" font-size=\"14.00\">grad 0.0000</text>\n",
       "</g>\n",
       "<!-- 4948884816+ -->\n",
       "<g id=\"node181\" class=\"node\">\n",
       "<title>4948884816+</title>\n",
       "<ellipse fill=\"none\" stroke=\"black\" cx=\"1182\" cy=\"-705.5\" rx=\"27\" ry=\"18\"/>\n",
       "<text text-anchor=\"middle\" x=\"1182\" y=\"-700.45\" font-family=\"Times,serif\" font-size=\"14.00\">+</text>\n",
       "</g>\n",
       "<!-- 4948872272&#45;&gt;4948884816+ -->\n",
       "<g id=\"edge166\" class=\"edge\">\n",
       "<title>4948872272&#45;&gt;4948884816+</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M1093.79,-742.11C1102.33,-739.4 1110.92,-736.5 1119,-733.5 1128.98,-729.8 1139.61,-725.23 1149.2,-720.87\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"1150.53,-724.11 1158.13,-716.73 1147.58,-717.77 1150.53,-724.11\"/>\n",
       "</g>\n",
       "<!-- 4948872272*&#45;&gt;4948872272 -->\n",
       "<g id=\"edge33\" class=\"edge\">\n",
       "<title>4948872272*&#45;&gt;4948872272</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M898.16,-760.5C905.2,-760.5 913.25,-760.5 921.8,-760.5\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"921.79,-764 931.79,-760.5 921.79,-757 921.79,-764\"/>\n",
       "</g>\n",
       "<!-- 4934716688 -->\n",
       "<g id=\"node89\" class=\"node\">\n",
       "<title>4934716688</title>\n",
       "<polygon fill=\"none\" stroke=\"black\" points=\"2803.5,-714.5 2803.5,-750.5 2984.25,-750.5 2984.25,-714.5 2803.5,-714.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"2813.38\" y=\"-727.7\" font-family=\"Times,serif\" font-size=\"14.00\"> </text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"2823.25,-715 2823.25,-750.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"2863.12\" y=\"-727.7\" font-family=\"Times,serif\" font-size=\"14.00\">data 1.7107</text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"2903,-715 2903,-750.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"2943.62\" y=\"-727.7\" font-family=\"Times,serif\" font-size=\"14.00\">grad 0.0000</text>\n",
       "</g>\n",
       "<!-- 4934716688&#45;&gt;4934713872+ -->\n",
       "<g id=\"edge133\" class=\"edge\">\n",
       "<title>4934716688&#45;&gt;4934713872+</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M2928.97,-714.08C2955.54,-699.72 2992.11,-679.97 3017.78,-666.1\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"3019.25,-669.28 3026.38,-661.45 3015.92,-663.12 3019.25,-669.28\"/>\n",
       "</g>\n",
       "<!-- 4934716688+&#45;&gt;4934716688 -->\n",
       "<g id=\"edge34\" class=\"edge\">\n",
       "<title>4934716688+&#45;&gt;4934716688</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M2762.58,-779.15C2780.63,-772.68 2806.51,-763.42 2830.45,-754.85\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"2831.62,-758.15 2839.85,-751.48 2829.26,-751.56 2831.62,-758.15\"/>\n",
       "</g>\n",
       "<!-- 4949101904 -->\n",
       "<g id=\"node91\" class=\"node\">\n",
       "<title>4949101904</title>\n",
       "<polygon fill=\"none\" stroke=\"black\" points=\"1558.5,-577.5 1558.5,-613.5 1739.25,-613.5 1739.25,-577.5 1558.5,-577.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"1568.38\" y=\"-590.7\" font-family=\"Times,serif\" font-size=\"14.00\"> </text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"1578.25,-578 1578.25,-613.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"1618.12\" y=\"-590.7\" font-family=\"Times,serif\" font-size=\"14.00\">data 0.5454</text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"1658,-578 1658,-613.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"1698.62\" y=\"-590.7\" font-family=\"Times,serif\" font-size=\"14.00\">grad 0.0000</text>\n",
       "</g>\n",
       "<!-- 4948792976tanh -->\n",
       "<g id=\"node154\" class=\"node\">\n",
       "<title>4948792976tanh</title>\n",
       "<ellipse fill=\"none\" stroke=\"black\" cx=\"1804.5\" cy=\"-595.5\" rx=\"27\" ry=\"18\"/>\n",
       "<text text-anchor=\"middle\" x=\"1804.5\" y=\"-590.45\" font-family=\"Times,serif\" font-size=\"14.00\">tanh</text>\n",
       "</g>\n",
       "<!-- 4949101904&#45;&gt;4948792976tanh -->\n",
       "<g id=\"edge186\" class=\"edge\">\n",
       "<title>4949101904&#45;&gt;4948792976tanh</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M1739.68,-595.5C1748.86,-595.5 1757.78,-595.5 1765.9,-595.5\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"1765.65,-599 1775.65,-595.5 1765.65,-592 1765.65,-599\"/>\n",
       "</g>\n",
       "<!-- 4949101904+&#45;&gt;4949101904 -->\n",
       "<g id=\"edge35\" class=\"edge\">\n",
       "<title>4949101904+&#45;&gt;4949101904</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M1520.31,-607.13C1528.06,-606.42 1537.06,-605.6 1546.63,-604.73\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"1546.93,-608.21 1556.57,-603.82 1546.29,-601.24 1546.93,-608.21\"/>\n",
       "</g>\n",
       "<!-- 4948782416 -->\n",
       "<g id=\"node93\" class=\"node\">\n",
       "<title>4948782416</title>\n",
       "<polygon fill=\"none\" stroke=\"black\" points=\"1867.5,-522.5 1867.5,-558.5 2052.75,-558.5 2052.75,-522.5 1867.5,-522.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"1877.38\" y=\"-535.7\" font-family=\"Times,serif\" font-size=\"14.00\"> </text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"1887.25,-523 1887.25,-558.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"1929.38\" y=\"-535.7\" font-family=\"Times,serif\" font-size=\"14.00\">data &#45;0.8630</text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"1971.5,-523 1971.5,-558.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"2012.12\" y=\"-535.7\" font-family=\"Times,serif\" font-size=\"14.00\">grad 0.0000</text>\n",
       "</g>\n",
       "<!-- 4949041040* -->\n",
       "<g id=\"node198\" class=\"node\">\n",
       "<title>4949041040*</title>\n",
       "<ellipse fill=\"none\" stroke=\"black\" cx=\"2115.75\" cy=\"-540.5\" rx=\"27\" ry=\"18\"/>\n",
       "<text text-anchor=\"middle\" x=\"2115.75\" y=\"-535.45\" font-family=\"Times,serif\" font-size=\"14.00\">*</text>\n",
       "</g>\n",
       "<!-- 4948782416&#45;&gt;4949041040* -->\n",
       "<g id=\"edge174\" class=\"edge\">\n",
       "<title>4948782416&#45;&gt;4949041040*</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M2053.15,-540.5C2061.52,-540.5 2069.64,-540.5 2077.09,-540.5\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"2077.03,-544 2087.03,-540.5 2077.03,-537 2077.03,-544\"/>\n",
       "</g>\n",
       "<!-- 4949101968 -->\n",
       "<g id=\"node94\" class=\"node\">\n",
       "<title>4949101968</title>\n",
       "<polygon fill=\"none\" stroke=\"black\" points=\"933.75,-577.5 933.75,-613.5 1119,-613.5 1119,-577.5 933.75,-577.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"943.62\" y=\"-590.7\" font-family=\"Times,serif\" font-size=\"14.00\"> </text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"953.5,-578 953.5,-613.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"995.62\" y=\"-590.7\" font-family=\"Times,serif\" font-size=\"14.00\">data &#45;1.0000</text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"1037.75,-578 1037.75,-613.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"1078.38\" y=\"-590.7\" font-family=\"Times,serif\" font-size=\"14.00\">grad 0.0000</text>\n",
       "</g>\n",
       "<!-- 4949101968&#45;&gt;4949098832* -->\n",
       "<g id=\"edge171\" class=\"edge\">\n",
       "<title>4949101968&#45;&gt;4949098832*</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M1119.4,-603.89C1127.77,-604.65 1135.89,-605.39 1143.34,-606.07\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"1143.01,-609.55 1153.29,-606.97 1143.65,-602.58 1143.01,-609.55\"/>\n",
       "</g>\n",
       "<!-- 4948880784 -->\n",
       "<g id=\"node95\" class=\"node\">\n",
       "<title>4948880784</title>\n",
       "<polygon fill=\"none\" stroke=\"black\" points=\"936,-687.5 936,-723.5 1116.75,-723.5 1116.75,-687.5 936,-687.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"945.88\" y=\"-700.7\" font-family=\"Times,serif\" font-size=\"14.00\"> </text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"955.75,-688 955.75,-723.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"995.62\" y=\"-700.7\" font-family=\"Times,serif\" font-size=\"14.00\">data 1.3921</text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"1035.5,-688 1035.5,-723.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"1076.12\" y=\"-700.7\" font-family=\"Times,serif\" font-size=\"14.00\">grad 0.0000</text>\n",
       "</g>\n",
       "<!-- 4948880784&#45;&gt;4948884816+ -->\n",
       "<g id=\"edge181\" class=\"edge\">\n",
       "<title>4948880784&#45;&gt;4948884816+</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M1117.18,-705.5C1126.36,-705.5 1135.28,-705.5 1143.4,-705.5\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"1143.15,-709 1153.15,-705.5 1143.15,-702 1143.15,-709\"/>\n",
       "</g>\n",
       "<!-- 4948880784+ -->\n",
       "<g id=\"node96\" class=\"node\">\n",
       "<title>4948880784+</title>\n",
       "<ellipse fill=\"none\" stroke=\"black\" cx=\"870.75\" cy=\"-705.5\" rx=\"27\" ry=\"18\"/>\n",
       "<text text-anchor=\"middle\" x=\"870.75\" y=\"-700.45\" font-family=\"Times,serif\" font-size=\"14.00\">+</text>\n",
       "</g>\n",
       "<!-- 4948880784+&#45;&gt;4948880784 -->\n",
       "<g id=\"edge36\" class=\"edge\">\n",
       "<title>4948880784+&#45;&gt;4948880784</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M898.16,-705.5C905.87,-705.5 914.79,-705.5 924.26,-705.5\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"924.07,-709 934.07,-705.5 924.07,-702 924.07,-709\"/>\n",
       "</g>\n",
       "<!-- 4934716816 -->\n",
       "<g id=\"node97\" class=\"node\">\n",
       "<title>4934716816</title>\n",
       "<polygon fill=\"none\" stroke=\"black\" points=\"4179.75,-521.5 4179.75,-557.5 4360.5,-557.5 4360.5,-521.5 4179.75,-521.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"4189.62\" y=\"-534.7\" font-family=\"Times,serif\" font-size=\"14.00\"> </text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"4199.5,-522 4199.5,-557.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"4239.38\" y=\"-534.7\" font-family=\"Times,serif\" font-size=\"14.00\">data 0.3782</text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"4279.25,-522 4279.25,-557.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"4319.88\" y=\"-534.7\" font-family=\"Times,serif\" font-size=\"14.00\">grad 0.0000</text>\n",
       "</g>\n",
       "<!-- 4934717456+ -->\n",
       "<g id=\"node114\" class=\"node\">\n",
       "<title>4934717456+</title>\n",
       "<ellipse fill=\"none\" stroke=\"black\" cx=\"4491.38\" cy=\"-509.5\" rx=\"27\" ry=\"18\"/>\n",
       "<text text-anchor=\"middle\" x=\"4491.38\" y=\"-504.45\" font-family=\"Times,serif\" font-size=\"14.00\">+</text>\n",
       "</g>\n",
       "<!-- 4934716816&#45;&gt;4934717456+ -->\n",
       "<g id=\"edge129\" class=\"edge\">\n",
       "<title>4934716816&#45;&gt;4934717456+</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M4360.93,-527.21C4393.2,-522.8 4427.82,-518.06 4453.14,-514.59\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"4453.49,-518.08 4462.92,-513.26 4452.54,-511.14 4453.49,-518.08\"/>\n",
       "</g>\n",
       "<!-- 4934716816+&#45;&gt;4934716816 -->\n",
       "<g id=\"edge37\" class=\"edge\">\n",
       "<title>4934716816+&#45;&gt;4934716816</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M4076.32,-539.5C4099.35,-539.5 4134.24,-539.5 4168.05,-539.5\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"4167.94,-543 4177.94,-539.5 4167.94,-536 4167.94,-543\"/>\n",
       "</g>\n",
       "<!-- 4949355984 -->\n",
       "<g id=\"node99\" class=\"node\">\n",
       "<title>4949355984</title>\n",
       "<polygon fill=\"none\" stroke=\"black\" points=\"1245,-934.5 1245,-970.5 1430.25,-970.5 1430.25,-934.5 1245,-934.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"1254.88\" y=\"-947.7\" font-family=\"Times,serif\" font-size=\"14.00\"> </text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"1264.75,-935 1264.75,-970.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"1306.88\" y=\"-947.7\" font-family=\"Times,serif\" font-size=\"14.00\">data &#45;0.5084</text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"1349,-935 1349,-970.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"1389.62\" y=\"-947.7\" font-family=\"Times,serif\" font-size=\"14.00\">grad 0.0000</text>\n",
       "</g>\n",
       "<!-- 4949355984&#45;&gt;4949354832+ -->\n",
       "<g id=\"edge109\" class=\"edge\">\n",
       "<title>4949355984&#45;&gt;4949354832+</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M1430.65,-952.5C1439.02,-952.5 1447.14,-952.5 1454.59,-952.5\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"1454.53,-956 1464.53,-952.5 1454.53,-949 1454.53,-956\"/>\n",
       "</g>\n",
       "<!-- 4949355984*&#45;&gt;4949355984 -->\n",
       "<g id=\"edge38\" class=\"edge\">\n",
       "<title>4949355984*&#45;&gt;4949355984</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M1209.41,-952.5C1216.45,-952.5 1224.5,-952.5 1233.05,-952.5\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"1233.04,-956 1243.04,-952.5 1233.04,-949 1233.04,-956\"/>\n",
       "</g>\n",
       "<!-- 4948848080 -->\n",
       "<g id=\"node101\" class=\"node\">\n",
       "<title>4948848080</title>\n",
       "<polygon fill=\"none\" stroke=\"black\" points=\"2178.75,-769.5 2178.75,-805.5 2364,-805.5 2364,-769.5 2178.75,-769.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"2188.62\" y=\"-782.7\" font-family=\"Times,serif\" font-size=\"14.00\"> </text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"2198.5,-770 2198.5,-805.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"2240.62\" y=\"-782.7\" font-family=\"Times,serif\" font-size=\"14.00\">data &#45;0.0589</text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"2282.75,-770 2282.75,-805.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"2323.38\" y=\"-782.7\" font-family=\"Times,serif\" font-size=\"14.00\">grad 0.0000</text>\n",
       "</g>\n",
       "<!-- 4948848080&#45;&gt;4948845392+ -->\n",
       "<g id=\"edge151\" class=\"edge\">\n",
       "<title>4948848080&#45;&gt;4948845392+</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M2353.83,-769.21C2357.52,-766.66 2360.95,-763.78 2364,-760.5 2415.14,-705.56 2365.23,-662.02 2400,-595.5 2400.89,-593.8 2401.91,-592.13 2403.01,-590.5\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"2405.57,-592.91 2409.11,-582.93 2400.11,-588.52 2405.57,-592.91\"/>\n",
       "</g>\n",
       "<!-- 4948848080+&#45;&gt;4948848080 -->\n",
       "<g id=\"edge39\" class=\"edge\">\n",
       "<title>4948848080+&#45;&gt;4948848080</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M2143.16,-787.5C2150.2,-787.5 2158.25,-787.5 2166.8,-787.5\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"2166.79,-791 2176.79,-787.5 2166.79,-784 2166.79,-791\"/>\n",
       "</g>\n",
       "<!-- 4948708880 -->\n",
       "<g id=\"node103\" class=\"node\">\n",
       "<title>4948708880</title>\n",
       "<polygon fill=\"none\" stroke=\"black\" points=\"1556.25,-247.5 1556.25,-283.5 1741.5,-283.5 1741.5,-247.5 1556.25,-247.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"1566.12\" y=\"-260.7\" font-family=\"Times,serif\" font-size=\"14.00\"> </text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"1576,-248 1576,-283.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"1618.12\" y=\"-260.7\" font-family=\"Times,serif\" font-size=\"14.00\">data &#45;0.9585</text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"1660.25,-248 1660.25,-283.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"1700.88\" y=\"-260.7\" font-family=\"Times,serif\" font-size=\"14.00\">grad 0.0000</text>\n",
       "</g>\n",
       "<!-- 4948708880&#45;&gt;4948844560* -->\n",
       "<g id=\"edge154\" class=\"edge\">\n",
       "<title>4948708880&#45;&gt;4948844560*</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M1716.29,-247.11C1724.83,-244.4 1733.42,-241.5 1741.5,-238.5 1751.48,-234.8 1762.11,-230.23 1771.7,-225.87\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"1773.03,-229.11 1780.63,-221.73 1770.08,-222.77 1773.03,-229.11\"/>\n",
       "</g>\n",
       "<!-- 4949405264 -->\n",
       "<g id=\"node104\" class=\"node\">\n",
       "<title>4949405264</title>\n",
       "<polygon fill=\"none\" stroke=\"black\" points=\"311.25,-522.5 311.25,-558.5 496.5,-558.5 496.5,-522.5 311.25,-522.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"321.12\" y=\"-535.7\" font-family=\"Times,serif\" font-size=\"14.00\"> </text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"331,-523 331,-558.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"373.12\" y=\"-535.7\" font-family=\"Times,serif\" font-size=\"14.00\">data &#45;0.4314</text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"415.25,-523 415.25,-558.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"455.88\" y=\"-535.7\" font-family=\"Times,serif\" font-size=\"14.00\">grad 0.0000</text>\n",
       "</g>\n",
       "<!-- 4934907536+ -->\n",
       "<g id=\"node152\" class=\"node\">\n",
       "<title>4934907536+</title>\n",
       "<ellipse fill=\"none\" stroke=\"black\" cx=\"559.5\" cy=\"-540.5\" rx=\"27\" ry=\"18\"/>\n",
       "<text text-anchor=\"middle\" x=\"559.5\" y=\"-535.45\" font-family=\"Times,serif\" font-size=\"14.00\">+</text>\n",
       "</g>\n",
       "<!-- 4949405264&#45;&gt;4934907536+ -->\n",
       "<g id=\"edge89\" class=\"edge\">\n",
       "<title>4949405264&#45;&gt;4934907536+</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M496.9,-540.5C505.27,-540.5 513.39,-540.5 520.84,-540.5\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"520.78,-544 530.78,-540.5 520.78,-537 520.78,-544\"/>\n",
       "</g>\n",
       "<!-- 4948782672 -->\n",
       "<g id=\"node105\" class=\"node\">\n",
       "<title>4948782672</title>\n",
       "<polygon fill=\"none\" stroke=\"black\" points=\"3423.75,-686.5 3423.75,-722.5 3609,-722.5 3609,-686.5 3423.75,-686.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"3433.62\" y=\"-699.7\" font-family=\"Times,serif\" font-size=\"14.00\"> </text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"3443.5,-687 3443.5,-722.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"3485.62\" y=\"-699.7\" font-family=\"Times,serif\" font-size=\"14.00\">data &#45;0.9163</text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"3527.75,-687 3527.75,-722.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"3568.38\" y=\"-699.7\" font-family=\"Times,serif\" font-size=\"14.00\">grad 0.0000</text>\n",
       "</g>\n",
       "<!-- 4948782672&#45;&gt;4934976720* -->\n",
       "<g id=\"edge111\" class=\"edge\">\n",
       "<title>4948782672&#45;&gt;4934976720*</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M3583.79,-686.11C3592.33,-683.4 3600.92,-680.5 3609,-677.5 3618.98,-673.8 3629.61,-669.23 3639.2,-664.87\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"3640.53,-668.11 3648.13,-660.73 3637.58,-661.77 3640.53,-668.11\"/>\n",
       "</g>\n",
       "<!-- 4949044944 -->\n",
       "<g id=\"node106\" class=\"node\">\n",
       "<title>4949044944</title>\n",
       "<polygon fill=\"none\" stroke=\"black\" points=\"2492.25,-714.5 2492.25,-750.5 2673,-750.5 2673,-714.5 2492.25,-714.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"2502.12\" y=\"-727.7\" font-family=\"Times,serif\" font-size=\"14.00\"> </text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"2512,-715 2512,-750.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"2551.88\" y=\"-727.7\" font-family=\"Times,serif\" font-size=\"14.00\">data 0.3529</text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"2591.75,-715 2591.75,-750.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"2632.38\" y=\"-727.7\" font-family=\"Times,serif\" font-size=\"14.00\">grad 0.0000</text>\n",
       "</g>\n",
       "<!-- 4949044944&#45;&gt;4949044240+ -->\n",
       "<g id=\"edge191\" class=\"edge\">\n",
       "<title>4949044944&#45;&gt;4949044240+</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M2664.27,-714.09C2668.22,-711.58 2671.92,-708.73 2675.25,-705.5 2712.16,-669.67 2685.14,-639.82 2711.25,-595.5 2712.22,-593.85 2713.31,-592.22 2714.46,-590.61\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"2717,-593.04 2720.68,-583.1 2711.61,-588.58 2717,-593.04\"/>\n",
       "</g>\n",
       "<!-- 4949044944* -->\n",
       "<g id=\"node107\" class=\"node\">\n",
       "<title>4949044944*</title>\n",
       "<ellipse fill=\"none\" stroke=\"black\" cx=\"2427\" cy=\"-732.5\" rx=\"27\" ry=\"18\"/>\n",
       "<text text-anchor=\"middle\" x=\"2427\" y=\"-727.45\" font-family=\"Times,serif\" font-size=\"14.00\">*</text>\n",
       "</g>\n",
       "<!-- 4949044944*&#45;&gt;4949044944 -->\n",
       "<g id=\"edge40\" class=\"edge\">\n",
       "<title>4949044944*&#45;&gt;4949044944</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M2454.41,-732.5C2462.12,-732.5 2471.04,-732.5 2480.51,-732.5\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"2480.32,-736 2490.32,-732.5 2480.32,-729 2480.32,-736\"/>\n",
       "</g>\n",
       "<!-- 4934905680 -->\n",
       "<g id=\"node108\" class=\"node\">\n",
       "<title>4934905680</title>\n",
       "<polygon fill=\"none\" stroke=\"black\" points=\"933.75,-522.5 933.75,-558.5 1119,-558.5 1119,-522.5 933.75,-522.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"943.62\" y=\"-535.7\" font-family=\"Times,serif\" font-size=\"14.00\"> </text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"953.5,-523 953.5,-558.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"995.62\" y=\"-535.7\" font-family=\"Times,serif\" font-size=\"14.00\">data &#45;2.6605</text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"1037.75,-523 1037.75,-558.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"1078.38\" y=\"-535.7\" font-family=\"Times,serif\" font-size=\"14.00\">grad 0.0000</text>\n",
       "</g>\n",
       "<!-- 4934905680&#45;&gt;4948789968+ -->\n",
       "<g id=\"edge190\" class=\"edge\">\n",
       "<title>4934905680&#45;&gt;4948789968+</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M1119.4,-540.5C1127.77,-540.5 1135.89,-540.5 1143.34,-540.5\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"1143.28,-544 1153.28,-540.5 1143.28,-537 1143.28,-544\"/>\n",
       "</g>\n",
       "<!-- 4934905680+ -->\n",
       "<g id=\"node109\" class=\"node\">\n",
       "<title>4934905680+</title>\n",
       "<ellipse fill=\"none\" stroke=\"black\" cx=\"870.75\" cy=\"-540.5\" rx=\"27\" ry=\"18\"/>\n",
       "<text text-anchor=\"middle\" x=\"870.75\" y=\"-535.45\" font-family=\"Times,serif\" font-size=\"14.00\">+</text>\n",
       "</g>\n",
       "<!-- 4934905680+&#45;&gt;4934905680 -->\n",
       "<g id=\"edge41\" class=\"edge\">\n",
       "<title>4934905680+&#45;&gt;4934905680</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M898.16,-540.5C905.2,-540.5 913.25,-540.5 921.8,-540.5\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"921.79,-544 931.79,-540.5 921.79,-537 921.79,-544\"/>\n",
       "</g>\n",
       "<!-- 4948717392 -->\n",
       "<g id=\"node110\" class=\"node\">\n",
       "<title>4948717392</title>\n",
       "<polygon fill=\"none\" stroke=\"black\" points=\"1245,-82.5 1245,-118.5 1430.25,-118.5 1430.25,-82.5 1245,-82.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"1254.88\" y=\"-95.7\" font-family=\"Times,serif\" font-size=\"14.00\"> </text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"1264.75,-83 1264.75,-118.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"1306.88\" y=\"-95.7\" font-family=\"Times,serif\" font-size=\"14.00\">data &#45;0.5783</text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"1349,-83 1349,-118.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"1389.62\" y=\"-95.7\" font-family=\"Times,serif\" font-size=\"14.00\">grad 0.0000</text>\n",
       "</g>\n",
       "<!-- 4948841552+ -->\n",
       "<g id=\"node136\" class=\"node\">\n",
       "<title>4948841552+</title>\n",
       "<ellipse fill=\"none\" stroke=\"black\" cx=\"1493.25\" cy=\"-100.5\" rx=\"27\" ry=\"18\"/>\n",
       "<text text-anchor=\"middle\" x=\"1493.25\" y=\"-95.45\" font-family=\"Times,serif\" font-size=\"14.00\">+</text>\n",
       "</g>\n",
       "<!-- 4948717392&#45;&gt;4948841552+ -->\n",
       "<g id=\"edge189\" class=\"edge\">\n",
       "<title>4948717392&#45;&gt;4948841552+</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M1430.65,-100.5C1439.02,-100.5 1447.14,-100.5 1454.59,-100.5\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"1454.53,-104 1464.53,-100.5 1454.53,-97 1454.53,-104\"/>\n",
       "</g>\n",
       "<!-- 4934717328 -->\n",
       "<g id=\"node111\" class=\"node\">\n",
       "<title>4934717328</title>\n",
       "<polygon fill=\"none\" stroke=\"black\" points=\"4177.5,-466.5 4177.5,-502.5 4362.75,-502.5 4362.75,-466.5 4177.5,-466.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"4187.38\" y=\"-479.7\" font-family=\"Times,serif\" font-size=\"14.00\"> </text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"4197.25,-467 4197.25,-502.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"4239.38\" y=\"-479.7\" font-family=\"Times,serif\" font-size=\"14.00\">data &#45;0.2859</text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"4281.5,-467 4281.5,-502.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"4322.12\" y=\"-479.7\" font-family=\"Times,serif\" font-size=\"14.00\">grad 0.0000</text>\n",
       "</g>\n",
       "<!-- 4934717328&#45;&gt;4934717456+ -->\n",
       "<g id=\"edge150\" class=\"edge\">\n",
       "<title>4934717328&#45;&gt;4934717456+</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M4363.15,-494.99C4394.78,-498.6 4428.4,-502.43 4453.14,-505.25\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"4452.69,-508.73 4463.02,-506.38 4453.48,-501.77 4452.69,-508.73\"/>\n",
       "</g>\n",
       "<!-- 4934717328*&#45;&gt;4934717328 -->\n",
       "<g id=\"edge42\" class=\"edge\">\n",
       "<title>4934717328*&#45;&gt;4934717328</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M3699.38,-484.5C3779.79,-484.5 4024.86,-484.5 4166.02,-484.5\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"4165.74,-488 4175.74,-484.5 4165.74,-481 4165.74,-488\"/>\n",
       "</g>\n",
       "<!-- 4934717456 -->\n",
       "<g id=\"node113\" class=\"node\">\n",
       "<title>4934717456</title>\n",
       "<polygon fill=\"none\" stroke=\"black\" points=\"4620,-491.5 4620,-527.5 4800.75,-527.5 4800.75,-491.5 4620,-491.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"4629.88\" y=\"-504.7\" font-family=\"Times,serif\" font-size=\"14.00\"> </text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"4639.75,-492 4639.75,-527.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"4679.62\" y=\"-504.7\" font-family=\"Times,serif\" font-size=\"14.00\">data 0.0923</text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"4719.5,-492 4719.5,-527.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"4760.12\" y=\"-504.7\" font-family=\"Times,serif\" font-size=\"14.00\">grad 0.0000</text>\n",
       "</g>\n",
       "<!-- 4934717456&#45;&gt;4934977104+ -->\n",
       "<g id=\"edge153\" class=\"edge\">\n",
       "<title>4934717456&#45;&gt;4934977104+</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M4801.18,-509.5C4809.52,-509.5 4817.62,-509.5 4825.06,-509.5\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"4825,-513 4835,-509.5 4825,-506 4825,-513\"/>\n",
       "</g>\n",
       "<!-- 4934717456+&#45;&gt;4934717456 -->\n",
       "<g id=\"edge43\" class=\"edge\">\n",
       "<title>4934717456+&#45;&gt;4934717456</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M4518.55,-509.5C4541.13,-509.5 4575.26,-509.5 4608.45,-509.5\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"4608.13,-513 4618.13,-509.5 4608.13,-506 4608.13,-513\"/>\n",
       "</g>\n",
       "<!-- 4949045264 -->\n",
       "<g id=\"node115\" class=\"node\">\n",
       "<title>4949045264</title>\n",
       "<polygon fill=\"none\" stroke=\"black\" points=\"3114.75,-466.5 3114.75,-502.5 3295.5,-502.5 3295.5,-466.5 3114.75,-466.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"3124.62\" y=\"-479.7\" font-family=\"Times,serif\" font-size=\"14.00\"> </text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"3134.5,-467 3134.5,-502.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"3174.38\" y=\"-479.7\" font-family=\"Times,serif\" font-size=\"14.00\">data 0.4358</text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"3214.25,-467 3214.25,-502.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"3254.88\" y=\"-479.7\" font-family=\"Times,serif\" font-size=\"14.00\">grad 0.0000</text>\n",
       "</g>\n",
       "<!-- 4949045264&#45;&gt;4948844816tanh -->\n",
       "<g id=\"edge96\" class=\"edge\">\n",
       "<title>4949045264&#45;&gt;4948844816tanh</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M3295.93,-484.5C3305.11,-484.5 3314.03,-484.5 3322.15,-484.5\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"3321.9,-488 3331.9,-484.5 3321.9,-481 3321.9,-488\"/>\n",
       "</g>\n",
       "<!-- 4949045264+&#45;&gt;4949045264 -->\n",
       "<g id=\"edge44\" class=\"edge\">\n",
       "<title>4949045264+&#45;&gt;4949045264</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M3076.91,-484.5C3084.62,-484.5 3093.54,-484.5 3103.01,-484.5\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"3102.82,-488 3112.82,-484.5 3102.82,-481 3102.82,-488\"/>\n",
       "</g>\n",
       "<!-- 4934897744 -->\n",
       "<g id=\"node117\" class=\"node\">\n",
       "<title>4934897744</title>\n",
       "<polygon fill=\"none\" stroke=\"black\" points=\"622.5,-577.5 622.5,-613.5 807.75,-613.5 807.75,-577.5 622.5,-577.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"632.38\" y=\"-590.7\" font-family=\"Times,serif\" font-size=\"14.00\"> </text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"642.25,-578 642.25,-613.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"684.38\" y=\"-590.7\" font-family=\"Times,serif\" font-size=\"14.00\">data &#45;1.5620</text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"726.5,-578 726.5,-613.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"767.12\" y=\"-590.7\" font-family=\"Times,serif\" font-size=\"14.00\">grad 0.0000</text>\n",
       "</g>\n",
       "<!-- 4934897744&#45;&gt;4934905680+ -->\n",
       "<g id=\"edge168\" class=\"edge\">\n",
       "<title>4934897744&#45;&gt;4934905680+</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M782.54,-577.11C791.08,-574.4 799.67,-571.5 807.75,-568.5 817.73,-564.8 828.36,-560.23 837.95,-555.87\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"839.28,-559.11 846.88,-551.73 836.33,-552.77 839.28,-559.11\"/>\n",
       "</g>\n",
       "<!-- 4934897744*&#45;&gt;4934897744 -->\n",
       "<g id=\"edge45\" class=\"edge\">\n",
       "<title>4934897744*&#45;&gt;4934897744</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M586.91,-595.5C593.95,-595.5 602,-595.5 610.55,-595.5\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"610.54,-599 620.54,-595.5 610.54,-592 610.54,-599\"/>\n",
       "</g>\n",
       "<!-- 4949045328 -->\n",
       "<g id=\"node119\" class=\"node\">\n",
       "<title>4949045328</title>\n",
       "<polygon fill=\"none\" stroke=\"black\" points=\"2181,-439.5 2181,-475.5 2361.75,-475.5 2361.75,-439.5 2181,-439.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"2190.88\" y=\"-452.7\" font-family=\"Times,serif\" font-size=\"14.00\"> </text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"2200.75,-440 2200.75,-475.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"2240.62\" y=\"-452.7\" font-family=\"Times,serif\" font-size=\"14.00\">data 0.3886</text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"2280.5,-440 2280.5,-475.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"2321.12\" y=\"-452.7\" font-family=\"Times,serif\" font-size=\"14.00\">grad 0.0000</text>\n",
       "</g>\n",
       "<!-- 4949045328&#45;&gt;4949035536+ -->\n",
       "<g id=\"edge102\" class=\"edge\">\n",
       "<title>4949045328&#45;&gt;4949035536+</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M2335.78,-475.84C2345.3,-478.89 2354.95,-482.16 2364,-485.5 2373.84,-489.13 2384.37,-493.52 2393.9,-497.69\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"2392.21,-500.77 2402.77,-501.64 2395.06,-494.38 2392.21,-500.77\"/>\n",
       "</g>\n",
       "<!-- 4949045328+ -->\n",
       "<g id=\"node120\" class=\"node\">\n",
       "<title>4949045328+</title>\n",
       "<ellipse fill=\"none\" stroke=\"black\" cx=\"2115.75\" cy=\"-457.5\" rx=\"27\" ry=\"18\"/>\n",
       "<text text-anchor=\"middle\" x=\"2115.75\" y=\"-452.45\" font-family=\"Times,serif\" font-size=\"14.00\">+</text>\n",
       "</g>\n",
       "<!-- 4949045328+&#45;&gt;4949045328 -->\n",
       "<g id=\"edge46\" class=\"edge\">\n",
       "<title>4949045328+&#45;&gt;4949045328</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M2143.16,-457.5C2150.87,-457.5 2159.79,-457.5 2169.26,-457.5\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"2169.07,-461 2179.07,-457.5 2169.07,-454 2169.07,-461\"/>\n",
       "</g>\n",
       "<!-- 4948848912 -->\n",
       "<g id=\"node121\" class=\"node\">\n",
       "<title>4948848912</title>\n",
       "<polygon fill=\"none\" stroke=\"black\" points=\"2801.25,-604.5 2801.25,-640.5 2986.5,-640.5 2986.5,-604.5 2801.25,-604.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"2811.12\" y=\"-617.7\" font-family=\"Times,serif\" font-size=\"14.00\"> </text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"2821,-605 2821,-640.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"2863.12\" y=\"-617.7\" font-family=\"Times,serif\" font-size=\"14.00\">data &#45;0.4121</text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"2905.25,-605 2905.25,-640.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"2945.88\" y=\"-617.7\" font-family=\"Times,serif\" font-size=\"14.00\">grad 0.0000</text>\n",
       "</g>\n",
       "<!-- 4948848912&#45;&gt;4948846800+ -->\n",
       "<g id=\"edge173\" class=\"edge\">\n",
       "<title>4948848912&#45;&gt;4948846800+</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M2986.9,-605.73C2995.64,-604.13 3004.11,-602.59 3011.83,-601.18\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"3012.2,-604.67 3021.41,-599.44 3010.94,-597.79 3012.2,-604.67\"/>\n",
       "</g>\n",
       "<!-- 4948848912+&#45;&gt;4948848912 -->\n",
       "<g id=\"edge47\" class=\"edge\">\n",
       "<title>4948848912+&#45;&gt;4948848912</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M2765.66,-622.5C2772.7,-622.5 2780.75,-622.5 2789.3,-622.5\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"2789.29,-626 2799.29,-622.5 2789.29,-619 2789.29,-626\"/>\n",
       "</g>\n",
       "<!-- 4862366096 -->\n",
       "<g id=\"node123\" class=\"node\">\n",
       "<title>4862366096</title>\n",
       "<polygon fill=\"none\" stroke=\"black\" points=\"624.75,-687.5 624.75,-723.5 805.5,-723.5 805.5,-687.5 624.75,-687.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"634.62\" y=\"-700.7\" font-family=\"Times,serif\" font-size=\"14.00\"> </text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"644.5,-688 644.5,-723.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"684.38\" y=\"-700.7\" font-family=\"Times,serif\" font-size=\"14.00\">data 1.6636</text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"724.25,-688 724.25,-723.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"764.88\" y=\"-700.7\" font-family=\"Times,serif\" font-size=\"14.00\">grad 0.0000</text>\n",
       "</g>\n",
       "<!-- 4862366096&#45;&gt;4948880784+ -->\n",
       "<g id=\"edge134\" class=\"edge\">\n",
       "<title>4862366096&#45;&gt;4948880784+</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M805.93,-705.5C815.11,-705.5 824.03,-705.5 832.15,-705.5\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"831.9,-709 841.9,-705.5 831.9,-702 831.9,-709\"/>\n",
       "</g>\n",
       "<!-- 4862366096*&#45;&gt;4862366096 -->\n",
       "<g id=\"edge48\" class=\"edge\">\n",
       "<title>4862366096*&#45;&gt;4862366096</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M586.91,-705.5C594.62,-705.5 603.54,-705.5 613.01,-705.5\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"612.82,-709 622.82,-705.5 612.82,-702 612.82,-709\"/>\n",
       "</g>\n",
       "<!-- 4948840976 -->\n",
       "<g id=\"node125\" class=\"node\">\n",
       "<title>4948840976</title>\n",
       "<polygon fill=\"none\" stroke=\"black\" points=\"936,-0.5 936,-36.5 1116.75,-36.5 1116.75,-0.5 936,-0.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"945.88\" y=\"-13.7\" font-family=\"Times,serif\" font-size=\"14.00\"> </text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"955.75,-1 955.75,-36.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"995.62\" y=\"-13.7\" font-family=\"Times,serif\" font-size=\"14.00\">data 2.0000</text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"1035.5,-1 1035.5,-36.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"1076.12\" y=\"-13.7\" font-family=\"Times,serif\" font-size=\"14.00\">grad 0.0000</text>\n",
       "</g>\n",
       "<!-- 4948840976&#45;&gt;4948842832* -->\n",
       "<g id=\"edge97\" class=\"edge\">\n",
       "<title>4948840976&#45;&gt;4948842832*</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M1117.18,-34.28C1126.73,-35.96 1136.01,-37.59 1144.39,-39.07\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"1143.64,-42.49 1154.1,-40.77 1144.86,-35.59 1143.64,-42.49\"/>\n",
       "</g>\n",
       "<!-- 4948783632 -->\n",
       "<g id=\"node126\" class=\"node\">\n",
       "<title>4948783632</title>\n",
       "<polygon fill=\"none\" stroke=\"black\" points=\"1867.5,-412.5 1867.5,-448.5 2052.75,-448.5 2052.75,-412.5 1867.5,-412.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"1877.38\" y=\"-425.7\" font-family=\"Times,serif\" font-size=\"14.00\"> </text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"1887.25,-413 1887.25,-448.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"1929.38\" y=\"-425.7\" font-family=\"Times,serif\" font-size=\"14.00\">data &#45;0.5263</text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"1971.5,-413 1971.5,-448.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"2012.12\" y=\"-425.7\" font-family=\"Times,serif\" font-size=\"14.00\">grad 0.0000</text>\n",
       "</g>\n",
       "<!-- 4948783632&#45;&gt;4949045328+ -->\n",
       "<g id=\"edge128\" class=\"edge\">\n",
       "<title>4948783632&#45;&gt;4949045328+</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M2053.15,-446.67C2061.89,-448.21 2070.36,-449.7 2078.08,-451.05\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"2077.2,-454.45 2087.66,-452.74 2078.41,-447.56 2077.2,-454.45\"/>\n",
       "</g>\n",
       "<!-- 4949045776 -->\n",
       "<g id=\"node127\" class=\"node\">\n",
       "<title>4949045776</title>\n",
       "<polygon fill=\"none\" stroke=\"black\" points=\"2803.5,-329.5 2803.5,-365.5 2984.25,-365.5 2984.25,-329.5 2803.5,-329.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"2813.38\" y=\"-342.7\" font-family=\"Times,serif\" font-size=\"14.00\"> </text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"2823.25,-330 2823.25,-365.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"2863.12\" y=\"-342.7\" font-family=\"Times,serif\" font-size=\"14.00\">data 0.1233</text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"2903,-330 2903,-365.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"2943.62\" y=\"-342.7\" font-family=\"Times,serif\" font-size=\"14.00\">grad 0.0000</text>\n",
       "</g>\n",
       "<!-- 4949045776&#45;&gt;4949045264+ -->\n",
       "<g id=\"edge99\" class=\"edge\">\n",
       "<title>4949045776&#45;&gt;4949045264+</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M2971.67,-365.94C2976.94,-368.69 2981.96,-371.86 2986.5,-375.5 3012.59,-396.38 3029.68,-431.41 3039.19,-456.11\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"3035.79,-457.03 3042.51,-465.22 3042.37,-454.63 3035.79,-457.03\"/>\n",
       "</g>\n",
       "<!-- 4949045776*&#45;&gt;4949045776 -->\n",
       "<g id=\"edge49\" class=\"edge\">\n",
       "<title>4949045776*&#45;&gt;4949045776</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M2765.66,-347.5C2773.37,-347.5 2782.29,-347.5 2791.76,-347.5\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"2791.57,-351 2801.57,-347.5 2791.57,-344 2791.57,-351\"/>\n",
       "</g>\n",
       "<!-- 4948775568 -->\n",
       "<g id=\"node129\" class=\"node\">\n",
       "<title>4948775568</title>\n",
       "<polygon fill=\"none\" stroke=\"black\" points=\"3423.75,-411.5 3423.75,-447.5 3609,-447.5 3609,-411.5 3423.75,-411.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"3433.62\" y=\"-424.7\" font-family=\"Times,serif\" font-size=\"14.00\"> </text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"3443.5,-412 3443.5,-447.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"3485.62\" y=\"-424.7\" font-family=\"Times,serif\" font-size=\"14.00\">data &#45;0.6972</text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"3527.75,-412 3527.75,-447.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"3568.38\" y=\"-424.7\" font-family=\"Times,serif\" font-size=\"14.00\">grad 0.0000</text>\n",
       "</g>\n",
       "<!-- 4948775568&#45;&gt;4934717328* -->\n",
       "<g id=\"edge103\" class=\"edge\">\n",
       "<title>4948775568&#45;&gt;4934717328*</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M3580.78,-447.84C3590.3,-450.89 3599.95,-454.16 3609,-457.5 3618.84,-461.13 3629.37,-465.52 3638.9,-469.69\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"3637.21,-472.77 3647.77,-473.64 3640.06,-466.38 3637.21,-472.77\"/>\n",
       "</g>\n",
       "<!-- 4948849552 -->\n",
       "<g id=\"node130\" class=\"node\">\n",
       "<title>4948849552</title>\n",
       "<polygon fill=\"none\" stroke=\"black\" points=\"2490,-824.5 2490,-860.5 2675.25,-860.5 2675.25,-824.5 2490,-824.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"2499.88\" y=\"-837.7\" font-family=\"Times,serif\" font-size=\"14.00\"> </text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"2509.75,-825 2509.75,-860.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"2551.88\" y=\"-837.7\" font-family=\"Times,serif\" font-size=\"14.00\">data &#45;0.3344</text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"2594,-825 2594,-860.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"2634.62\" y=\"-837.7\" font-family=\"Times,serif\" font-size=\"14.00\">grad 0.0000</text>\n",
       "</g>\n",
       "<!-- 4948849552&#45;&gt;4948848912+ -->\n",
       "<g id=\"edge155\" class=\"edge\">\n",
       "<title>4948849552&#45;&gt;4948848912+</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M2664.29,-824.12C2668.23,-821.6 2671.93,-818.74 2675.25,-815.5 2698.82,-792.5 2721.06,-699.99 2731.32,-651.89\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"2734.73,-652.67 2733.36,-642.16 2727.88,-651.24 2734.73,-652.67\"/>\n",
       "</g>\n",
       "<!-- 4948849552* -->\n",
       "<g id=\"node131\" class=\"node\">\n",
       "<title>4948849552*</title>\n",
       "<ellipse fill=\"none\" stroke=\"black\" cx=\"2427\" cy=\"-842.5\" rx=\"27\" ry=\"18\"/>\n",
       "<text text-anchor=\"middle\" x=\"2427\" y=\"-837.45\" font-family=\"Times,serif\" font-size=\"14.00\">*</text>\n",
       "</g>\n",
       "<!-- 4948849552*&#45;&gt;4948849552 -->\n",
       "<g id=\"edge50\" class=\"edge\">\n",
       "<title>4948849552*&#45;&gt;4948849552</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M2454.41,-842.5C2461.45,-842.5 2469.5,-842.5 2478.05,-842.5\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"2478.04,-846 2488.04,-842.5 2478.04,-839 2478.04,-846\"/>\n",
       "</g>\n",
       "<!-- 4948849680 -->\n",
       "<g id=\"node132\" class=\"node\">\n",
       "<title>4948849680</title>\n",
       "<polygon fill=\"none\" stroke=\"black\" points=\"2178.75,-219.5 2178.75,-255.5 2364,-255.5 2364,-219.5 2178.75,-219.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"2188.62\" y=\"-232.7\" font-family=\"Times,serif\" font-size=\"14.00\"> </text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"2198.5,-220 2198.5,-255.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"2240.62\" y=\"-232.7\" font-family=\"Times,serif\" font-size=\"14.00\">data &#45;2.4547</text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"2282.75,-220 2282.75,-255.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"2323.38\" y=\"-232.7\" font-family=\"Times,serif\" font-size=\"14.00\">grad 0.0000</text>\n",
       "</g>\n",
       "<!-- 4948849680&#45;&gt;4948836688tanh -->\n",
       "<g id=\"edge184\" class=\"edge\">\n",
       "<title>4948849680&#45;&gt;4948836688tanh</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M2341.55,-255.96C2358.51,-260.49 2375.98,-265.15 2390.6,-269.05\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"2389.62,-272.41 2400.18,-271.61 2391.42,-265.65 2389.62,-272.41\"/>\n",
       "</g>\n",
       "<!-- 4948849680+&#45;&gt;4948849680 -->\n",
       "<g id=\"edge51\" class=\"edge\">\n",
       "<title>4948849680+&#45;&gt;4948849680</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M2142.12,-214.96C2149.45,-216.25 2157.94,-217.74 2166.99,-219.33\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"2166.32,-222.77 2176.77,-221.05 2167.53,-215.87 2166.32,-222.77\"/>\n",
       "</g>\n",
       "<!-- 4948784144 -->\n",
       "<g id=\"node134\" class=\"node\">\n",
       "<title>4948784144</title>\n",
       "<polygon fill=\"none\" stroke=\"black\" points=\"2181,-659.5 2181,-695.5 2361.75,-695.5 2361.75,-659.5 2181,-659.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"2190.88\" y=\"-672.7\" font-family=\"Times,serif\" font-size=\"14.00\"> </text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"2200.75,-660 2200.75,-695.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"2240.62\" y=\"-672.7\" font-family=\"Times,serif\" font-size=\"14.00\">data 0.5732</text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"2280.5,-660 2280.5,-695.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"2321.12\" y=\"-672.7\" font-family=\"Times,serif\" font-size=\"14.00\">grad 0.0000</text>\n",
       "</g>\n",
       "<!-- 4948784144&#45;&gt;4949044944* -->\n",
       "<g id=\"edge175\" class=\"edge\">\n",
       "<title>4948784144&#45;&gt;4949044944*</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M2335.78,-695.84C2345.3,-698.89 2354.95,-702.16 2364,-705.5 2373.84,-709.13 2384.37,-713.52 2393.9,-717.69\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"2392.21,-720.77 2402.77,-721.64 2395.06,-714.38 2392.21,-720.77\"/>\n",
       "</g>\n",
       "<!-- 4948841552 -->\n",
       "<g id=\"node135\" class=\"node\">\n",
       "<title>4948841552</title>\n",
       "<polygon fill=\"none\" stroke=\"black\" points=\"1556.25,-82.5 1556.25,-118.5 1741.5,-118.5 1741.5,-82.5 1556.25,-82.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"1566.12\" y=\"-95.7\" font-family=\"Times,serif\" font-size=\"14.00\"> </text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"1576,-83 1576,-118.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"1618.12\" y=\"-95.7\" font-family=\"Times,serif\" font-size=\"14.00\">data &#45;1.9180</text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"1660.25,-83 1660.25,-118.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"1700.88\" y=\"-95.7\" font-family=\"Times,serif\" font-size=\"14.00\">grad 0.0000</text>\n",
       "</g>\n",
       "<!-- 4948841552&#45;&gt;4948844176+ -->\n",
       "<g id=\"edge98\" class=\"edge\">\n",
       "<title>4948841552&#45;&gt;4948844176+</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M1716.29,-118.89C1724.83,-121.6 1733.42,-124.5 1741.5,-127.5 1751.48,-131.2 1762.11,-135.77 1771.7,-140.13\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"1770.08,-143.23 1780.63,-144.27 1773.03,-136.89 1770.08,-143.23\"/>\n",
       "</g>\n",
       "<!-- 4948841552+&#45;&gt;4948841552 -->\n",
       "<g id=\"edge52\" class=\"edge\">\n",
       "<title>4948841552+&#45;&gt;4948841552</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M1520.66,-100.5C1527.7,-100.5 1535.75,-100.5 1544.3,-100.5\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"1544.29,-104 1554.29,-100.5 1544.29,-97 1544.29,-104\"/>\n",
       "</g>\n",
       "<!-- 4949349456 -->\n",
       "<g id=\"node137\" class=\"node\">\n",
       "<title>4949349456</title>\n",
       "<polygon fill=\"none\" stroke=\"black\" points=\"1869.75,-907.5 1869.75,-943.5 2050.5,-943.5 2050.5,-907.5 1869.75,-907.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"1879.62\" y=\"-920.7\" font-family=\"Times,serif\" font-size=\"14.00\"> </text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"1889.5,-908 1889.5,-943.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"1929.38\" y=\"-920.7\" font-family=\"Times,serif\" font-size=\"14.00\">data 0.7181</text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"1969.25,-908 1969.25,-943.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"2009.88\" y=\"-920.7\" font-family=\"Times,serif\" font-size=\"14.00\">grad 0.0000</text>\n",
       "</g>\n",
       "<!-- 4949349840tanh -->\n",
       "<g id=\"node147\" class=\"node\">\n",
       "<title>4949349840tanh</title>\n",
       "<ellipse fill=\"none\" stroke=\"black\" cx=\"2115.75\" cy=\"-842.5\" rx=\"27\" ry=\"18\"/>\n",
       "<text text-anchor=\"middle\" x=\"2115.75\" y=\"-837.45\" font-family=\"Times,serif\" font-size=\"14.00\">tanh</text>\n",
       "</g>\n",
       "<!-- 4949349456&#45;&gt;4949349840tanh -->\n",
       "<g id=\"edge93\" class=\"edge\">\n",
       "<title>4949349456&#45;&gt;4949349840tanh</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M2034.86,-907C2041.06,-904.48 2047.11,-901.66 2052.75,-898.5 2061.24,-893.75 2077.86,-878.6 2091.75,-865.25\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"2094.14,-867.82 2098.87,-858.34 2089.26,-862.79 2094.14,-867.82\"/>\n",
       "</g>\n",
       "<!-- 4949349456+&#45;&gt;4949349456 -->\n",
       "<g id=\"edge53\" class=\"edge\">\n",
       "<title>4949349456+&#45;&gt;4949349456</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M1831.91,-925.5C1839.62,-925.5 1848.54,-925.5 1858.01,-925.5\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"1857.82,-929 1867.82,-925.5 1857.82,-922 1857.82,-929\"/>\n",
       "</g>\n",
       "<!-- 4948718672 -->\n",
       "<g id=\"node139\" class=\"node\">\n",
       "<title>4948718672</title>\n",
       "<polygon fill=\"none\" stroke=\"black\" points=\"1245,-879.5 1245,-915.5 1430.25,-915.5 1430.25,-879.5 1245,-879.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"1254.88\" y=\"-892.7\" font-family=\"Times,serif\" font-size=\"14.00\"> </text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"1264.75,-880 1264.75,-915.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"1306.88\" y=\"-892.7\" font-family=\"Times,serif\" font-size=\"14.00\">data &#45;0.5083</text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"1349,-880 1349,-915.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"1389.62\" y=\"-892.7\" font-family=\"Times,serif\" font-size=\"14.00\">grad 0.0000</text>\n",
       "</g>\n",
       "<!-- 4948718672&#45;&gt;4949350160* -->\n",
       "<g id=\"edge121\" class=\"edge\">\n",
       "<title>4948718672&#45;&gt;4949350160*</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M1430.65,-897.5C1439.02,-897.5 1447.14,-897.5 1454.59,-897.5\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"1454.53,-901 1464.53,-897.5 1454.53,-894 1454.53,-901\"/>\n",
       "</g>\n",
       "<!-- 4949357648 -->\n",
       "<g id=\"node140\" class=\"node\">\n",
       "<title>4949357648</title>\n",
       "<polygon fill=\"none\" stroke=\"black\" points=\"1247.25,-989.5 1247.25,-1025.5 1428,-1025.5 1428,-989.5 1247.25,-989.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"1257.12\" y=\"-1002.7\" font-family=\"Times,serif\" font-size=\"14.00\"> </text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"1267,-990 1267,-1025.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"1306.88\" y=\"-1002.7\" font-family=\"Times,serif\" font-size=\"14.00\">data 0.7182</text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"1346.75,-990 1346.75,-1025.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"1387.38\" y=\"-1002.7\" font-family=\"Times,serif\" font-size=\"14.00\">grad 0.0000</text>\n",
       "</g>\n",
       "<!-- 4949357648&#45;&gt;4949354832+ -->\n",
       "<g id=\"edge131\" class=\"edge\">\n",
       "<title>4949357648&#45;&gt;4949354832+</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M1405.04,-989.11C1413.58,-986.4 1422.17,-983.5 1430.25,-980.5 1440.23,-976.8 1450.86,-972.23 1460.45,-967.87\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"1461.78,-971.11 1469.38,-963.73 1458.83,-964.77 1461.78,-971.11\"/>\n",
       "</g>\n",
       "<!-- 4949357648+&#45;&gt;4949357648 -->\n",
       "<g id=\"edge54\" class=\"edge\">\n",
       "<title>4949357648+&#45;&gt;4949357648</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M1209.41,-1007.5C1217.12,-1007.5 1226.04,-1007.5 1235.51,-1007.5\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"1235.32,-1011 1245.32,-1007.5 1235.32,-1004 1235.32,-1011\"/>\n",
       "</g>\n",
       "<!-- 4934718672 -->\n",
       "<g id=\"node142\" class=\"node\">\n",
       "<title>4934718672</title>\n",
       "<polygon fill=\"none\" stroke=\"black\" points=\"5544.75,-518.5 5544.75,-554.5 5730,-554.5 5730,-518.5 5544.75,-518.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"5554.62\" y=\"-531.7\" font-family=\"Times,serif\" font-size=\"14.00\"> </text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"5564.5,-519 5564.5,-554.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"5606.62\" y=\"-531.7\" font-family=\"Times,serif\" font-size=\"14.00\">data &#45;0.6708</text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"5648.75,-519 5648.75,-554.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"5689.38\" y=\"-531.7\" font-family=\"Times,serif\" font-size=\"14.00\">grad 0.0000</text>\n",
       "</g>\n",
       "<!-- 4934718672tanh&#45;&gt;4934718672 -->\n",
       "<g id=\"edge55\" class=\"edge\">\n",
       "<title>4934718672tanh&#45;&gt;4934718672</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M5509.16,-536.5C5516.2,-536.5 5524.25,-536.5 5532.8,-536.5\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"5532.79,-540 5542.79,-536.5 5532.79,-533 5532.79,-540\"/>\n",
       "</g>\n",
       "<!-- 4948784400 -->\n",
       "<g id=\"node144\" class=\"node\">\n",
       "<title>4948784400</title>\n",
       "<polygon fill=\"none\" stroke=\"black\" points=\"1556.25,-797.5 1556.25,-833.5 1741.5,-833.5 1741.5,-797.5 1556.25,-797.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"1566.12\" y=\"-810.7\" font-family=\"Times,serif\" font-size=\"14.00\"> </text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"1576,-798 1576,-833.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"1618.12\" y=\"-810.7\" font-family=\"Times,serif\" font-size=\"14.00\">data &#45;0.2717</text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"1660.25,-798 1660.25,-833.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"1700.88\" y=\"-810.7\" font-family=\"Times,serif\" font-size=\"14.00\">grad 0.0000</text>\n",
       "</g>\n",
       "<!-- 4948784400&#45;&gt;4934728784* -->\n",
       "<g id=\"edge115\" class=\"edge\">\n",
       "<title>4948784400&#45;&gt;4934728784*</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M1741.9,-815.5C1750.27,-815.5 1758.39,-815.5 1765.84,-815.5\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"1765.78,-819 1775.78,-815.5 1765.78,-812 1765.78,-819\"/>\n",
       "</g>\n",
       "<!-- 4934899024 -->\n",
       "<g id=\"node145\" class=\"node\">\n",
       "<title>4934899024</title>\n",
       "<polygon fill=\"none\" stroke=\"black\" points=\"622.5,-467.5 622.5,-503.5 807.75,-503.5 807.75,-467.5 622.5,-467.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"632.38\" y=\"-480.7\" font-family=\"Times,serif\" font-size=\"14.00\"> </text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"642.25,-468 642.25,-503.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"684.38\" y=\"-480.7\" font-family=\"Times,serif\" font-size=\"14.00\">data &#45;1.0000</text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"726.5,-468 726.5,-503.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"767.12\" y=\"-480.7\" font-family=\"Times,serif\" font-size=\"14.00\">grad 0.0000</text>\n",
       "</g>\n",
       "<!-- 4948794128* -->\n",
       "<g id=\"node170\" class=\"node\">\n",
       "<title>4948794128*</title>\n",
       "<ellipse fill=\"none\" stroke=\"black\" cx=\"870.75\" cy=\"-485.5\" rx=\"27\" ry=\"18\"/>\n",
       "<text text-anchor=\"middle\" x=\"870.75\" y=\"-480.45\" font-family=\"Times,serif\" font-size=\"14.00\">*</text>\n",
       "</g>\n",
       "<!-- 4934899024&#45;&gt;4948794128* -->\n",
       "<g id=\"edge108\" class=\"edge\">\n",
       "<title>4934899024&#45;&gt;4948794128*</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M808.15,-485.5C816.52,-485.5 824.64,-485.5 832.09,-485.5\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"832.03,-489 842.03,-485.5 832.03,-482 832.03,-489\"/>\n",
       "</g>\n",
       "<!-- 4949349840 -->\n",
       "<g id=\"node146\" class=\"node\">\n",
       "<title>4949349840</title>\n",
       "<polygon fill=\"none\" stroke=\"black\" points=\"2181,-824.5 2181,-860.5 2361.75,-860.5 2361.75,-824.5 2181,-824.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"2190.88\" y=\"-837.7\" font-family=\"Times,serif\" font-size=\"14.00\"> </text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"2200.75,-825 2200.75,-860.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"2240.62\" y=\"-837.7\" font-family=\"Times,serif\" font-size=\"14.00\">data 0.6157</text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"2280.5,-825 2280.5,-860.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"2321.12\" y=\"-837.7\" font-family=\"Times,serif\" font-size=\"14.00\">grad 0.0000</text>\n",
       "</g>\n",
       "<!-- 4949349840&#45;&gt;4934182928* -->\n",
       "<g id=\"edge100\" class=\"edge\">\n",
       "<title>4949349840&#45;&gt;4934182928*</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M2353.04,-824.12C2356.98,-821.6 2360.68,-818.74 2364,-815.5 2365.53,-814.01 2400.27,-704.19 2417.06,-650.9\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"2420.33,-652.18 2420,-641.59 2413.65,-650.07 2420.33,-652.18\"/>\n",
       "</g>\n",
       "<!-- 4949349840&#45;&gt;4949044944* -->\n",
       "<g id=\"edge138\" class=\"edge\">\n",
       "<title>4949349840&#45;&gt;4949044944*</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M2349.82,-824.16C2354.82,-821.63 2359.61,-818.76 2364,-815.5 2387.45,-798.08 2382,-783.51 2400,-760.5 2401.18,-758.99 2402.43,-757.47 2403.71,-755.95\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"2406.19,-758.43 2410.21,-748.62 2400.95,-753.78 2406.19,-758.43\"/>\n",
       "</g>\n",
       "<!-- 4949349840&#45;&gt;4948849552* -->\n",
       "<g id=\"edge94\" class=\"edge\">\n",
       "<title>4949349840&#45;&gt;4948849552*</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M2362.18,-842.5C2371.36,-842.5 2380.28,-842.5 2388.4,-842.5\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"2388.15,-846 2398.15,-842.5 2388.15,-839 2388.15,-846\"/>\n",
       "</g>\n",
       "<!-- 4949349840&#45;&gt;4934719056* -->\n",
       "<g id=\"edge124\" class=\"edge\">\n",
       "<title>4949349840&#45;&gt;4934719056*</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M2335.78,-860.84C2345.3,-863.89 2354.95,-867.16 2364,-870.5 2373.84,-874.13 2384.37,-878.52 2393.9,-882.69\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"2392.21,-885.77 2402.77,-886.64 2395.06,-879.38 2392.21,-885.77\"/>\n",
       "</g>\n",
       "<!-- 4949349840tanh&#45;&gt;4949349840 -->\n",
       "<g id=\"edge56\" class=\"edge\">\n",
       "<title>4949349840tanh&#45;&gt;4949349840</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M2143.16,-842.5C2150.87,-842.5 2159.79,-842.5 2169.26,-842.5\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"2169.07,-846 2179.07,-842.5 2169.07,-839 2169.07,-846\"/>\n",
       "</g>\n",
       "<!-- 4948776400 -->\n",
       "<g id=\"node148\" class=\"node\">\n",
       "<title>4948776400</title>\n",
       "<polygon fill=\"none\" stroke=\"black\" points=\"2492.25,-219.5 2492.25,-255.5 2673,-255.5 2673,-219.5 2492.25,-219.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"2502.12\" y=\"-232.7\" font-family=\"Times,serif\" font-size=\"14.00\"> </text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"2512,-220 2512,-255.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"2551.88\" y=\"-232.7\" font-family=\"Times,serif\" font-size=\"14.00\">data 0.3493</text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"2591.75,-220 2591.75,-255.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"2632.38\" y=\"-232.7\" font-family=\"Times,serif\" font-size=\"14.00\">grad 0.0000</text>\n",
       "</g>\n",
       "<!-- 4948776400&#45;&gt;4948884880* -->\n",
       "<g id=\"edge177\" class=\"edge\">\n",
       "<title>4948776400&#45;&gt;4948884880*</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M2647.03,-255.84C2656.55,-258.89 2666.2,-262.16 2675.25,-265.5 2685.09,-269.13 2695.62,-273.52 2705.15,-277.69\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"2703.46,-280.77 2714.02,-281.64 2706.31,-274.38 2703.46,-280.77\"/>\n",
       "</g>\n",
       "<!-- 4934719056 -->\n",
       "<g id=\"node149\" class=\"node\">\n",
       "<title>4934719056</title>\n",
       "<polygon fill=\"none\" stroke=\"black\" points=\"2492.25,-879.5 2492.25,-915.5 2673,-915.5 2673,-879.5 2492.25,-879.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"2502.12\" y=\"-892.7\" font-family=\"Times,serif\" font-size=\"14.00\"> </text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"2512,-880 2512,-915.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"2551.88\" y=\"-892.7\" font-family=\"Times,serif\" font-size=\"14.00\">data 0.3392</text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"2591.75,-880 2591.75,-915.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"2632.38\" y=\"-892.7\" font-family=\"Times,serif\" font-size=\"14.00\">grad 0.0000</text>\n",
       "</g>\n",
       "<!-- 4934719056&#45;&gt;4934716688+ -->\n",
       "<g id=\"edge101\" class=\"edge\">\n",
       "<title>4934719056&#45;&gt;4934716688+</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M2660.39,-879.07C2665.61,-876.56 2670.62,-873.72 2675.25,-870.5 2695.83,-856.18 2712.39,-832.84 2723.19,-814.55\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"2726.12,-816.49 2727.99,-806.06 2720.03,-813.04 2726.12,-816.49\"/>\n",
       "</g>\n",
       "<!-- 4934719056*&#45;&gt;4934719056 -->\n",
       "<g id=\"edge57\" class=\"edge\">\n",
       "<title>4934719056*&#45;&gt;4934719056</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M2454.41,-897.5C2462.12,-897.5 2471.04,-897.5 2480.51,-897.5\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"2480.32,-901 2490.32,-897.5 2480.32,-894 2480.32,-901\"/>\n",
       "</g>\n",
       "<!-- 4934907536 -->\n",
       "<g id=\"node151\" class=\"node\">\n",
       "<title>4934907536</title>\n",
       "<polygon fill=\"none\" stroke=\"black\" points=\"622.5,-522.5 622.5,-558.5 807.75,-558.5 807.75,-522.5 622.5,-522.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"632.38\" y=\"-535.7\" font-family=\"Times,serif\" font-size=\"14.00\"> </text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"642.25,-523 642.25,-558.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"684.38\" y=\"-535.7\" font-family=\"Times,serif\" font-size=\"14.00\">data &#45;1.0985</text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"726.5,-523 726.5,-558.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"767.12\" y=\"-535.7\" font-family=\"Times,serif\" font-size=\"14.00\">grad 0.0000</text>\n",
       "</g>\n",
       "<!-- 4934907536&#45;&gt;4934905680+ -->\n",
       "<g id=\"edge141\" class=\"edge\">\n",
       "<title>4934907536&#45;&gt;4934905680+</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M808.15,-540.5C816.52,-540.5 824.64,-540.5 832.09,-540.5\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"832.03,-544 842.03,-540.5 832.03,-537 832.03,-544\"/>\n",
       "</g>\n",
       "<!-- 4934907536+&#45;&gt;4934907536 -->\n",
       "<g id=\"edge58\" class=\"edge\">\n",
       "<title>4934907536+&#45;&gt;4934907536</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M586.91,-540.5C593.95,-540.5 602,-540.5 610.55,-540.5\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"610.54,-544 620.54,-540.5 610.54,-537 610.54,-544\"/>\n",
       "</g>\n",
       "<!-- 4948792976 -->\n",
       "<g id=\"node153\" class=\"node\">\n",
       "<title>4948792976</title>\n",
       "<polygon fill=\"none\" stroke=\"black\" points=\"1869.75,-577.5 1869.75,-613.5 2050.5,-613.5 2050.5,-577.5 1869.75,-577.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"1879.62\" y=\"-590.7\" font-family=\"Times,serif\" font-size=\"14.00\"> </text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"1889.5,-578 1889.5,-613.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"1929.38\" y=\"-590.7\" font-family=\"Times,serif\" font-size=\"14.00\">data 0.4971</text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"1969.25,-578 1969.25,-613.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"2009.88\" y=\"-590.7\" font-family=\"Times,serif\" font-size=\"14.00\">grad 0.0000</text>\n",
       "</g>\n",
       "<!-- 4948792976&#45;&gt;4948837968* -->\n",
       "<g id=\"edge149\" class=\"edge\">\n",
       "<title>4948792976&#45;&gt;4948837968*</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M2050.93,-595.5C2060.11,-595.5 2069.03,-595.5 2077.15,-595.5\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"2076.9,-599 2086.9,-595.5 2076.9,-592 2076.9,-599\"/>\n",
       "</g>\n",
       "<!-- 4948792976&#45;&gt;4934724176* -->\n",
       "<g id=\"edge112\" class=\"edge\">\n",
       "<title>4948792976&#45;&gt;4934724176*</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M2036.02,-613.96C2041.91,-616.72 2047.57,-619.88 2052.75,-623.5 2073.05,-637.69 2089.56,-660.59 2100.42,-678.59\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"2097.37,-680.29 2105.4,-687.2 2103.43,-676.79 2097.37,-680.29\"/>\n",
       "</g>\n",
       "<!-- 4949122832* -->\n",
       "<g id=\"node194\" class=\"node\">\n",
       "<title>4949122832*</title>\n",
       "<ellipse fill=\"none\" stroke=\"black\" cx=\"2115.75\" cy=\"-402.5\" rx=\"27\" ry=\"18\"/>\n",
       "<text text-anchor=\"middle\" x=\"2115.75\" y=\"-397.45\" font-family=\"Times,serif\" font-size=\"14.00\">*</text>\n",
       "</g>\n",
       "<!-- 4948792976&#45;&gt;4949122832* -->\n",
       "<g id=\"edge161\" class=\"edge\">\n",
       "<title>4948792976&#45;&gt;4949122832*</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M2042.43,-577.06C2046.16,-574.55 2049.63,-571.72 2052.75,-568.5 2096.86,-522.98 2058.26,-486.07 2088.75,-430.5 2089.67,-428.82 2090.72,-427.16 2091.84,-425.55\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"2094.39,-427.96 2097.99,-417.99 2088.96,-423.54 2094.39,-427.96\"/>\n",
       "</g>\n",
       "<!-- 4948792976&#45;&gt;4949041040* -->\n",
       "<g id=\"edge76\" class=\"edge\">\n",
       "<title>4948792976&#45;&gt;4949041040*</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M2027.54,-577.11C2036.08,-574.4 2044.67,-571.5 2052.75,-568.5 2062.73,-564.8 2073.36,-560.23 2082.95,-555.87\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"2084.28,-559.11 2091.88,-551.73 2081.33,-552.77 2084.28,-559.11\"/>\n",
       "</g>\n",
       "<!-- 4948792976tanh&#45;&gt;4948792976 -->\n",
       "<g id=\"edge59\" class=\"edge\">\n",
       "<title>4948792976tanh&#45;&gt;4948792976</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M1831.91,-595.5C1839.62,-595.5 1848.54,-595.5 1858.01,-595.5\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"1857.82,-599 1867.82,-595.5 1857.82,-592 1857.82,-599\"/>\n",
       "</g>\n",
       "<!-- 4949350160 -->\n",
       "<g id=\"node155\" class=\"node\">\n",
       "<title>4949350160</title>\n",
       "<polygon fill=\"none\" stroke=\"black\" points=\"1558.5,-879.5 1558.5,-915.5 1739.25,-915.5 1739.25,-879.5 1558.5,-879.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"1568.38\" y=\"-892.7\" font-family=\"Times,serif\" font-size=\"14.00\"> </text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"1578.25,-880 1578.25,-915.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"1618.12\" y=\"-892.7\" font-family=\"Times,serif\" font-size=\"14.00\">data 0.5083</text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"1658,-880 1658,-915.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"1698.62\" y=\"-892.7\" font-family=\"Times,serif\" font-size=\"14.00\">grad 0.0000</text>\n",
       "</g>\n",
       "<!-- 4949350160&#45;&gt;4949349456+ -->\n",
       "<g id=\"edge87\" class=\"edge\">\n",
       "<title>4949350160&#45;&gt;4949349456+</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M1739.68,-913.87C1749.23,-915.61 1758.51,-917.3 1766.89,-918.83\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"1766.14,-922.25 1776.6,-920.6 1767.39,-915.36 1766.14,-922.25\"/>\n",
       "</g>\n",
       "<!-- 4949350160*&#45;&gt;4949350160 -->\n",
       "<g id=\"edge60\" class=\"edge\">\n",
       "<title>4949350160*&#45;&gt;4949350160</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M1520.66,-897.5C1528.37,-897.5 1537.29,-897.5 1546.76,-897.5\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"1546.57,-901 1556.57,-897.5 1546.57,-894 1546.57,-901\"/>\n",
       "</g>\n",
       "<!-- 4949120784 -->\n",
       "<g id=\"node157\" class=\"node\">\n",
       "<title>4949120784</title>\n",
       "<polygon fill=\"none\" stroke=\"black\" points=\"2492.25,-439.5 2492.25,-475.5 2673,-475.5 2673,-439.5 2492.25,-439.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"2502.12\" y=\"-452.7\" font-family=\"Times,serif\" font-size=\"14.00\"> </text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"2512,-440 2512,-475.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"2551.88\" y=\"-452.7\" font-family=\"Times,serif\" font-size=\"14.00\">data 0.2487</text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"2591.75,-440 2591.75,-475.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"2632.38\" y=\"-452.7\" font-family=\"Times,serif\" font-size=\"14.00\">grad 0.0000</text>\n",
       "</g>\n",
       "<!-- 4949120784&#45;&gt;4948870160+ -->\n",
       "<g id=\"edge106\" class=\"edge\">\n",
       "<title>4949120784&#45;&gt;4948870160+</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M2673.43,-457.5C2682.61,-457.5 2691.53,-457.5 2699.65,-457.5\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"2699.4,-461 2709.4,-457.5 2699.4,-454 2699.4,-461\"/>\n",
       "</g>\n",
       "<!-- 4949120784+ -->\n",
       "<g id=\"node158\" class=\"node\">\n",
       "<title>4949120784+</title>\n",
       "<ellipse fill=\"none\" stroke=\"black\" cx=\"2427\" cy=\"-402.5\" rx=\"27\" ry=\"18\"/>\n",
       "<text text-anchor=\"middle\" x=\"2427\" y=\"-397.45\" font-family=\"Times,serif\" font-size=\"14.00\">+</text>\n",
       "</g>\n",
       "<!-- 4949120784+&#45;&gt;4949120784 -->\n",
       "<g id=\"edge61\" class=\"edge\">\n",
       "<title>4949120784+&#45;&gt;4949120784</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M2449.5,-413.09C2461.29,-418.68 2476.27,-425.4 2490,-430.5 2494.67,-432.23 2499.51,-433.93 2504.42,-435.58\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"2503.18,-438.86 2513.77,-438.64 2505.35,-432.21 2503.18,-438.86\"/>\n",
       "</g>\n",
       "<!-- 4948776912 -->\n",
       "<g id=\"node159\" class=\"node\">\n",
       "<title>4948776912</title>\n",
       "<polygon fill=\"none\" stroke=\"black\" points=\"2178.75,-934.5 2178.75,-970.5 2364,-970.5 2364,-934.5 2178.75,-934.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"2188.62\" y=\"-947.7\" font-family=\"Times,serif\" font-size=\"14.00\"> </text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"2198.5,-935 2198.5,-970.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"2240.62\" y=\"-947.7\" font-family=\"Times,serif\" font-size=\"14.00\">data &#45;0.5431</text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"2282.75,-935 2282.75,-970.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"2323.38\" y=\"-947.7\" font-family=\"Times,serif\" font-size=\"14.00\">grad 0.0000</text>\n",
       "</g>\n",
       "<!-- 4948776912&#45;&gt;4948849552* -->\n",
       "<g id=\"edge180\" class=\"edge\">\n",
       "<title>4948776912&#45;&gt;4948849552*</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M2349.82,-934.16C2354.82,-931.63 2359.61,-928.76 2364,-925.5 2387.45,-908.08 2382,-893.51 2400,-870.5 2401.18,-868.99 2402.43,-867.47 2403.71,-865.95\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"2406.19,-868.43 2410.21,-858.62 2400.95,-863.78 2406.19,-868.43\"/>\n",
       "</g>\n",
       "<!-- 4948785104 -->\n",
       "<g id=\"node160\" class=\"node\">\n",
       "<title>4948785104</title>\n",
       "<polygon fill=\"none\" stroke=\"black\" points=\"1867.5,-632.5 1867.5,-668.5 2052.75,-668.5 2052.75,-632.5 1867.5,-632.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"1877.38\" y=\"-645.7\" font-family=\"Times,serif\" font-size=\"14.00\"> </text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"1887.25,-633 1887.25,-668.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"1929.38\" y=\"-645.7\" font-family=\"Times,serif\" font-size=\"14.00\">data &#45;0.0378</text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"1971.5,-633 1971.5,-668.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"2012.12\" y=\"-645.7\" font-family=\"Times,serif\" font-size=\"14.00\">grad 0.0000</text>\n",
       "</g>\n",
       "<!-- 4948785104&#45;&gt;4948837968* -->\n",
       "<g id=\"edge140\" class=\"edge\">\n",
       "<title>4948785104&#45;&gt;4948837968*</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M2027.54,-632.11C2036.08,-629.4 2044.67,-626.5 2052.75,-623.5 2062.73,-619.8 2073.36,-615.23 2082.95,-610.87\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"2084.28,-614.11 2091.88,-606.73 2081.33,-607.77 2084.28,-614.11\"/>\n",
       "</g>\n",
       "<!-- 4949039056 -->\n",
       "<g id=\"node161\" class=\"node\">\n",
       "<title>4949039056</title>\n",
       "<polygon fill=\"none\" stroke=\"black\" points=\"2181,-329.5 2181,-365.5 2361.75,-365.5 2361.75,-329.5 2181,-329.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"2190.88\" y=\"-342.7\" font-family=\"Times,serif\" font-size=\"14.00\"> </text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"2200.75,-330 2200.75,-365.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"2240.62\" y=\"-342.7\" font-family=\"Times,serif\" font-size=\"14.00\">data 0.1785</text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"2280.5,-330 2280.5,-365.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"2321.12\" y=\"-342.7\" font-family=\"Times,serif\" font-size=\"14.00\">grad 0.0000</text>\n",
       "</g>\n",
       "<!-- 4949039056&#45;&gt;4949120784+ -->\n",
       "<g id=\"edge199\" class=\"edge\">\n",
       "<title>4949039056&#45;&gt;4949120784+</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M2335.78,-365.84C2345.3,-368.89 2354.95,-372.16 2364,-375.5 2373.84,-379.13 2384.37,-383.52 2393.9,-387.69\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"2392.21,-390.77 2402.77,-391.64 2395.06,-384.38 2392.21,-390.77\"/>\n",
       "</g>\n",
       "<!-- 4949039056+&#45;&gt;4949039056 -->\n",
       "<g id=\"edge62\" class=\"edge\">\n",
       "<title>4949039056+&#45;&gt;4949039056</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M2142.12,-324.96C2150.13,-326.37 2159.52,-328.02 2169.52,-329.77\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"2168.62,-333.17 2179.08,-331.45 2169.83,-326.28 2168.62,-333.17\"/>\n",
       "</g>\n",
       "<!-- 4948785232 -->\n",
       "<g id=\"node163\" class=\"node\">\n",
       "<title>4948785232</title>\n",
       "<polygon fill=\"none\" stroke=\"black\" points=\"3737.25,-576.5 3737.25,-612.5 3918,-612.5 3918,-576.5 3737.25,-576.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"3747.12\" y=\"-589.7\" font-family=\"Times,serif\" font-size=\"14.00\"> </text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"3757,-577 3757,-612.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"3796.88\" y=\"-589.7\" font-family=\"Times,serif\" font-size=\"14.00\">data 0.4363</text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"3836.75,-577 3836.75,-612.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"3877.38\" y=\"-589.7\" font-family=\"Times,serif\" font-size=\"14.00\">grad 0.0000</text>\n",
       "</g>\n",
       "<!-- 4948785232&#45;&gt;4934716816+ -->\n",
       "<g id=\"edge205\" class=\"edge\">\n",
       "<title>4948785232&#45;&gt;4934716816+</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M3902.24,-576.03C3939.25,-566.75 3982.42,-555.92 4012.1,-548.47\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"4012.84,-551.9 4021.69,-546.07 4011.14,-545.11 4012.84,-551.9\"/>\n",
       "</g>\n",
       "<!-- 4948842832 -->\n",
       "<g id=\"node164\" class=\"node\">\n",
       "<title>4948842832</title>\n",
       "<polygon fill=\"none\" stroke=\"black\" points=\"1245,-27.5 1245,-63.5 1430.25,-63.5 1430.25,-27.5 1245,-27.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"1254.88\" y=\"-40.7\" font-family=\"Times,serif\" font-size=\"14.00\"> </text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"1264.75,-28 1264.75,-63.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"1306.88\" y=\"-40.7\" font-family=\"Times,serif\" font-size=\"14.00\">data &#45;1.3397</text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"1349,-28 1349,-63.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"1389.62\" y=\"-40.7\" font-family=\"Times,serif\" font-size=\"14.00\">grad 0.0000</text>\n",
       "</g>\n",
       "<!-- 4948842832&#45;&gt;4948841552+ -->\n",
       "<g id=\"edge146\" class=\"edge\">\n",
       "<title>4948842832&#45;&gt;4948841552+</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M1405.04,-63.89C1413.58,-66.6 1422.17,-69.5 1430.25,-72.5 1440.23,-76.2 1450.86,-80.77 1460.45,-85.13\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"1458.83,-88.23 1469.38,-89.27 1461.78,-81.89 1458.83,-88.23\"/>\n",
       "</g>\n",
       "<!-- 4948842832*&#45;&gt;4948842832 -->\n",
       "<g id=\"edge63\" class=\"edge\">\n",
       "<title>4948842832*&#45;&gt;4948842832</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M1209.41,-45.5C1216.45,-45.5 1224.5,-45.5 1233.05,-45.5\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"1233.04,-49 1243.04,-45.5 1233.04,-42 1233.04,-49\"/>\n",
       "</g>\n",
       "<!-- 4948842960 -->\n",
       "<g id=\"node166\" class=\"node\">\n",
       "<title>4948842960</title>\n",
       "<polygon fill=\"none\" stroke=\"black\" points=\"1556.25,-192.5 1556.25,-228.5 1741.5,-228.5 1741.5,-192.5 1556.25,-192.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"1566.12\" y=\"-205.7\" font-family=\"Times,serif\" font-size=\"14.00\"> </text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"1576,-193 1576,-228.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"1618.12\" y=\"-205.7\" font-family=\"Times,serif\" font-size=\"14.00\">data &#45;1.0000</text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"1660.25,-193 1660.25,-228.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"1700.88\" y=\"-205.7\" font-family=\"Times,serif\" font-size=\"14.00\">grad 0.0000</text>\n",
       "</g>\n",
       "<!-- 4948842960&#45;&gt;4948844560* -->\n",
       "<g id=\"edge104\" class=\"edge\">\n",
       "<title>4948842960&#45;&gt;4948844560*</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M1741.9,-210.5C1750.27,-210.5 1758.39,-210.5 1765.84,-210.5\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"1765.78,-214 1775.78,-210.5 1765.78,-207 1765.78,-214\"/>\n",
       "</g>\n",
       "<!-- 4948785808 -->\n",
       "<g id=\"node167\" class=\"node\">\n",
       "<title>4948785808</title>\n",
       "<polygon fill=\"none\" stroke=\"black\" points=\"2492.25,-384.5 2492.25,-420.5 2673,-420.5 2673,-384.5 2492.25,-384.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"2502.12\" y=\"-397.7\" font-family=\"Times,serif\" font-size=\"14.00\"> </text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"2512,-385 2512,-420.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"2551.88\" y=\"-397.7\" font-family=\"Times,serif\" font-size=\"14.00\">data 0.7801</text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"2591.75,-385 2591.75,-420.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"2632.38\" y=\"-397.7\" font-family=\"Times,serif\" font-size=\"14.00\">grad 0.0000</text>\n",
       "</g>\n",
       "<!-- 4948785808&#45;&gt;4948846288* -->\n",
       "<g id=\"edge116\" class=\"edge\">\n",
       "<title>4948785808&#45;&gt;4948846288*</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M2673.43,-402.5C2682.61,-402.5 2691.53,-402.5 2699.65,-402.5\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"2699.4,-406 2709.4,-402.5 2699.4,-399 2699.4,-406\"/>\n",
       "</g>\n",
       "<!-- 4948785872 -->\n",
       "<g id=\"node168\" class=\"node\">\n",
       "<title>4948785872</title>\n",
       "<polygon fill=\"none\" stroke=\"black\" points=\"2181,-604.5 2181,-640.5 2361.75,-640.5 2361.75,-604.5 2181,-604.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"2190.88\" y=\"-617.7\" font-family=\"Times,serif\" font-size=\"14.00\"> </text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"2200.75,-605 2200.75,-640.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"2240.62\" y=\"-617.7\" font-family=\"Times,serif\" font-size=\"14.00\">data 0.0585</text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"2280.5,-605 2280.5,-640.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"2321.12\" y=\"-617.7\" font-family=\"Times,serif\" font-size=\"14.00\">grad 0.0000</text>\n",
       "</g>\n",
       "<!-- 4948785872&#45;&gt;4934182928* -->\n",
       "<g id=\"edge208\" class=\"edge\">\n",
       "<title>4948785872&#45;&gt;4934182928*</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M2362.18,-622.5C2371.36,-622.5 2380.28,-622.5 2388.4,-622.5\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"2388.15,-626 2398.15,-622.5 2388.15,-619 2388.15,-626\"/>\n",
       "</g>\n",
       "<!-- 4948794128 -->\n",
       "<g id=\"node169\" class=\"node\">\n",
       "<title>4948794128</title>\n",
       "<polygon fill=\"none\" stroke=\"black\" points=\"936,-467.5 936,-503.5 1116.75,-503.5 1116.75,-467.5 936,-467.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"945.88\" y=\"-480.7\" font-family=\"Times,serif\" font-size=\"14.00\"> </text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"955.75,-468 955.75,-503.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"995.62\" y=\"-480.7\" font-family=\"Times,serif\" font-size=\"14.00\">data 0.9144</text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"1035.5,-468 1035.5,-503.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"1076.12\" y=\"-480.7\" font-family=\"Times,serif\" font-size=\"14.00\">grad 0.0000</text>\n",
       "</g>\n",
       "<!-- 4948794128&#45;&gt;4948789968+ -->\n",
       "<g id=\"edge105\" class=\"edge\">\n",
       "<title>4948794128&#45;&gt;4948789968+</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M1090.78,-503.84C1100.3,-506.89 1109.95,-510.16 1119,-513.5 1128.84,-517.13 1139.37,-521.52 1148.9,-525.69\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"1147.21,-528.77 1157.77,-529.64 1150.06,-522.38 1147.21,-528.77\"/>\n",
       "</g>\n",
       "<!-- 4948794128*&#45;&gt;4948794128 -->\n",
       "<g id=\"edge64\" class=\"edge\">\n",
       "<title>4948794128*&#45;&gt;4948794128</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M898.16,-485.5C905.87,-485.5 914.79,-485.5 924.26,-485.5\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"924.07,-489 934.07,-485.5 924.07,-482 924.07,-489\"/>\n",
       "</g>\n",
       "<!-- 4948720464 -->\n",
       "<g id=\"node171\" class=\"node\">\n",
       "<title>4948720464</title>\n",
       "<polygon fill=\"none\" stroke=\"black\" points=\"933.75,-879.5 933.75,-915.5 1119,-915.5 1119,-879.5 933.75,-879.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"943.62\" y=\"-892.7\" font-family=\"Times,serif\" font-size=\"14.00\"> </text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"953.5,-880 953.5,-915.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"995.62\" y=\"-892.7\" font-family=\"Times,serif\" font-size=\"14.00\">data &#45;0.1695</text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"1037.75,-880 1037.75,-915.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"1078.38\" y=\"-892.7\" font-family=\"Times,serif\" font-size=\"14.00\">grad 0.0000</text>\n",
       "</g>\n",
       "<!-- 4948720464&#45;&gt;4949355984* -->\n",
       "<g id=\"edge152\" class=\"edge\">\n",
       "<title>4948720464&#45;&gt;4949355984*</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M1090.78,-915.84C1100.3,-918.89 1109.95,-922.16 1119,-925.5 1128.84,-929.13 1139.37,-933.52 1148.9,-937.69\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"1147.21,-940.77 1157.77,-941.64 1150.06,-934.38 1147.21,-940.77\"/>\n",
       "</g>\n",
       "<!-- 4948851600 -->\n",
       "<g id=\"node172\" class=\"node\">\n",
       "<title>4948851600</title>\n",
       "<polygon fill=\"none\" stroke=\"black\" points=\"1869.75,-467.5 1869.75,-503.5 2050.5,-503.5 2050.5,-467.5 1869.75,-467.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"1879.62\" y=\"-480.7\" font-family=\"Times,serif\" font-size=\"14.00\"> </text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"1889.5,-468 1889.5,-503.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"1929.38\" y=\"-480.7\" font-family=\"Times,serif\" font-size=\"14.00\">data 0.9149</text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"1969.25,-468 1969.25,-503.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"2009.88\" y=\"-480.7\" font-family=\"Times,serif\" font-size=\"14.00\">grad 0.0000</text>\n",
       "</g>\n",
       "<!-- 4948851600&#45;&gt;4949045328+ -->\n",
       "<g id=\"edge127\" class=\"edge\">\n",
       "<title>4948851600&#45;&gt;4949045328+</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M2050.93,-469.13C2060.48,-467.39 2069.76,-465.7 2078.14,-464.17\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"2078.64,-467.64 2087.85,-462.4 2077.39,-460.75 2078.64,-467.64\"/>\n",
       "</g>\n",
       "<!-- 4948851600*&#45;&gt;4948851600 -->\n",
       "<g id=\"edge65\" class=\"edge\">\n",
       "<title>4948851600*&#45;&gt;4948851600</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M1831.91,-485.5C1839.62,-485.5 1848.54,-485.5 1858.01,-485.5\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"1857.82,-489 1867.82,-485.5 1857.82,-482 1857.82,-489\"/>\n",
       "</g>\n",
       "<!-- 4948786128 -->\n",
       "<g id=\"node174\" class=\"node\">\n",
       "<title>4948786128</title>\n",
       "<polygon fill=\"none\" stroke=\"black\" points=\"2490,-274.5 2490,-310.5 2675.25,-310.5 2675.25,-274.5 2490,-274.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"2499.88\" y=\"-287.7\" font-family=\"Times,serif\" font-size=\"14.00\"> </text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"2509.75,-275 2509.75,-310.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"2551.88\" y=\"-287.7\" font-family=\"Times,serif\" font-size=\"14.00\">data &#45;0.1251</text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"2594,-275 2594,-310.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"2634.62\" y=\"-287.7\" font-family=\"Times,serif\" font-size=\"14.00\">grad 0.0000</text>\n",
       "</g>\n",
       "<!-- 4948786128&#45;&gt;4949045776* -->\n",
       "<g id=\"edge86\" class=\"edge\">\n",
       "<title>4948786128&#45;&gt;4949045776*</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M2647.03,-310.84C2656.55,-313.89 2666.2,-317.16 2675.25,-320.5 2685.09,-324.13 2695.62,-328.52 2705.15,-332.69\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"2703.46,-335.77 2714.02,-336.64 2706.31,-329.38 2703.46,-335.77\"/>\n",
       "</g>\n",
       "<!-- 4948720656 -->\n",
       "<g id=\"node175\" class=\"node\">\n",
       "<title>4948720656</title>\n",
       "<polygon fill=\"none\" stroke=\"black\" points=\"622.5,-632.5 622.5,-668.5 807.75,-668.5 807.75,-632.5 622.5,-632.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"632.38\" y=\"-645.7\" font-family=\"Times,serif\" font-size=\"14.00\"> </text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"642.25,-633 642.25,-668.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"684.38\" y=\"-645.7\" font-family=\"Times,serif\" font-size=\"14.00\">data &#45;0.2715</text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"726.5,-633 726.5,-668.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"767.12\" y=\"-645.7\" font-family=\"Times,serif\" font-size=\"14.00\">grad 0.0000</text>\n",
       "</g>\n",
       "<!-- 4948720656&#45;&gt;4948880784+ -->\n",
       "<g id=\"edge169\" class=\"edge\">\n",
       "<title>4948720656&#45;&gt;4948880784+</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M779.53,-668.84C789.05,-671.89 798.7,-675.16 807.75,-678.5 817.59,-682.13 828.12,-686.52 837.65,-690.69\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"835.96,-693.77 846.52,-694.64 838.81,-687.38 835.96,-693.77\"/>\n",
       "</g>\n",
       "<!-- 4934728784 -->\n",
       "<g id=\"node176\" class=\"node\">\n",
       "<title>4934728784</title>\n",
       "<polygon fill=\"none\" stroke=\"black\" points=\"1869.75,-852.5 1869.75,-888.5 2050.5,-888.5 2050.5,-852.5 1869.75,-852.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"1879.62\" y=\"-865.7\" font-family=\"Times,serif\" font-size=\"14.00\"> </text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"1889.5,-853 1889.5,-888.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"1929.38\" y=\"-865.7\" font-family=\"Times,serif\" font-size=\"14.00\">data 0.2557</text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"1969.25,-853 1969.25,-888.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"2009.88\" y=\"-865.7\" font-family=\"Times,serif\" font-size=\"14.00\">grad 0.0000</text>\n",
       "</g>\n",
       "<!-- 4934728784&#45;&gt;4934716176+ -->\n",
       "<g id=\"edge210\" class=\"edge\">\n",
       "<title>4934728784&#45;&gt;4934716176+</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M2050.93,-886.28C2060.48,-887.96 2069.76,-889.59 2078.14,-891.07\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"2077.39,-894.49 2087.85,-892.77 2078.61,-887.59 2077.39,-894.49\"/>\n",
       "</g>\n",
       "<!-- 4934728784*&#45;&gt;4934728784 -->\n",
       "<g id=\"edge66\" class=\"edge\">\n",
       "<title>4934728784*&#45;&gt;4934728784</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M1827,-826.09C1838.79,-831.68 1853.77,-838.4 1867.5,-843.5 1872.17,-845.23 1877.01,-846.93 1881.92,-848.58\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"1880.68,-851.86 1891.27,-851.64 1882.85,-845.21 1880.68,-851.86\"/>\n",
       "</g>\n",
       "<!-- 4948712592 -->\n",
       "<g id=\"node178\" class=\"node\">\n",
       "<title>4948712592</title>\n",
       "<polygon fill=\"none\" stroke=\"black\" points=\"1245,-137.5 1245,-173.5 1430.25,-173.5 1430.25,-137.5 1245,-137.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"1254.88\" y=\"-150.7\" font-family=\"Times,serif\" font-size=\"14.00\"> </text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"1264.75,-138 1264.75,-173.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"1306.88\" y=\"-150.7\" font-family=\"Times,serif\" font-size=\"14.00\">data &#45;0.4984</text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"1349,-138 1349,-173.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"1389.62\" y=\"-150.7\" font-family=\"Times,serif\" font-size=\"14.00\">grad 0.0000</text>\n",
       "</g>\n",
       "<!-- 4948712592&#45;&gt;4948837648* -->\n",
       "<g id=\"edge160\" class=\"edge\">\n",
       "<title>4948712592&#45;&gt;4948837648*</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M1430.65,-155.5C1439.02,-155.5 1447.14,-155.5 1454.59,-155.5\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"1454.53,-159 1464.53,-155.5 1454.53,-152 1454.53,-159\"/>\n",
       "</g>\n",
       "<!-- 4934991120 -->\n",
       "<g id=\"node179\" class=\"node\">\n",
       "<title>4934991120</title>\n",
       "<polygon fill=\"none\" stroke=\"black\" points=\"313.5,-687.5 313.5,-723.5 494.25,-723.5 494.25,-687.5 313.5,-687.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"323.38\" y=\"-700.7\" font-family=\"Times,serif\" font-size=\"14.00\"> </text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"333.25,-688 333.25,-723.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"373.12\" y=\"-700.7\" font-family=\"Times,serif\" font-size=\"14.00\">data 0.8318</text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"413,-688 413,-723.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"453.62\" y=\"-700.7\" font-family=\"Times,serif\" font-size=\"14.00\">grad 0.0000</text>\n",
       "</g>\n",
       "<!-- 4934991120&#45;&gt;4862366096* -->\n",
       "<g id=\"edge163\" class=\"edge\">\n",
       "<title>4934991120&#45;&gt;4862366096*</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M494.68,-705.5C503.86,-705.5 512.78,-705.5 520.9,-705.5\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"520.65,-709 530.65,-705.5 520.65,-702 520.65,-709\"/>\n",
       "</g>\n",
       "<!-- 4948884816 -->\n",
       "<g id=\"node180\" class=\"node\">\n",
       "<title>4948884816</title>\n",
       "<polygon fill=\"none\" stroke=\"black\" points=\"1247.25,-673.5 1247.25,-709.5 1428,-709.5 1428,-673.5 1247.25,-673.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"1257.12\" y=\"-686.7\" font-family=\"Times,serif\" font-size=\"14.00\"> </text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"1267,-674 1267,-709.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"1306.88\" y=\"-686.7\" font-family=\"Times,serif\" font-size=\"14.00\">data 0.4332</text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"1346.75,-674 1346.75,-709.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"1387.38\" y=\"-686.7\" font-family=\"Times,serif\" font-size=\"14.00\">grad 0.0000</text>\n",
       "</g>\n",
       "<!-- 4948884816&#45;&gt;4949101904+ -->\n",
       "<g id=\"edge75\" class=\"edge\">\n",
       "<title>4948884816&#45;&gt;4949101904+</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M1373.1,-673.1C1399.69,-658.9 1436.13,-639.46 1461.68,-625.82\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"1463.06,-629.05 1470.24,-621.25 1459.77,-622.87 1463.06,-629.05\"/>\n",
       "</g>\n",
       "<!-- 4948884816+&#45;&gt;4948884816 -->\n",
       "<g id=\"edge67\" class=\"edge\">\n",
       "<title>4948884816+&#45;&gt;4948884816</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M1209.06,-703.13C1216.81,-702.42 1225.81,-701.6 1235.38,-700.73\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"1235.68,-704.21 1245.32,-699.82 1235.04,-697.24 1235.68,-704.21\"/>\n",
       "</g>\n",
       "<!-- 4948884880 -->\n",
       "<g id=\"node182\" class=\"node\">\n",
       "<title>4948884880</title>\n",
       "<polygon fill=\"none\" stroke=\"black\" points=\"2801.25,-274.5 2801.25,-310.5 2986.5,-310.5 2986.5,-274.5 2801.25,-274.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"2811.12\" y=\"-287.7\" font-family=\"Times,serif\" font-size=\"14.00\"> </text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"2821,-275 2821,-310.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"2863.12\" y=\"-287.7\" font-family=\"Times,serif\" font-size=\"14.00\">data &#45;0.3441</text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"2905.25,-275 2905.25,-310.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"2945.88\" y=\"-287.7\" font-family=\"Times,serif\" font-size=\"14.00\">grad 0.0000</text>\n",
       "</g>\n",
       "<!-- 4948884880&#45;&gt;4948871952+ -->\n",
       "<g id=\"edge82\" class=\"edge\">\n",
       "<title>4948884880&#45;&gt;4948871952+</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M2986.9,-308.67C2995.64,-310.21 3004.11,-311.7 3011.83,-313.05\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"3010.95,-316.45 3021.41,-314.74 3012.16,-309.56 3010.95,-316.45\"/>\n",
       "</g>\n",
       "<!-- 4948884880*&#45;&gt;4948884880 -->\n",
       "<g id=\"edge68\" class=\"edge\">\n",
       "<title>4948884880*&#45;&gt;4948884880</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M2765.66,-292.5C2772.7,-292.5 2780.75,-292.5 2789.3,-292.5\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"2789.29,-296 2799.29,-292.5 2789.29,-289 2789.29,-296\"/>\n",
       "</g>\n",
       "<!-- 4934991376 -->\n",
       "<g id=\"node184\" class=\"node\">\n",
       "<title>4934991376</title>\n",
       "<polygon fill=\"none\" stroke=\"black\" points=\"622.5,-412.5 622.5,-448.5 807.75,-448.5 807.75,-412.5 622.5,-412.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"632.38\" y=\"-425.7\" font-family=\"Times,serif\" font-size=\"14.00\"> </text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"642.25,-413 642.25,-448.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"684.38\" y=\"-425.7\" font-family=\"Times,serif\" font-size=\"14.00\">data &#45;0.9144</text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"726.5,-413 726.5,-448.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"767.12\" y=\"-425.7\" font-family=\"Times,serif\" font-size=\"14.00\">grad 0.0000</text>\n",
       "</g>\n",
       "<!-- 4934991376&#45;&gt;4948794128* -->\n",
       "<g id=\"edge194\" class=\"edge\">\n",
       "<title>4934991376&#45;&gt;4948794128*</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M779.53,-448.84C789.05,-451.89 798.7,-455.16 807.75,-458.5 817.59,-462.13 828.12,-466.52 837.65,-470.69\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"835.96,-473.77 846.52,-474.64 838.81,-467.38 835.96,-473.77\"/>\n",
       "</g>\n",
       "<!-- 4948885072 -->\n",
       "<g id=\"node185\" class=\"node\">\n",
       "<title>4948885072</title>\n",
       "<polygon fill=\"none\" stroke=\"black\" points=\"3426,-631.5 3426,-667.5 3606.75,-667.5 3606.75,-631.5 3426,-631.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"3435.88\" y=\"-644.7\" font-family=\"Times,serif\" font-size=\"14.00\"> </text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"3445.75,-632 3445.75,-667.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"3485.62\" y=\"-644.7\" font-family=\"Times,serif\" font-size=\"14.00\">data 0.9649</text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"3525.5,-632 3525.5,-667.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"3566.12\" y=\"-644.7\" font-family=\"Times,serif\" font-size=\"14.00\">grad 0.0000</text>\n",
       "</g>\n",
       "<!-- 4948885072&#45;&gt;4934976720* -->\n",
       "<g id=\"edge78\" class=\"edge\">\n",
       "<title>4948885072&#45;&gt;4934976720*</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M3607.18,-649.5C3616.36,-649.5 3625.28,-649.5 3633.4,-649.5\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"3633.15,-653 3643.15,-649.5 3633.15,-646 3633.15,-653\"/>\n",
       "</g>\n",
       "<!-- 4948885072tanh&#45;&gt;4948885072 -->\n",
       "<g id=\"edge69\" class=\"edge\">\n",
       "<title>4948885072tanh&#45;&gt;4948885072</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M3388.16,-649.5C3395.87,-649.5 3404.79,-649.5 3414.26,-649.5\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"3414.07,-653 3424.07,-649.5 3414.07,-646 3414.07,-653\"/>\n",
       "</g>\n",
       "<!-- 4948844176 -->\n",
       "<g id=\"node187\" class=\"node\">\n",
       "<title>4948844176</title>\n",
       "<polygon fill=\"none\" stroke=\"black\" points=\"1867.5,-137.5 1867.5,-173.5 2052.75,-173.5 2052.75,-137.5 1867.5,-137.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"1877.38\" y=\"-150.7\" font-family=\"Times,serif\" font-size=\"14.00\"> </text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"1887.25,-138 1887.25,-173.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"1929.38\" y=\"-150.7\" font-family=\"Times,serif\" font-size=\"14.00\">data &#45;3.4133</text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"1971.5,-138 1971.5,-173.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"2012.12\" y=\"-150.7\" font-family=\"Times,serif\" font-size=\"14.00\">grad 0.0000</text>\n",
       "</g>\n",
       "<!-- 4948844176&#45;&gt;4948849680+ -->\n",
       "<g id=\"edge192\" class=\"edge\">\n",
       "<title>4948844176&#45;&gt;4948849680+</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M2024.53,-173.84C2034.05,-176.89 2043.7,-180.16 2052.75,-183.5 2062.59,-187.13 2073.12,-191.52 2082.65,-195.69\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"2080.96,-198.77 2091.52,-199.64 2083.81,-192.38 2080.96,-198.77\"/>\n",
       "</g>\n",
       "<!-- 4948844176+&#45;&gt;4948844176 -->\n",
       "<g id=\"edge70\" class=\"edge\">\n",
       "<title>4948844176+&#45;&gt;4948844176</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M1831.91,-155.5C1838.95,-155.5 1847,-155.5 1855.55,-155.5\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"1855.54,-159 1865.54,-155.5 1855.54,-152 1855.54,-159\"/>\n",
       "</g>\n",
       "<!-- 4948778640 -->\n",
       "<g id=\"node189\" class=\"node\">\n",
       "<title>4948778640</title>\n",
       "<polygon fill=\"none\" stroke=\"black\" points=\"1869.75,-357.5 1869.75,-393.5 2050.5,-393.5 2050.5,-357.5 1869.75,-357.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"1879.62\" y=\"-370.7\" font-family=\"Times,serif\" font-size=\"14.00\"> </text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"1889.5,-358 1889.5,-393.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"1929.38\" y=\"-370.7\" font-family=\"Times,serif\" font-size=\"14.00\">data 0.1413</text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"1969.25,-358 1969.25,-393.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"2009.88\" y=\"-370.7\" font-family=\"Times,serif\" font-size=\"14.00\">grad 0.0000</text>\n",
       "</g>\n",
       "<!-- 4948778640&#45;&gt;4949122832* -->\n",
       "<g id=\"edge136\" class=\"edge\">\n",
       "<title>4948778640&#45;&gt;4949122832*</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M2050.93,-391.28C2060.48,-392.96 2069.76,-394.59 2078.14,-396.07\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"2077.39,-399.49 2087.85,-397.77 2078.61,-392.59 2077.39,-399.49\"/>\n",
       "</g>\n",
       "<!-- 4934991568 -->\n",
       "<g id=\"node190\" class=\"node\">\n",
       "<title>4934991568</title>\n",
       "<polygon fill=\"none\" stroke=\"black\" points=\"622.5,-742.5 622.5,-778.5 807.75,-778.5 807.75,-742.5 622.5,-742.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"632.38\" y=\"-755.7\" font-family=\"Times,serif\" font-size=\"14.00\"> </text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"642.25,-743 642.25,-778.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"684.38\" y=\"-755.7\" font-family=\"Times,serif\" font-size=\"14.00\">data &#45;0.3196</text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"726.5,-743 726.5,-778.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"767.12\" y=\"-755.7\" font-family=\"Times,serif\" font-size=\"14.00\">grad 0.0000</text>\n",
       "</g>\n",
       "<!-- 4934991568&#45;&gt;4948872272* -->\n",
       "<g id=\"edge185\" class=\"edge\">\n",
       "<title>4934991568&#45;&gt;4948872272*</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M808.15,-760.5C816.52,-760.5 824.64,-760.5 832.09,-760.5\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"832.03,-764 842.03,-760.5 832.03,-757 832.03,-764\"/>\n",
       "</g>\n",
       "<!-- 4934909712 -->\n",
       "<g id=\"node191\" class=\"node\">\n",
       "<title>4934909712</title>\n",
       "<polygon fill=\"none\" stroke=\"black\" points=\"311.25,-467.5 311.25,-503.5 496.5,-503.5 496.5,-467.5 311.25,-467.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"321.12\" y=\"-480.7\" font-family=\"Times,serif\" font-size=\"14.00\"> </text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"331,-468 331,-503.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"373.12\" y=\"-480.7\" font-family=\"Times,serif\" font-size=\"14.00\">data &#45;0.6670</text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"415.25,-468 415.25,-503.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"455.88\" y=\"-480.7\" font-family=\"Times,serif\" font-size=\"14.00\">grad 0.0000</text>\n",
       "</g>\n",
       "<!-- 4934909712&#45;&gt;4934907536+ -->\n",
       "<g id=\"edge142\" class=\"edge\">\n",
       "<title>4934909712&#45;&gt;4934907536+</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M468.28,-503.84C477.8,-506.89 487.45,-510.16 496.5,-513.5 506.34,-517.13 516.87,-521.52 526.4,-525.69\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"524.71,-528.77 535.27,-529.64 527.56,-522.38 524.71,-528.77\"/>\n",
       "</g>\n",
       "<!-- 4934909712*&#45;&gt;4934909712 -->\n",
       "<g id=\"edge71\" class=\"edge\">\n",
       "<title>4934909712*&#45;&gt;4934909712</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M275.66,-485.5C282.7,-485.5 290.75,-485.5 299.3,-485.5\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"299.29,-489 309.29,-485.5 299.29,-482 299.29,-489\"/>\n",
       "</g>\n",
       "<!-- 4949122832 -->\n",
       "<g id=\"node193\" class=\"node\">\n",
       "<title>4949122832</title>\n",
       "<polygon fill=\"none\" stroke=\"black\" points=\"2181,-384.5 2181,-420.5 2361.75,-420.5 2361.75,-384.5 2181,-384.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"2190.88\" y=\"-397.7\" font-family=\"Times,serif\" font-size=\"14.00\"> </text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"2200.75,-385 2200.75,-420.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"2240.62\" y=\"-397.7\" font-family=\"Times,serif\" font-size=\"14.00\">data 0.0702</text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"2280.5,-385 2280.5,-420.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"2321.12\" y=\"-397.7\" font-family=\"Times,serif\" font-size=\"14.00\">grad 0.0000</text>\n",
       "</g>\n",
       "<!-- 4949122832&#45;&gt;4949120784+ -->\n",
       "<g id=\"edge120\" class=\"edge\">\n",
       "<title>4949122832&#45;&gt;4949120784+</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M2362.18,-402.5C2371.36,-402.5 2380.28,-402.5 2388.4,-402.5\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"2388.15,-406 2398.15,-402.5 2388.15,-399 2388.15,-406\"/>\n",
       "</g>\n",
       "<!-- 4949122832*&#45;&gt;4949122832 -->\n",
       "<g id=\"edge72\" class=\"edge\">\n",
       "<title>4949122832*&#45;&gt;4949122832</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M2143.16,-402.5C2150.87,-402.5 2159.79,-402.5 2169.26,-402.5\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"2169.07,-406 2179.07,-402.5 2169.07,-399 2169.07,-406\"/>\n",
       "</g>\n",
       "<!-- 4949352272 -->\n",
       "<g id=\"node195\" class=\"node\">\n",
       "<title>4949352272</title>\n",
       "<polygon fill=\"none\" stroke=\"black\" points=\"624.75,-961.5 624.75,-997.5 805.5,-997.5 805.5,-961.5 624.75,-961.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"634.62\" y=\"-974.7\" font-family=\"Times,serif\" font-size=\"14.00\"> </text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"644.5,-962 644.5,-997.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"684.38\" y=\"-974.7\" font-family=\"Times,serif\" font-size=\"14.00\">data 2.0000</text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"724.25,-962 724.25,-997.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"764.88\" y=\"-974.7\" font-family=\"Times,serif\" font-size=\"14.00\">grad 0.0000</text>\n",
       "</g>\n",
       "<!-- 4949352272&#45;&gt;4949346768* -->\n",
       "<g id=\"edge162\" class=\"edge\">\n",
       "<title>4949352272&#45;&gt;4949346768*</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M805.93,-995.87C815.48,-997.61 824.76,-999.3 833.14,-1000.83\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"832.39,-1004.25 842.85,-1002.6 833.64,-997.36 832.39,-1004.25\"/>\n",
       "</g>\n",
       "<!-- 4948778832 -->\n",
       "<g id=\"node196\" class=\"node\">\n",
       "<title>4948778832</title>\n",
       "<polygon fill=\"none\" stroke=\"black\" points=\"1869.75,-962.5 1869.75,-998.5 2050.5,-998.5 2050.5,-962.5 1869.75,-962.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"1879.62\" y=\"-975.7\" font-family=\"Times,serif\" font-size=\"14.00\"> </text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"1889.5,-963 1889.5,-998.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"1929.38\" y=\"-975.7\" font-family=\"Times,serif\" font-size=\"14.00\">data 0.6836</text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"1969.25,-963 1969.25,-998.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"2009.88\" y=\"-975.7\" font-family=\"Times,serif\" font-size=\"14.00\">grad 0.0000</text>\n",
       "</g>\n",
       "<!-- 4948778832&#45;&gt;4934716176+ -->\n",
       "<g id=\"edge167\" class=\"edge\">\n",
       "<title>4948778832&#45;&gt;4934716176+</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M2034.86,-962C2041.06,-959.48 2047.11,-956.66 2052.75,-953.5 2067.78,-945.08 2082.2,-932.43 2093.35,-921.28\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"2095.72,-923.86 2100.14,-914.23 2090.68,-919 2095.72,-923.86\"/>\n",
       "</g>\n",
       "<!-- 4949041040 -->\n",
       "<g id=\"node197\" class=\"node\">\n",
       "<title>4949041040</title>\n",
       "<polygon fill=\"none\" stroke=\"black\" points=\"2178.75,-494.5 2178.75,-530.5 2364,-530.5 2364,-494.5 2178.75,-494.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"2188.62\" y=\"-507.7\" font-family=\"Times,serif\" font-size=\"14.00\"> </text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"2198.5,-495 2198.5,-530.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"2240.62\" y=\"-507.7\" font-family=\"Times,serif\" font-size=\"14.00\">data &#45;0.4290</text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"2282.75,-495 2282.75,-530.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"2323.38\" y=\"-507.7\" font-family=\"Times,serif\" font-size=\"14.00\">grad 0.0000</text>\n",
       "</g>\n",
       "<!-- 4949041040&#45;&gt;4949035536+ -->\n",
       "<g id=\"edge90\" class=\"edge\">\n",
       "<title>4949041040&#45;&gt;4949035536+</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M2364.4,-512.5C2372.77,-512.5 2380.89,-512.5 2388.34,-512.5\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"2388.28,-516 2398.28,-512.5 2388.28,-509 2388.28,-516\"/>\n",
       "</g>\n",
       "<!-- 4949041040*&#45;&gt;4949041040 -->\n",
       "<g id=\"edge73\" class=\"edge\">\n",
       "<title>4949041040*&#45;&gt;4949041040</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M2142.12,-535.88C2149.45,-534.54 2157.94,-532.99 2166.99,-531.34\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"2167.56,-534.8 2176.77,-529.56 2166.31,-527.91 2167.56,-534.8\"/>\n",
       "</g>\n",
       "<!-- 4948795344 -->\n",
       "<g id=\"node199\" class=\"node\">\n",
       "<title>4948795344</title>\n",
       "<polygon fill=\"none\" stroke=\"black\" points=\"0,-440.5 0,-476.5 185.25,-476.5 185.25,-440.5 0,-440.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"9.88\" y=\"-453.7\" font-family=\"Times,serif\" font-size=\"14.00\"> </text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"19.75,-441 19.75,-476.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"61.88\" y=\"-453.7\" font-family=\"Times,serif\" font-size=\"14.00\">data &#45;0.3335</text>\n",
       "<polyline fill=\"none\" stroke=\"black\" points=\"104,-441 104,-476.5\"/>\n",
       "<text text-anchor=\"middle\" x=\"144.62\" y=\"-453.7\" font-family=\"Times,serif\" font-size=\"14.00\">grad 0.0000</text>\n",
       "</g>\n",
       "<!-- 4948795344&#45;&gt;4934909712* -->\n",
       "<g id=\"edge182\" class=\"edge\">\n",
       "<title>4948795344&#45;&gt;4934909712*</title>\n",
       "<path fill=\"none\" stroke=\"black\" d=\"M185.65,-474.67C194.39,-476.21 202.86,-477.7 210.58,-479.05\"/>\n",
       "<polygon fill=\"black\" stroke=\"black\" points=\"209.7,-482.45 220.16,-480.74 210.91,-475.56 209.7,-482.45\"/>\n",
       "</g>\n",
       "</g>\n",
       "</svg>\n"
      ],
      "text/plain": [
       "<graphviz.graphs.Digraph at 0x12625e510>"
      ]
     },
     "execution_count": 123,
     "metadata": {},
     "output_type": "execute_result"
    }
   ],
   "source": [
    "draw_dot(n(x)) #print the entire mlp. this will be huge :)"
   ]
  },
  {
   "cell_type": "markdown",
   "id": "69b68a79-e739-4c5d-ae50-aa88be7cc01f",
   "metadata": {},
   "source": [
    "## We just made a huge Multi-Layer Perceptron with PyTorch, using the same forward pass and backward pass principles from before. Now, we'll make a dataset and see how this would be run at a larger scale."
   ]
  }
 ],
 "metadata": {
  "kernelspec": {
   "display_name": "Python 3 (ipykernel)",
   "language": "python",
   "name": "python3"
  },
  "language_info": {
   "codemirror_mode": {
    "name": "ipython",
    "version": 3
   },
   "file_extension": ".py",
   "mimetype": "text/x-python",
   "name": "python",
   "nbconvert_exporter": "python",
   "pygments_lexer": "ipython3",
   "version": "3.11.4"
  }
 },
 "nbformat": 4,
 "nbformat_minor": 5
}