|
@@ -0,0 +1,22001 @@
|
|
|
+{
|
|
|
+ "cells": [
|
|
|
+ {
|
|
|
+ "cell_type": "code",
|
|
|
+ "execution_count": 1,
|
|
|
+ "id": "5fee9b7a",
|
|
|
+ "metadata": {},
|
|
|
+ "outputs": [],
|
|
|
+ "source": [
|
|
|
+ "%matplotlib inline\n",
|
|
|
+ "import os\n",
|
|
|
+ "import time\n",
|
|
|
+ "import jax\n",
|
|
|
+ "import jax.numpy as jnp\n",
|
|
|
+ "import optax\n",
|
|
|
+ "import matplotlib.pyplot as plt\n",
|
|
|
+ "from tqdm import trange\n",
|
|
|
+ "from jax import jvp, value_and_grad\n",
|
|
|
+ "from flax import linen as nn\n",
|
|
|
+ "from typing import Sequence\n",
|
|
|
+ "from functools import partial\n",
|
|
|
+ "#from jax import jvp, vjp\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "cell_type": "code",
|
|
|
+ "execution_count": 2,
|
|
|
+ "id": "b2db3a40",
|
|
|
+ "metadata": {},
|
|
|
+ "outputs": [],
|
|
|
+ "source": [
|
|
|
+ "class CPPINN(nn.Module):\n",
|
|
|
+ " features: Sequence[int]\n",
|
|
|
+ " \n",
|
|
|
+ " #bases = [bases_x,bases_y,bases_z]\n",
|
|
|
+ " @nn.compact\n",
|
|
|
+ " def __call__(self, a, b, c, d,e):\n",
|
|
|
+ " inputs, outputs = [a, b, c, d,e], []\n",
|
|
|
+ " init = nn.initializers.xavier_uniform()\n",
|
|
|
+ " #s = 0\n",
|
|
|
+ " for X in inputs:\n",
|
|
|
+ " #print(s)\n",
|
|
|
+ " #s = s+1\n",
|
|
|
+ " for fs in self.features[:-1]:\n",
|
|
|
+ " X = nn.Dense(fs, kernel_init=init)(X)\n",
|
|
|
+ " X = nn.activation.tanh(X)\n",
|
|
|
+ " X = nn.Dense(self.features[-1], kernel_init=init)(X)\n",
|
|
|
+ " \n",
|
|
|
+ " outputs += [jnp.transpose(X, (1, 0))]\n",
|
|
|
+ "\n",
|
|
|
+ " #xy = jnp.einsum('fx, fy->fxy', outputs[0], outputs[1])\n",
|
|
|
+ " return jnp.einsum('ra, rb,rc,rd,re->abcde', outputs[0], outputs[1],outputs[2],outputs[3],outputs[4])\n",
|
|
|
+ "class TTPINN(nn.Module):\n",
|
|
|
+ " features: Sequence[int]\n",
|
|
|
+ " \n",
|
|
|
+ " #bases = [bases_x,bases_y,bases_z]\n",
|
|
|
+ " @nn.compact\n",
|
|
|
+ " def __call__(self, a, b, c, d,e):\n",
|
|
|
+ " inputs, outputs = [a, b, c, d,e], []\n",
|
|
|
+ " init = nn.initializers.xavier_uniform()\n",
|
|
|
+ " for i,X in enumerate(inputs):\n",
|
|
|
+ " for fs in self.features[:-1]:\n",
|
|
|
+ " X = nn.Dense(fs, kernel_init=init)(X)\n",
|
|
|
+ " X = nn.activation.tanh(X)\n",
|
|
|
+ " if i!=0 and i!=4:\n",
|
|
|
+ " X = nn.DenseGeneral((self.features[-1],self.features[-1]), kernel_init=init)(X)\n",
|
|
|
+ " else:\n",
|
|
|
+ " X = nn.Dense(self.features[-1], kernel_init=init)(X)\n",
|
|
|
+ " outputs += [X]\n",
|
|
|
+ " return jnp.einsum('a1,b12,c23,d34,e4->abcde',outputs[0],outputs[1],outputs[2],outputs[3],outputs[4])\n",
|
|
|
+ " \n",
|
|
|
+ " \n",
|
|
|
+ "class TuckerPINN(nn.Module):\n",
|
|
|
+ " features: Sequence[int]\n",
|
|
|
+ " \n",
|
|
|
+ " def setup(self):\n",
|
|
|
+ " # Initialize learnable parameters\n",
|
|
|
+ " #self.centres = self.param('centres', nn.initializers.uniform(1.01), (self.out_features, 1))\n",
|
|
|
+ " self.core = self.param(\"core\",nn.initializers.orthogonal(),(self.features[-1],self.features[-1],self.features[-1],self.features[-1],self.features[-1]))\n",
|
|
|
+ "\n",
|
|
|
+ " @nn.compact\n",
|
|
|
+ " def __call__(self, a,b,c,d,e):\n",
|
|
|
+ " inputs, outputs = [a,b,c,d,e], []\n",
|
|
|
+ " init = nn.initializers.xavier_normal()\n",
|
|
|
+ " for X in inputs:\n",
|
|
|
+ " for fs in self.features[:-1]:\n",
|
|
|
+ " X = nn.Dense(fs, kernel_init=init)(X)\n",
|
|
|
+ " X = nn.activation.tanh(X)\n",
|
|
|
+ " X = nn.Dense(self.features[-1], kernel_init=init)(X)\n",
|
|
|
+ " \n",
|
|
|
+ " outputs += [jnp.transpose(X, (1, 0))]\n",
|
|
|
+ " #mid = jnp.einsum(\"fx,fy->fxy\",outputs[0],outputs[1])\n",
|
|
|
+ " return jnp.einsum(\"klmno,ka,lb,mc,nd,oe->abcde\",self.core,outputs[0],outputs[1],outputs[2],outputs[3],outputs[4])\n",
|
|
|
+ " \n",
|
|
|
+ " \n",
|
|
|
+ " \n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "cell_type": "code",
|
|
|
+ "execution_count": 3,
|
|
|
+ "id": "9ed5b134",
|
|
|
+ "metadata": {},
|
|
|
+ "outputs": [],
|
|
|
+ "source": [
|
|
|
+ "def hvp_fwdfwd(f, primals, tangents, return_primals=False):\n",
|
|
|
+ " g = lambda primals: jvp(f, (primals,), tangents)[1]\n",
|
|
|
+ " primals_out, tangents_out = jvp(g, primals, tangents)\n",
|
|
|
+ " if return_primals:\n",
|
|
|
+ " return primals_out, tangents_out\n",
|
|
|
+ " else:\n",
|
|
|
+ " return tangents_out\n",
|
|
|
+ " \n",
|
|
|
+ "\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "cell_type": "code",
|
|
|
+ "execution_count": 4,
|
|
|
+ "id": "bd7e36fa",
|
|
|
+ "metadata": {},
|
|
|
+ "outputs": [],
|
|
|
+ "source": [
|
|
|
+ "def loss_poisson(apply_fn, *train_data):\n",
|
|
|
+ " def residual_loss(params,a,b,c,d,e,source):\n",
|
|
|
+ " \n",
|
|
|
+ " u = apply_fn(params,a,b,c,d,e)\n",
|
|
|
+ " # tangent vector dx/dx\n",
|
|
|
+ " #v_f = jnp.ones(f.shape)\n",
|
|
|
+ " v_a = jnp.ones(a.shape)\n",
|
|
|
+ " v_b = jnp.ones(b.shape)\n",
|
|
|
+ " v_c = jnp.ones(c.shape)\n",
|
|
|
+ " v_d = jnp.ones(d.shape)\n",
|
|
|
+ " v_e = jnp.ones(e.shape)\n",
|
|
|
+ " #source = 0\n",
|
|
|
+ " #for i in [a,b,c,d,e,t]:\n",
|
|
|
+ " #source = source + jnp.sin(jnp.pi/2 * i)\n",
|
|
|
+ "\n",
|
|
|
+ " uaa = hvp_fwdfwd(lambda a: apply_fn(params,a,b,c,d,e), (a,), (v_a,))\n",
|
|
|
+ " ubb = hvp_fwdfwd(lambda b: apply_fn(params,a,b,c,d,e), (b,), (v_b,))\n",
|
|
|
+ " ucc = hvp_fwdfwd(lambda c: apply_fn(params,a,b,c,d,e), (c,), (v_c,))\n",
|
|
|
+ " udd = hvp_fwdfwd(lambda d: apply_fn(params,a,b,c,d,e), (d,), (v_d,))\n",
|
|
|
+ " uee = hvp_fwdfwd(lambda e: apply_fn(params,a,b,c,d,e), (e,), (v_e,))\n",
|
|
|
+ " #uff = hvp_fwdfwd(lambda t: apply_fn(params,a,b,c,d,e,f), (f,), (v_f,))\n",
|
|
|
+ " nabla_u = uaa + ubb + ucc + udd + uee \n",
|
|
|
+ " return jnp.mean((nabla_u + source)**2)\n",
|
|
|
+ " def boundary_loss(params,a,b,c,d,e,u):\n",
|
|
|
+ " loss = 0\n",
|
|
|
+ " for i in range(10):\n",
|
|
|
+ " loss += jnp.mean((apply_fn(params,a[i],b[i],c[i],d[i],e[i])-u[i])**2)\n",
|
|
|
+ " return loss\n",
|
|
|
+ " ac,bc,cc,dc,ec,source_term,ab,bb,cb,db,eb,ub = train_data\n",
|
|
|
+ " loss_fn = lambda params: residual_loss(params,ac,bc,cc,dc,ec,source_term ) + boundary_loss(params,ab,bb,cb,db,eb,ub)\n",
|
|
|
+ " return loss_fn\n",
|
|
|
+ "\n",
|
|
|
+ "\n",
|
|
|
+ "# optimizer step function\n",
|
|
|
+ "@partial(jax.jit, static_argnums=(0,))\n",
|
|
|
+ "def update_model(optim, gradient, params, state):\n",
|
|
|
+ " updates, state = optim.update(gradient, state)\n",
|
|
|
+ " params = optax.apply_updates(params, updates)\n",
|
|
|
+ " return params, state\n",
|
|
|
+ "\n",
|
|
|
+ " "
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "cell_type": "code",
|
|
|
+ "execution_count": 5,
|
|
|
+ "id": "78f894c9",
|
|
|
+ "metadata": {},
|
|
|
+ "outputs": [],
|
|
|
+ "source": [
|
|
|
+ "def poisson_exact(a,b,c,d,e):\n",
|
|
|
+ " sol = 0\n",
|
|
|
+ " for i in [a,b,c,d,e]:\n",
|
|
|
+ " sol += jnp.sin((jnp.pi/2) * i) \n",
|
|
|
+ " return sol\n",
|
|
|
+ "\n",
|
|
|
+ "def relative_l2(u, u_gt):\n",
|
|
|
+ " return jnp.linalg.norm(u-u_gt)/jnp.linalg.norm(u_gt)"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "cell_type": "code",
|
|
|
+ "execution_count": 6,
|
|
|
+ "id": "78e5c4ef",
|
|
|
+ "metadata": {},
|
|
|
+ "outputs": [],
|
|
|
+ "source": [
|
|
|
+ "def train_generator(nc,key):\n",
|
|
|
+ " keys = jax.random.split(key, 6)\n",
|
|
|
+ " ac = jax.random.uniform(keys[0], (nc,), minval=0., maxval=1.)\n",
|
|
|
+ " bc = jax.random.uniform(keys[1], (nc,), minval=0., maxval=1.)\n",
|
|
|
+ " cc = jax.random.uniform(keys[2], (nc,), minval=0., maxval=1.)\n",
|
|
|
+ " dc = jax.random.uniform(keys[3], (nc,), minval=0., maxval=1.)\n",
|
|
|
+ " ec = jax.random.uniform(keys[4], (nc,), minval=0., maxval=1.)\n",
|
|
|
+ " #fc = jax.random.uniform(keys[5], (nc,), minval=0., maxval=1.)\n",
|
|
|
+ " \n",
|
|
|
+ " acm,bcm,ccm,dcm,ecm = jnp.meshgrid(ac,bc,cc,dc,ec, indexing='ij')\n",
|
|
|
+ " source_term = 0\n",
|
|
|
+ " for i in [acm,bcm,ccm,dcm,ecm]:\n",
|
|
|
+ " source_term = source_term + ((jnp.pi*jnp.pi/4) * jnp.sin((jnp.pi/2) * i))\n",
|
|
|
+ " \n",
|
|
|
+ " #print(\"Soucr shape: \",source_term.shape)\n",
|
|
|
+ "\n",
|
|
|
+ " ac = ac.reshape(-1, 1)\n",
|
|
|
+ " bc = bc.reshape(-1, 1)\n",
|
|
|
+ " cc = cc.reshape(-1, 1)\n",
|
|
|
+ " dc = dc.reshape(-1, 1)\n",
|
|
|
+ " ec = ec.reshape(-1, 1)\n",
|
|
|
+ " #fc = fc.reshape(-1, 1) \n",
|
|
|
+ " \n",
|
|
|
+ " \n",
|
|
|
+ " ab = [jnp.array([[0.]]), jnp.array([[1.]]),ac,ac,ac,ac,ac,ac,ac,ac]\n",
|
|
|
+ " bb = [bc,bc,jnp.array([[0.]]), jnp.array([[1.]]),bc,bc,bc,bc,bc,bc]\n",
|
|
|
+ " cb = [cc,cc,cc,cc,jnp.array([[0.]]), jnp.array([[1.]]),cc,cc,cc,cc]\n",
|
|
|
+ " db = [dc,dc,dc,dc,dc,dc,jnp.array([[0.]]), jnp.array([[1.]]),dc,dc]\n",
|
|
|
+ " eb = [ec,ec,ec,ec,ec,ec,ec,ec,jnp.array([[0.]]), jnp.array([[1.]])]\n",
|
|
|
+ " #fb = [fc,fc,fc,fc,fc,fc,fc,fc,fc,fc,jnp.array([[0.]]), jnp.array([[1.]])]\n",
|
|
|
+ " ub = []\n",
|
|
|
+ " for i in range(10):\n",
|
|
|
+ " abm,bbm,cbm,dbm,ebm = jnp.meshgrid(ab[i].ravel(),bb[i].ravel(),cb[i].ravel(),db[i].ravel(),eb[i].ravel(), indexing = \"ij\")\n",
|
|
|
+ " ub += [poisson_exact(abm,bbm,cbm,dbm,ebm)]\n",
|
|
|
+ " \n",
|
|
|
+ " return ac,bc,cc,dc,ec,source_term,ab,bb,cb,db,eb,ub \n",
|
|
|
+ "def test_generator(nc_test):\n",
|
|
|
+ " a = jnp.linspace(0,1,nc_test)\n",
|
|
|
+ " b = jnp.linspace(0,1,nc_test)\n",
|
|
|
+ " c = jnp.linspace(0,1,nc_test)\n",
|
|
|
+ " d = jnp.linspace(0,1,nc_test)\n",
|
|
|
+ " e = jnp.linspace(0,1,nc_test)\n",
|
|
|
+ " #f = jnp.linspace(0,1,nc_test)\n",
|
|
|
+ " \n",
|
|
|
+ " am,bm,cm,dm,em = jnp.meshgrid(a,b,c,d,e, indexing='ij')\n",
|
|
|
+ " \n",
|
|
|
+ " u_gt = poisson_exact(am,bm,cm,dm,em)\n",
|
|
|
+ " \n",
|
|
|
+ " a = a.reshape(-1,1)\n",
|
|
|
+ " b = b.reshape(-1,1)\n",
|
|
|
+ " c = c.reshape(-1,1)\n",
|
|
|
+ " d = d.reshape(-1,1)\n",
|
|
|
+ " e = e.reshape(-1,1)\n",
|
|
|
+ " #f = f.reshape(-1,1)\n",
|
|
|
+ " \n",
|
|
|
+ " return a,b,c,d,e,am,bm,cm,dm,em,u_gt\n",
|
|
|
+ "\n",
|
|
|
+ "\n",
|
|
|
+ " \n",
|
|
|
+ " "
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "cell_type": "code",
|
|
|
+ "execution_count": 7,
|
|
|
+ "id": "0064839a",
|
|
|
+ "metadata": {},
|
|
|
+ "outputs": [],
|
|
|
+ "source": [
|
|
|
+ "def main(mode,NC, NI, NB, NC_TEST, SEED, LR, EPOCHS, N_LAYERS, FEATURES, LOG_ITER):\n",
|
|
|
+ " # force jax to use one device\n",
|
|
|
+ " os.environ[\"CUDA_VISIBLE_DEVICES\"]=\"0\"\n",
|
|
|
+ " os.environ[\"XLA_PYTHON_CLIENT_PREALLOCATE\"]=\"false\"\n",
|
|
|
+ "\n",
|
|
|
+ " # random key\n",
|
|
|
+ " key = jax.random.PRNGKey(SEED)\n",
|
|
|
+ " key, subkey = jax.random.split(key, 2)\n",
|
|
|
+ "\n",
|
|
|
+ " # feature sizes\n",
|
|
|
+ " feat_sizes = tuple(FEATURES for _ in range(N_LAYERS))\n",
|
|
|
+ "\n",
|
|
|
+ " #model = RBFPINN(FEATURES,linear)\n",
|
|
|
+ " # make & init model\n",
|
|
|
+ " if mode == \"CPPINN\":\n",
|
|
|
+ " model = CPPINN(feat_sizes)\n",
|
|
|
+ " elif mode == \"TTPINN\":\n",
|
|
|
+ " model = TTPINN(feat_sizes)\n",
|
|
|
+ " elif mode == \"TuckerPINN\":\n",
|
|
|
+ " model = TuckerPINN(feat_sizes)\n",
|
|
|
+ " params = model.init(subkey, jax.random.uniform(key,(NC, 1)), jax.random.uniform(key,(NC, 1)),jax.random.uniform(key,(NC, 1)),jax.random.uniform(key,(NC, 1)),jax.random.uniform(key,(NC, 1)))\n",
|
|
|
+ " # optimizer\n",
|
|
|
+ " optim = optax.adam(LR)\n",
|
|
|
+ " state = optim.init(params)\n",
|
|
|
+ " \n",
|
|
|
+ " key, subkey = jax.random.split(key, 2)\n",
|
|
|
+ " train_data = train_generator(NC, subkey)\n",
|
|
|
+ " \n",
|
|
|
+ " a,b,c,d,e,am,bm,cm,dm,em,u_gt = test_generator(NC_TEST)\n",
|
|
|
+ " #print(u_gt.shape)\n",
|
|
|
+ " logger = []\n",
|
|
|
+ " \n",
|
|
|
+ " apply_fn = jax.jit(model.apply)\n",
|
|
|
+ " #print(len(*train_data))\n",
|
|
|
+ " loss_fn = loss_poisson(apply_fn, *train_data)\n",
|
|
|
+ " print(loss_fn)\n",
|
|
|
+ " \n",
|
|
|
+ " @jax.jit\n",
|
|
|
+ " def train_one_step(params, state):\n",
|
|
|
+ " # compute loss and gradient\n",
|
|
|
+ " loss, gradient = value_and_grad(loss_fn)(params)\n",
|
|
|
+ " # update state\n",
|
|
|
+ " params, state = update_model(optim, gradient, params, state)\n",
|
|
|
+ " return loss, params, state\n",
|
|
|
+ " \n",
|
|
|
+ " start = time.time()\n",
|
|
|
+ " \n",
|
|
|
+ " for iters in trange(1, EPOCHS+1):\n",
|
|
|
+ " # single run\n",
|
|
|
+ " loss, params, state = train_one_step(params, state)\n",
|
|
|
+ " #print(\"its all good until,\",e)\n",
|
|
|
+ " if iters % LOG_ITER == 0 or iters == 1:\n",
|
|
|
+ " #print(e)\n",
|
|
|
+ " u = apply_fn(params,a,b,c,d,e)\n",
|
|
|
+ " \n",
|
|
|
+ " error = relative_l2(u, u_gt)\n",
|
|
|
+ " print(f'Epoch: {iters}/{EPOCHS} --> loss: {loss:.8f}, error: {error:.8f}')\n",
|
|
|
+ " logger.append([iters,loss,error])\n",
|
|
|
+ " #print('Solution:')\n",
|
|
|
+ " #u = apply_fn(params, x,y,z)\n",
|
|
|
+ " #plotter(xm,ym,zm,u)\n",
|
|
|
+ " \n",
|
|
|
+ " end = time.time()\n",
|
|
|
+ " print(f'Runtime: {((end-start)/EPOCHS*1000):.2f} ms/iter.')\n",
|
|
|
+ "\n",
|
|
|
+ " #print('Solution:')\n",
|
|
|
+ " #äu = apply_fn(params, x,y,z)\n",
|
|
|
+ " #plotter(xm,ym,zm,u)\n",
|
|
|
+ " return logger\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "cell_type": "code",
|
|
|
+ "execution_count": 8,
|
|
|
+ "id": "f83644e2",
|
|
|
+ "metadata": {},
|
|
|
+ "outputs": [
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "2024-06-12 11:27:36.567754: W external/xla/xla/service/gpu/nvptx_compiler.cc:760] The NVIDIA driver's CUDA version is 12.2 which is older than the ptxas CUDA version (12.5.40). Because the driver is older than the ptxas version, XLA is disabling parallel compilation, which may slow down compilation. You should update your NVIDIA driver or use the NVIDIA-provided CUDA forward compatibility packages.\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "<function loss_poisson.<locals>.<lambda> at 0x7efb941e39c0>\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 0%| | 25/80000 [00:10<6:54:56, 3.21it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 1/80000 --> loss: 73.37992096, error: 0.99991661\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 6%|█████▌ | 5022/80000 [00:30<05:10, 241.86it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 5000/80000 --> loss: 0.01108064, error: 0.17494334\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 13%|██████████▉ | 10047/80000 [00:50<04:29, 260.00it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 10000/80000 --> loss: 0.02779304, error: 0.26750535\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 19%|████████████████▎ | 15035/80000 [01:10<04:06, 263.12it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 15000/80000 --> loss: 0.00336808, error: 0.15429279\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 25%|█████████████████████▊ | 20039/80000 [01:31<04:24, 226.42it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 20000/80000 --> loss: 0.00126985, error: 0.09762570\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 31%|███████████████████████████▏ | 25037/80000 [01:51<03:47, 241.18it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 25000/80000 --> loss: 0.00106328, error: 0.07395156\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 38%|████████████████████████████████▋ | 30039/80000 [02:13<03:10, 261.60it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 30000/80000 --> loss: 0.00067216, error: 0.06847223\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 44%|██████████████████████████████████████ | 35019/80000 [02:34<04:09, 180.38it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 35000/80000 --> loss: 0.00896472, error: 0.05443084\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 50%|███████████████████████████████████████████▌ | 40041/80000 [02:55<02:43, 244.73it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 40000/80000 --> loss: 0.00016538, error: 0.07235554\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 56%|████████████████████████████████████████████████▉ | 45051/80000 [03:15<02:18, 252.95it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 45000/80000 --> loss: 0.00013811, error: 0.08078795\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 63%|██████████████████████████████████████████████████████▍ | 50030/80000 [03:35<02:20, 212.59it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 50000/80000 --> loss: 0.00012048, error: 0.08825949\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 69%|███████████████████████████████████████████████████████████▊ | 55028/80000 [03:57<02:09, 193.07it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 55000/80000 --> loss: 0.00010529, error: 0.09537643\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 75%|█████████████████████████████████████████████████████████████████▎ | 60045/80000 [04:20<01:21, 245.99it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 60000/80000 --> loss: 0.00024248, error: 0.10090642\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 81%|██████████████████████████████████████████████████████████████████████▋ | 65040/80000 [04:41<01:02, 238.85it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 65000/80000 --> loss: 0.00032162, error: 0.10354331\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 88%|████████████████████████████████████████████████████████████████████████████▏ | 70049/80000 [05:01<00:38, 259.67it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 70000/80000 --> loss: 0.00008225, error: 0.10996926\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 94%|█████████████████████████████████████████████████████████████████████████████████▌ | 75030/80000 [05:21<00:20, 247.23it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 75000/80000 --> loss: 0.00007818, error: 0.11272150\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "100%|███████████████████████████████████████████████████████████████████████████████████████| 80000/80000 [05:42<00:00, 233.88it/s]\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 80000/80000 --> loss: 0.00007414, error: 0.11545516\n",
|
|
|
+ "Runtime: 4.28 ms/iter.\n",
|
|
|
+ "<function loss_poisson.<locals>.<lambda> at 0x7efb9405a8e0>\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 0%| | 29/80000 [00:09<5:10:16, 4.30it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 1/80000 --> loss: 70.25621033, error: 0.99982649\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 6%|█████▌ | 5042/80000 [00:30<05:32, 225.53it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 5000/80000 --> loss: 0.00661923, error: 0.61806887\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 13%|██████████▉ | 10044/80000 [00:51<04:28, 260.87it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 10000/80000 --> loss: 0.00247230, error: 0.43392652\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 19%|████████████████▎ | 15031/80000 [01:11<04:11, 258.11it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 15000/80000 --> loss: 0.00093180, error: 0.23548518\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 25%|█████████████████████▊ | 20035/80000 [01:30<03:52, 257.77it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 20000/80000 --> loss: 0.00044429, error: 0.15038651\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 31%|███████████████████████████▏ | 25043/80000 [01:50<03:33, 257.83it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 25000/80000 --> loss: 0.00163372, error: 0.11389064\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 38%|████████████████████████████████▋ | 30030/80000 [02:09<03:14, 256.99it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 30000/80000 --> loss: 0.00013692, error: 0.12747999\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 44%|██████████████████████████████████████ | 35039/80000 [02:29<02:55, 255.48it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 35000/80000 --> loss: 0.00011111, error: 0.13291767\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 50%|███████████████████████████████████████████▌ | 40027/80000 [02:48<03:00, 221.46it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 40000/80000 --> loss: 0.00226471, error: 0.12515765\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 56%|████████████████████████████████████████████████▉ | 45044/80000 [03:08<02:15, 257.25it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 45000/80000 --> loss: 0.00008780, error: 0.13539955\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 63%|██████████████████████████████████████████████████████▍ | 50034/80000 [03:28<01:56, 257.62it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 50000/80000 --> loss: 0.00008373, error: 0.13544206\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 69%|███████████████████████████████████████████████████████████▊ | 55037/80000 [03:47<01:37, 255.86it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 55000/80000 --> loss: 0.00007670, error: 0.13476233\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 75%|█████████████████████████████████████████████████████████████████▎ | 60050/80000 [04:06<01:17, 257.15it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 60000/80000 --> loss: 0.00007664, error: 0.13482678\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 81%|██████████████████████████████████████████████████████████████████████▋ | 65030/80000 [04:26<00:58, 256.48it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 65000/80000 --> loss: 0.00071698, error: 0.14523122\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 88%|████████████████████████████████████████████████████████████████████████████▏ | 70032/80000 [04:45<00:39, 253.66it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 70000/80000 --> loss: 0.00006667, error: 0.13592836\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 94%|█████████████████████████████████████████████████████████████████████████████████▌ | 75036/80000 [05:04<00:19, 253.79it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 75000/80000 --> loss: 0.00057195, error: 0.13988957\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "100%|███████████████████████████████████████████████████████████████████████████████████████| 80000/80000 [05:24<00:00, 246.69it/s]\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 80000/80000 --> loss: 0.00014873, error: 0.13850641\n",
|
|
|
+ "Runtime: 4.05 ms/iter.\n",
|
|
|
+ "<function loss_poisson.<locals>.<lambda> at 0x7efb941e3ec0>\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 0%| | 29/80000 [00:05<3:10:31, 7.00it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 1/80000 --> loss: 77.69126892, error: 0.99999797\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 6%|█████▌ | 5050/80000 [00:24<04:49, 259.28it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 5000/80000 --> loss: 0.00952184, error: 0.50421172\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 13%|██████████▉ | 10020/80000 [00:47<05:22, 216.72it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 10000/80000 --> loss: 0.00338423, error: 0.42293245\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 19%|████████████████▎ | 15032/80000 [01:11<04:15, 254.08it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 15000/80000 --> loss: 0.00208810, error: 0.27508247\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 25%|█████████████████████▊ | 20042/80000 [01:34<03:53, 256.25it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 20000/80000 --> loss: 0.00077899, error: 0.13485901\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 31%|███████████████████████████▏ | 25039/80000 [01:55<03:39, 250.66it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 25000/80000 --> loss: 0.00017531, error: 0.06369449\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 38%|████████████████████████████████▋ | 30030/80000 [02:15<03:18, 252.14it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 30000/80000 --> loss: 0.00012174, error: 0.05206678\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 44%|██████████████████████████████████████ | 35036/80000 [02:37<03:10, 235.92it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 35000/80000 --> loss: 0.00130996, error: 0.03732643\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 50%|███████████████████████████████████████████▌ | 40049/80000 [02:59<02:38, 252.48it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 40000/80000 --> loss: 0.00008660, error: 0.03556021\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 56%|████████████████████████████████████████████████▉ | 45050/80000 [03:18<02:21, 246.21it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 45000/80000 --> loss: 0.00008039, error: 0.03296099\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 63%|██████████████████████████████████████████████████████▍ | 50040/80000 [03:39<01:55, 259.92it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 50000/80000 --> loss: 0.00007738, error: 0.03253655\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 69%|███████████████████████████████████████████████████████████▊ | 55041/80000 [03:59<01:46, 234.63it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 55000/80000 --> loss: 0.00007616, error: 0.03425938\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 75%|█████████████████████████████████████████████████████████████████▎ | 60029/80000 [04:20<01:17, 256.75it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 60000/80000 --> loss: 0.00007443, error: 0.03821849\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 81%|██████████████████████████████████████████████████████████████████████▋ | 65037/80000 [04:40<00:58, 255.83it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 65000/80000 --> loss: 0.00008386, error: 0.04414233\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 88%|████████████████████████████████████████████████████████████████████████████▏ | 70044/80000 [05:00<00:39, 255.10it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 70000/80000 --> loss: 0.00009654, error: 0.04868641\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 94%|█████████████████████████████████████████████████████████████████████████████████▌ | 75031/80000 [05:21<00:19, 256.30it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 75000/80000 --> loss: 0.00006712, error: 0.05658891\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "100%|███████████████████████████████████████████████████████████████████████████████████████| 80000/80000 [05:41<00:00, 234.47it/s]\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 80000/80000 --> loss: 0.00154803, error: 0.05445088\n",
|
|
|
+ "Runtime: 4.27 ms/iter.\n",
|
|
|
+ "<function loss_poisson.<locals>.<lambda> at 0x7efac47c4a40>\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 0%| | 29/80000 [00:05<2:57:07, 7.52it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 1/80000 --> loss: 62.56484985, error: 1.00002694\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 6%|█████▌ | 5041/80000 [00:24<04:46, 261.37it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 5000/80000 --> loss: 0.00678767, error: 0.37675500\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 13%|██████████▉ | 10039/80000 [00:45<04:54, 237.64it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 10000/80000 --> loss: 0.00280635, error: 0.23643939\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 19%|████████████████▎ | 15046/80000 [01:06<04:21, 248.77it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 15000/80000 --> loss: 0.00146034, error: 0.11714987\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 25%|█████████████████████▊ | 20046/80000 [01:27<03:57, 252.05it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 20000/80000 --> loss: 0.00022120, error: 0.05732866\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 31%|███████████████████████████▏ | 25047/80000 [01:48<03:45, 243.17it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 25000/80000 --> loss: 0.00014756, error: 0.05270392\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 38%|████████████████████████████████▋ | 30049/80000 [02:09<03:18, 251.76it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 30000/80000 --> loss: 0.00011608, error: 0.05524100\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 44%|██████████████████████████████████████ | 35028/80000 [02:29<03:02, 246.79it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 35000/80000 --> loss: 0.00021196, error: 0.05744649\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 50%|███████████████████████████████████████████▌ | 40028/80000 [02:49<02:39, 251.20it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 40000/80000 --> loss: 0.00067193, error: 0.06982408\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 56%|████████████████████████████████████████████████▉ | 45043/80000 [03:11<02:19, 249.82it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 45000/80000 --> loss: 0.00008489, error: 0.06808581\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 63%|██████████████████████████████████████████████████████▍ | 50037/80000 [03:32<01:58, 252.62it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 50000/80000 --> loss: 0.00007710, error: 0.07280644\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 69%|███████████████████████████████████████████████████████████▊ | 55034/80000 [03:52<01:45, 236.58it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 55000/80000 --> loss: 0.00006628, error: 0.07500122\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 75%|█████████████████████████████████████████████████████████████████▎ | 60040/80000 [04:13<01:18, 255.27it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 60000/80000 --> loss: 0.00006758, error: 0.07847987\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 81%|██████████████████████████████████████████████████████████████████████▋ | 65039/80000 [04:33<00:58, 254.88it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 65000/80000 --> loss: 0.00005846, error: 0.08188341\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 88%|████████████████████████████████████████████████████████████████████████████▏ | 70035/80000 [04:52<00:39, 253.71it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 70000/80000 --> loss: 0.00019117, error: 0.08793226\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 94%|█████████████████████████████████████████████████████████████████████████████████▌ | 75029/80000 [05:11<00:19, 256.29it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 75000/80000 --> loss: 0.00005398, error: 0.08729055\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "100%|███████████████████████████████████████████████████████████████████████████████████████| 80000/80000 [05:31<00:00, 241.60it/s]\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 80000/80000 --> loss: 0.00004947, error: 0.08902981\n",
|
|
|
+ "Runtime: 4.14 ms/iter.\n",
|
|
|
+ "<function loss_poisson.<locals>.<lambda> at 0x7efac47c6ac0>\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 0%| | 29/80000 [00:05<3:06:40, 7.14it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 1/80000 --> loss: 62.75810623, error: 0.99994093\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 6%|█████▌ | 5053/80000 [00:24<04:47, 260.42it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 5000/80000 --> loss: 0.00703128, error: 0.38221577\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 13%|██████████▉ | 10039/80000 [00:44<04:35, 253.70it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 10000/80000 --> loss: 0.00195592, error: 0.11295441\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 19%|████████████████▎ | 15049/80000 [01:03<04:13, 256.29it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 15000/80000 --> loss: 0.00078835, error: 0.04187488\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 25%|█████████████████████▊ | 20030/80000 [01:22<03:50, 259.71it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 20000/80000 --> loss: 0.00045578, error: 0.04330706\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 31%|███████████████████████████▏ | 25030/80000 [01:42<03:31, 259.42it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 25000/80000 --> loss: 0.00031927, error: 0.03902250\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 38%|████████████████████████████████▋ | 30044/80000 [02:01<03:14, 256.21it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 30000/80000 --> loss: 0.00024693, error: 0.03295140\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 44%|██████████████████████████████████████ | 35039/80000 [02:20<02:55, 255.65it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 35000/80000 --> loss: 0.00020210, error: 0.02868910\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 50%|███████████████████████████████████████████▌ | 40037/80000 [02:40<02:37, 253.94it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 40000/80000 --> loss: 0.00016473, error: 0.02694731\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 56%|████████████████████████████████████████████████▉ | 45035/80000 [02:59<02:17, 255.11it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 45000/80000 --> loss: 0.00014974, error: 0.02850994\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 63%|██████████████████████████████████████████████████████▍ | 50044/80000 [03:18<01:56, 256.80it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 50000/80000 --> loss: 0.00012394, error: 0.03143062\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 69%|███████████████████████████████████████████████████████████▊ | 55037/80000 [03:38<01:38, 254.69it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 55000/80000 --> loss: 0.00113232, error: 0.03459463\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 75%|█████████████████████████████████████████████████████████████████▎ | 60050/80000 [03:58<01:17, 257.33it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 60000/80000 --> loss: 0.00009838, error: 0.04346984\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 81%|██████████████████████████████████████████████████████████████████████▋ | 65031/80000 [04:17<00:58, 255.01it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 65000/80000 --> loss: 0.00008823, error: 0.04927068\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 88%|████████████████████████████████████████████████████████████████████████████▏ | 70031/80000 [04:37<00:39, 252.43it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 70000/80000 --> loss: 0.00007932, error: 0.05431731\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 94%|█████████████████████████████████████████████████████████████████████████████████▌ | 75050/80000 [04:57<00:19, 255.32it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 75000/80000 --> loss: 0.00007232, error: 0.05831782\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "100%|███████████████████████████████████████████████████████████████████████████████████████| 80000/80000 [05:17<00:00, 252.09it/s]\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 80000/80000 --> loss: 0.00006736, error: 0.06289855\n",
|
|
|
+ "Runtime: 3.97 ms/iter.\n",
|
|
|
+ "<function loss_poisson.<locals>.<lambda> at 0x7efac47c4720>\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 0%| | 29/80000 [00:05<3:05:55, 7.17it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 1/80000 --> loss: 73.14920044, error: 0.99996406\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 6%|█████▌ | 5039/80000 [00:24<04:50, 258.29it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 5000/80000 --> loss: 0.01007430, error: 0.34873155\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 13%|██████████▉ | 10046/80000 [00:44<04:32, 256.26it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 10000/80000 --> loss: 0.00484598, error: 0.43228251\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 19%|████████████████▎ | 15042/80000 [01:03<04:12, 257.33it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 15000/80000 --> loss: 0.00354910, error: 0.42020658\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 25%|█████████████████████▊ | 20045/80000 [01:23<03:55, 254.34it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 20000/80000 --> loss: 0.00253617, error: 0.35833296\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 31%|███████████████████████████▏ | 25038/80000 [01:43<04:07, 221.87it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 25000/80000 --> loss: 0.00175597, error: 0.29145870\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 38%|████████████████████████████████▋ | 30044/80000 [02:02<03:15, 255.70it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 30000/80000 --> loss: 0.00117967, error: 0.23036273\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 44%|██████████████████████████████████████ | 35050/80000 [02:22<02:57, 253.77it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 35000/80000 --> loss: 0.00109790, error: 0.18977691\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 50%|███████████████████████████████████████████▌ | 40042/80000 [02:41<02:38, 251.81it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 40000/80000 --> loss: 0.00042985, error: 0.17597102\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 56%|████████████████████████████████████████████████▉ | 45029/80000 [03:01<02:15, 257.67it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 45000/80000 --> loss: 0.00025577, error: 0.16736408\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 63%|██████████████████████████████████████████████████████▍ | 50049/80000 [03:20<01:58, 253.34it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 50000/80000 --> loss: 0.00016662, error: 0.16709325\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 69%|███████████████████████████████████████████████████████████▊ | 55047/80000 [03:40<01:38, 253.37it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 55000/80000 --> loss: 0.00013197, error: 0.17005877\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 75%|█████████████████████████████████████████████████████████████████▎ | 60046/80000 [03:59<01:19, 252.36it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 60000/80000 --> loss: 0.00012506, error: 0.17394792\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 81%|██████████████████████████████████████████████████████████████████████▋ | 65040/80000 [04:19<00:59, 252.32it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 65000/80000 --> loss: 0.01696062, error: 0.19251503\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 88%|████████████████████████████████████████████████████████████████████████████▏ | 70037/80000 [04:38<00:39, 253.69it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 70000/80000 --> loss: 0.00010006, error: 0.17452833\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 94%|█████████████████████████████████████████████████████████████████████████████████▌ | 75046/80000 [04:58<00:19, 254.85it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 75000/80000 --> loss: 0.00009599, error: 0.17443554\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "100%|███████████████████████████████████████████████████████████████████████████████████████| 80000/80000 [05:17<00:00, 251.82it/s]\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 80000/80000 --> loss: 0.00100735, error: 0.17213400\n",
|
|
|
+ "Runtime: 3.97 ms/iter.\n",
|
|
|
+ "<function loss_poisson.<locals>.<lambda> at 0x7efac47c4400>\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 0%| | 29/80000 [00:05<3:00:20, 7.39it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 1/80000 --> loss: 74.97663879, error: 0.99992484\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 6%|█████▌ | 5030/80000 [00:24<04:48, 260.12it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 5000/80000 --> loss: 0.00781941, error: 0.33668792\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 13%|██████████▉ | 10035/80000 [00:44<04:31, 257.37it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 10000/80000 --> loss: 0.00403276, error: 0.30846065\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 19%|████████████████▎ | 15039/80000 [01:03<04:16, 253.09it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 15000/80000 --> loss: 0.00270729, error: 0.21248415\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 25%|█████████████████████▊ | 20038/80000 [01:22<03:56, 253.53it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 20000/80000 --> loss: 0.00201455, error: 0.16701195\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 31%|███████████████████████████▏ | 25037/80000 [01:42<03:36, 253.56it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 25000/80000 --> loss: 0.00158773, error: 0.13965906\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 38%|████████████████████████████████▋ | 30034/80000 [02:01<03:17, 252.43it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 30000/80000 --> loss: 0.00137546, error: 0.11152610\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 44%|██████████████████████████████████████ | 35033/80000 [02:21<02:57, 253.97it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 35000/80000 --> loss: 0.00119742, error: 0.09649473\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 50%|███████████████████████████████████████████▌ | 40031/80000 [02:40<02:34, 257.95it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 40000/80000 --> loss: 0.00099331, error: 0.08522418\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 56%|████████████████████████████████████████████████▉ | 45031/80000 [03:00<02:16, 256.62it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 45000/80000 --> loss: 0.00074972, error: 0.07383964\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 63%|██████████████████████████████████████████████████████▍ | 50030/80000 [03:19<01:56, 256.49it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 50000/80000 --> loss: 0.00053050, error: 0.06471250\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 69%|███████████████████████████████████████████████████████████▊ | 55031/80000 [03:39<01:36, 257.70it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 55000/80000 --> loss: 0.00037651, error: 0.05831459\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 75%|█████████████████████████████████████████████████████████████████▎ | 60029/80000 [03:58<01:18, 255.62it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 60000/80000 --> loss: 0.00028239, error: 0.05441692\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 81%|██████████████████████████████████████████████████████████████████████▋ | 65031/80000 [04:18<00:58, 257.95it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 65000/80000 --> loss: 0.00025531, error: 0.05133972\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 88%|████████████████████████████████████████████████████████████████████████████▏ | 70031/80000 [04:37<00:38, 257.75it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 70000/80000 --> loss: 0.00018269, error: 0.05027869\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 94%|█████████████████████████████████████████████████████████████████████████████████▌ | 75032/80000 [04:57<00:19, 254.54it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 75000/80000 --> loss: 0.00020631, error: 0.05002397\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "100%|███████████████████████████████████████████████████████████████████████████████████████| 80000/80000 [05:16<00:00, 252.63it/s]\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 80000/80000 --> loss: 0.00013429, error: 0.04803012\n",
|
|
|
+ "Runtime: 3.96 ms/iter.\n",
|
|
|
+ "<function loss_poisson.<locals>.<lambda> at 0x7efac47c6de0>\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 0%| | 29/80000 [00:05<3:01:26, 7.35it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 1/80000 --> loss: 88.79389954, error: 0.99992287\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 6%|█████▌ | 5043/80000 [00:24<04:49, 258.52it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 5000/80000 --> loss: 0.01279486, error: 0.40119377\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 13%|██████████▉ | 10031/80000 [00:44<04:30, 258.88it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 10000/80000 --> loss: 0.00507332, error: 0.27519643\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 19%|████████████████▎ | 15037/80000 [01:03<04:16, 252.94it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 15000/80000 --> loss: 0.00171310, error: 0.12956931\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 25%|█████████████████████▊ | 20032/80000 [01:23<03:54, 255.93it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 20000/80000 --> loss: 0.00059132, error: 0.05004939\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 31%|███████████████████████████▏ | 25031/80000 [01:42<03:32, 258.79it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 25000/80000 --> loss: 0.00321849, error: 0.03203693\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 38%|████████████████████████████████▋ | 30029/80000 [02:02<03:15, 255.67it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 30000/80000 --> loss: 0.00033463, error: 0.02975471\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 44%|██████████████████████████████████████ | 35030/80000 [02:21<02:56, 254.38it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 35000/80000 --> loss: 0.00374689, error: 0.02993263\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 50%|███████████████████████████████████████████▌ | 40050/80000 [02:41<02:37, 254.44it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 40000/80000 --> loss: 0.00032665, error: 0.02836031\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 56%|████████████████████████████████████████████████▉ | 45043/80000 [03:00<02:17, 254.18it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 45000/80000 --> loss: 0.00014729, error: 0.02878674\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 63%|██████████████████████████████████████████████████████▍ | 50037/80000 [03:20<01:57, 255.15it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 50000/80000 --> loss: 0.00018820, error: 0.03099719\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 69%|███████████████████████████████████████████████████████████▊ | 55037/80000 [03:39<01:38, 253.79it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 55000/80000 --> loss: 0.00011606, error: 0.03161414\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 75%|█████████████████████████████████████████████████████████████████▎ | 60034/80000 [03:59<01:18, 253.42it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 60000/80000 --> loss: 0.00010570, error: 0.03423966\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 81%|██████████████████████████████████████████████████████████████████████▋ | 65033/80000 [04:18<00:58, 255.61it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 65000/80000 --> loss: 0.00018241, error: 0.03843578\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 88%|████████████████████████████████████████████████████████████████████████████▏ | 70034/80000 [04:38<00:39, 253.88it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 70000/80000 --> loss: 0.00008393, error: 0.04230610\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 94%|█████████████████████████████████████████████████████████████████████████████████▌ | 75032/80000 [04:57<00:19, 257.10it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 75000/80000 --> loss: 0.00007724, error: 0.04670044\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "100%|███████████████████████████████████████████████████████████████████████████████████████| 80000/80000 [05:16<00:00, 252.46it/s]\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 80000/80000 --> loss: 0.00007371, error: 0.05139033\n",
|
|
|
+ "Runtime: 3.96 ms/iter.\n",
|
|
|
+ "<function loss_poisson.<locals>.<lambda> at 0x7efac47c44a0>\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 0%| | 29/80000 [00:05<3:00:52, 7.37it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 1/80000 --> loss: 61.91904831, error: 1.00047481\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 6%|█████▌ | 5040/80000 [00:24<04:51, 257.54it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 5000/80000 --> loss: 0.01507293, error: 0.33863890\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 13%|██████████▉ | 10052/80000 [00:44<04:32, 256.55it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 10000/80000 --> loss: 0.00596978, error: 0.35709679\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 19%|████████████████▎ | 15050/80000 [01:03<04:15, 254.33it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 15000/80000 --> loss: 0.00362293, error: 0.31447512\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 25%|█████████████████████▊ | 20043/80000 [01:23<03:55, 255.10it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 20000/80000 --> loss: 0.00266538, error: 0.29442582\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 31%|███████████████████████████▏ | 25042/80000 [01:42<03:37, 253.12it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 25000/80000 --> loss: 0.00200014, error: 0.26128313\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 38%|████████████████████████████████▋ | 30036/80000 [02:02<03:16, 254.39it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 30000/80000 --> loss: 0.00263704, error: 0.19943148\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 44%|██████████████████████████████████████ | 35031/80000 [02:21<02:57, 253.20it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 35000/80000 --> loss: 0.00054341, error: 0.16467427\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 50%|███████████████████████████████████████████▌ | 40050/80000 [02:41<02:38, 252.44it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 40000/80000 --> loss: 0.00035177, error: 0.15787005\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 56%|████████████████████████████████████████████████▉ | 45043/80000 [03:00<02:17, 254.56it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 45000/80000 --> loss: 0.00027990, error: 0.15312767\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 63%|██████████████████████████████████████████████████████▍ | 50036/80000 [03:20<01:57, 255.76it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 50000/80000 --> loss: 0.00022416, error: 0.14888063\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 69%|███████████████████████████████████████████████████████████▊ | 55031/80000 [03:39<01:38, 253.54it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 55000/80000 --> loss: 0.00018967, error: 0.14398327\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 75%|█████████████████████████████████████████████████████████████████▎ | 60050/80000 [03:59<01:17, 256.06it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 60000/80000 --> loss: 0.00017157, error: 0.13938910\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 81%|██████████████████████████████████████████████████████████████████████▋ | 65049/80000 [04:18<00:58, 253.84it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 65000/80000 --> loss: 0.00014538, error: 0.13845867\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 88%|████████████████████████████████████████████████████████████████████████████▏ | 70043/80000 [04:38<00:39, 253.86it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 70000/80000 --> loss: 0.00021406, error: 0.13880202\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 94%|█████████████████████████████████████████████████████████████████████████████████▌ | 75042/80000 [04:57<00:19, 253.57it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 75000/80000 --> loss: 0.00011963, error: 0.13526559\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "100%|███████████████████████████████████████████████████████████████████████████████████████| 80000/80000 [05:17<00:00, 252.21it/s]\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 80000/80000 --> loss: 0.00010700, error: 0.13387080\n",
|
|
|
+ "Runtime: 3.96 ms/iter.\n",
|
|
|
+ "<function loss_poisson.<locals>.<lambda> at 0x7efac47c7ba0>\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 0%| | 29/80000 [00:05<2:56:50, 7.54it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 1/80000 --> loss: 79.13574219, error: 0.99994552\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 6%|█████▌ | 5048/80000 [00:24<04:53, 255.68it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 5000/80000 --> loss: 0.00609694, error: 0.43114823\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 13%|██████████▉ | 10042/80000 [00:44<04:33, 255.49it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 10000/80000 --> loss: 0.00304592, error: 0.34526464\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 19%|████████████████▎ | 15040/80000 [01:03<04:17, 252.63it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 15000/80000 --> loss: 0.00388606, error: 0.22615448\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 25%|█████████████████████▊ | 20033/80000 [01:23<03:56, 253.84it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 20000/80000 --> loss: 0.00053108, error: 0.18164901\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 31%|███████████████████████████▏ | 25030/80000 [01:42<03:34, 256.69it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 25000/80000 --> loss: 0.00090659, error: 0.16521390\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 38%|████████████████████████████████▋ | 30050/80000 [02:02<03:17, 253.26it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 30000/80000 --> loss: 0.00442318, error: 0.19480939\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 44%|██████████████████████████████████████ | 35043/80000 [02:21<02:57, 252.83it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 35000/80000 --> loss: 0.00019316, error: 0.18511614\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 50%|███████████████████████████████████████████▌ | 40037/80000 [02:41<02:38, 251.80it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 40000/80000 --> loss: 0.00017035, error: 0.19193535\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 56%|████████████████████████████████████████████████▉ | 45031/80000 [03:00<02:16, 256.89it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 45000/80000 --> loss: 0.00015131, error: 0.19701290\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 63%|██████████████████████████████████████████████████████▍ | 50050/80000 [03:20<01:57, 254.56it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 50000/80000 --> loss: 0.00038627, error: 0.19908637\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 69%|███████████████████████████████████████████████████████████▊ | 55042/80000 [03:40<01:37, 254.68it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 55000/80000 --> loss: 0.00012884, error: 0.20472422\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 75%|█████████████████████████████████████████████████████████████████▎ | 60038/80000 [03:59<01:18, 253.93it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 60000/80000 --> loss: 0.00152972, error: 0.20528395\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 81%|██████████████████████████████████████████████████████████████████████▋ | 65033/80000 [04:19<00:58, 254.29it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 65000/80000 --> loss: 0.00010857, error: 0.20876342\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 88%|████████████████████████████████████████████████████████████████████████████▏ | 70029/80000 [04:38<00:39, 255.11it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 70000/80000 --> loss: 0.00018254, error: 0.21386193\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 94%|█████████████████████████████████████████████████████████████████████████████████▌ | 75048/80000 [04:58<00:19, 254.46it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 75000/80000 --> loss: 0.00086882, error: 0.20833026\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "100%|███████████████████████████████████████████████████████████████████████████████████████| 80000/80000 [05:17<00:00, 251.83it/s]\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 80000/80000 --> loss: 0.00008910, error: 0.21428756\n",
|
|
|
+ "Runtime: 3.97 ms/iter.\n",
|
|
|
+ "<function loss_poisson.<locals>.<lambda> at 0x7efaa02f5120>\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 0%| | 31/80000 [00:06<3:31:41, 6.30it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 1/80000 --> loss: 73.33624268, error: 0.99996138\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 6%|█████▌ | 5035/80000 [00:25<04:46, 261.84it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 5000/80000 --> loss: 0.00634423, error: 0.36204061\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 13%|██████████▉ | 10036/80000 [00:45<04:29, 259.84it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 10000/80000 --> loss: 0.00156548, error: 0.26896593\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 19%|████████████████▎ | 15043/80000 [01:04<04:12, 257.57it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 15000/80000 --> loss: 0.00033773, error: 0.13488778\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 25%|█████████████████████▊ | 20049/80000 [01:23<03:52, 257.53it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 20000/80000 --> loss: 0.00017603, error: 0.11072470\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 31%|███████████████████████████▏ | 25039/80000 [01:42<03:33, 257.11it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 25000/80000 --> loss: 0.00011832, error: 0.10109279\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 38%|████████████████████████████████▋ | 30036/80000 [02:02<03:14, 256.30it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 30000/80000 --> loss: 0.00008546, error: 0.09000055\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 44%|██████████████████████████████████████ | 35051/80000 [02:21<02:55, 255.61it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 35000/80000 --> loss: 0.00007258, error: 0.08099429\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 50%|███████████████████████████████████████████▌ | 40031/80000 [02:40<02:35, 256.74it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 40000/80000 --> loss: 0.00007229, error: 0.07707769\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 56%|████████████████████████████████████████████████▉ | 45050/80000 [03:00<02:17, 255.00it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 45000/80000 --> loss: 0.00005820, error: 0.07567040\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 63%|██████████████████████████████████████████████████████▍ | 50047/80000 [03:19<01:57, 255.89it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 50000/80000 --> loss: 0.00005159, error: 0.07653145\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 69%|███████████████████████████████████████████████████████████▊ | 55035/80000 [03:38<01:38, 254.51it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 55000/80000 --> loss: 0.00025777, error: 0.08319556\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 75%|█████████████████████████████████████████████████████████████████▎ | 60030/80000 [03:57<01:17, 258.11it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 60000/80000 --> loss: 0.00005884, error: 0.08397699\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 81%|██████████████████████████████████████████████████████████████████████▋ | 65035/80000 [04:17<00:58, 256.77it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 65000/80000 --> loss: 0.00004121, error: 0.08525583\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 88%|████████████████████████████████████████████████████████████████████████████▏ | 70049/80000 [04:36<00:38, 256.53it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 70000/80000 --> loss: 0.00004247, error: 0.08613682\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 94%|█████████████████████████████████████████████████████████████████████████████████▌ | 75049/80000 [04:55<00:19, 256.62it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 75000/80000 --> loss: 0.00004485, error: 0.08389636\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "100%|███████████████████████████████████████████████████████████████████████████████████████| 80000/80000 [05:15<00:00, 253.96it/s]\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 80000/80000 --> loss: 0.00003826, error: 0.08405729\n",
|
|
|
+ "Runtime: 3.94 ms/iter.\n",
|
|
|
+ "<function loss_poisson.<locals>.<lambda> at 0x7efa1517d620>\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 0%| | 29/80000 [00:05<2:54:20, 7.64it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 1/80000 --> loss: 70.38043213, error: 1.00012732\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 6%|█████▌ | 5032/80000 [00:24<04:48, 259.85it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 5000/80000 --> loss: 0.00630770, error: 0.41450831\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 13%|██████████▉ | 10031/80000 [00:43<04:28, 260.21it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 10000/80000 --> loss: 0.00308644, error: 0.35579011\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 19%|████████████████▎ | 15039/80000 [01:02<04:11, 258.54it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 15000/80000 --> loss: 0.00160471, error: 0.26836991\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 25%|█████████████████████▊ | 20030/80000 [01:22<03:51, 259.28it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 20000/80000 --> loss: 0.00032185, error: 0.23038961\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 31%|███████████████████████████▏ | 25045/80000 [01:41<03:35, 254.75it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 25000/80000 --> loss: 0.00020628, error: 0.20767927\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 38%|████████████████████████████████▋ | 30050/80000 [02:00<03:15, 254.87it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 30000/80000 --> loss: 0.00016084, error: 0.19407058\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 44%|██████████████████████████████████████ | 35029/80000 [02:19<02:54, 257.07it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 35000/80000 --> loss: 0.00013701, error: 0.18642969\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 50%|███████████████████████████████████████████▌ | 40034/80000 [02:39<02:35, 256.71it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 40000/80000 --> loss: 0.00027721, error: 0.18662366\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 56%|████████████████████████████████████████████████▉ | 45033/80000 [02:58<02:15, 258.13it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 45000/80000 --> loss: 0.00012997, error: 0.17239551\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 63%|██████████████████████████████████████████████████████▍ | 50035/80000 [03:17<01:57, 254.25it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 50000/80000 --> loss: 0.00060316, error: 0.17117126\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 69%|███████████████████████████████████████████████████████████▊ | 55046/80000 [03:37<01:37, 256.74it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 55000/80000 --> loss: 0.00007133, error: 0.16203308\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 75%|█████████████████████████████████████████████████████████████████▎ | 60038/80000 [03:56<01:17, 257.11it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 60000/80000 --> loss: 0.00006163, error: 0.15588640\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 81%|██████████████████████████████████████████████████████████████████████▋ | 65048/80000 [04:15<00:58, 256.29it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 65000/80000 --> loss: 0.00005594, error: 0.15004689\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 88%|████████████████████████████████████████████████████████████████████████████▏ | 70046/80000 [04:35<00:38, 258.33it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 70000/80000 --> loss: 0.00030712, error: 0.14076968\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 94%|█████████████████████████████████████████████████████████████████████████████████▌ | 75052/80000 [04:54<00:19, 257.56it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 75000/80000 --> loss: 0.00004455, error: 0.13792948\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "100%|███████████████████████████████████████████████████████████████████████████████████████| 80000/80000 [05:13<00:00, 255.11it/s]\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 80000/80000 --> loss: 0.00004177, error: 0.13269921\n",
|
|
|
+ "Runtime: 3.92 ms/iter.\n",
|
|
|
+ "<function loss_poisson.<locals>.<lambda> at 0x7efa1517f560>\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 0%| | 29/80000 [00:05<2:57:06, 7.53it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 1/80000 --> loss: 77.66871643, error: 0.99989653\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 6%|█████▌ | 5029/80000 [00:24<04:48, 260.26it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 5000/80000 --> loss: 0.03687951, error: 0.58496839\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 13%|██████████▉ | 10040/80000 [00:43<04:32, 256.88it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 10000/80000 --> loss: 0.00266746, error: 0.42946625\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 19%|████████████████▎ | 15034/80000 [01:02<04:13, 256.51it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 15000/80000 --> loss: 0.00106667, error: 0.27435321\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 25%|█████████████████████▊ | 20030/80000 [01:22<03:54, 256.18it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 20000/80000 --> loss: 0.00048288, error: 0.20691307\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 31%|███████████████████████████▏ | 25046/80000 [01:41<03:33, 257.09it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 25000/80000 --> loss: 0.00034263, error: 0.18689075\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 38%|████████████████████████████████▋ | 30049/80000 [02:00<03:14, 257.32it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 30000/80000 --> loss: 0.00028140, error: 0.18177041\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 44%|██████████████████████████████████████ | 35050/80000 [02:20<02:54, 257.67it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 35000/80000 --> loss: 0.00120992, error: 0.18459116\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 50%|███████████████████████████████████████████▌ | 40049/80000 [02:39<02:35, 257.59it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 40000/80000 --> loss: 0.00021050, error: 0.17352624\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 56%|████████████████████████████████████████████████▉ | 45031/80000 [02:58<02:15, 257.72it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 45000/80000 --> loss: 0.00021852, error: 0.17075239\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 63%|██████████████████████████████████████████████████████▍ | 50029/80000 [03:17<01:55, 258.39it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 50000/80000 --> loss: 0.00016429, error: 0.16504116\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 69%|███████████████████████████████████████████████████████████▊ | 55041/80000 [03:37<01:37, 256.33it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 55000/80000 --> loss: 0.00014480, error: 0.16127364\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 75%|█████████████████████████████████████████████████████████████████▎ | 60042/80000 [03:56<01:17, 257.63it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 60000/80000 --> loss: 0.00028568, error: 0.15919396\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 81%|██████████████████████████████████████████████████████████████████████▋ | 65047/80000 [04:15<00:58, 257.24it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 65000/80000 --> loss: 0.00013103, error: 0.15575741\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 88%|████████████████████████████████████████████████████████████████████████████▏ | 70047/80000 [04:35<00:38, 259.27it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 70000/80000 --> loss: 0.00011631, error: 0.15517683\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 94%|█████████████████████████████████████████████████████████████████████████████████▌ | 75046/80000 [04:54<00:19, 256.89it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 75000/80000 --> loss: 0.00508379, error: 0.13958915\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "100%|███████████████████████████████████████████████████████████████████████████████████████| 80000/80000 [05:13<00:00, 255.17it/s]\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 80000/80000 --> loss: 0.00026305, error: 0.15137409\n",
|
|
|
+ "Runtime: 3.92 ms/iter.\n",
|
|
|
+ "<function loss_poisson.<locals>.<lambda> at 0x7efa1517f1a0>\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 0%| | 29/80000 [00:05<2:50:55, 7.80it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 1/80000 --> loss: 62.54444885, error: 0.99992532\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 6%|█████▌ | 5033/80000 [00:24<04:48, 259.84it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 5000/80000 --> loss: 0.01452952, error: 0.51219785\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 13%|██████████▉ | 10034/80000 [00:43<04:32, 257.21it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 10000/80000 --> loss: 0.00301385, error: 0.52152359\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 19%|████████████████▎ | 15037/80000 [01:02<04:12, 257.21it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 15000/80000 --> loss: 0.00081551, error: 0.27720147\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 25%|█████████████████████▊ | 20032/80000 [01:21<03:51, 259.25it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 20000/80000 --> loss: 0.00021141, error: 0.20188034\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 31%|███████████████████████████▏ | 25034/80000 [01:41<03:34, 256.23it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 25000/80000 --> loss: 0.00045551, error: 0.21492600\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 38%|████████████████████████████████▋ | 30036/80000 [02:00<03:13, 258.08it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 30000/80000 --> loss: 0.00009942, error: 0.21881457\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 44%|██████████████████████████████████████ | 35031/80000 [02:19<02:54, 257.51it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 35000/80000 --> loss: 0.00007740, error: 0.22565763\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 50%|███████████████████████████████████████████▌ | 40043/80000 [02:39<02:35, 256.30it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 40000/80000 --> loss: 0.00011244, error: 0.22368872\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 56%|████████████████████████████████████████████████▉ | 45047/80000 [02:58<02:16, 255.67it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 45000/80000 --> loss: 0.00100078, error: 0.23076212\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 63%|██████████████████████████████████████████████████████▍ | 50050/80000 [03:17<01:57, 255.28it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 50000/80000 --> loss: 0.00005242, error: 0.21506529\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 69%|███████████████████████████████████████████████████████████▊ | 55042/80000 [03:36<01:37, 256.77it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 55000/80000 --> loss: 0.00004575, error: 0.20825516\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 75%|█████████████████████████████████████████████████████████████████▎ | 60031/80000 [03:56<01:17, 258.88it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 60000/80000 --> loss: 0.00004357, error: 0.20086698\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 81%|██████████████████████████████████████████████████████████████████████▋ | 65047/80000 [04:15<00:58, 256.71it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 65000/80000 --> loss: 0.00005137, error: 0.19192958\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 88%|████████████████████████████████████████████████████████████████████████████▏ | 70046/80000 [04:34<00:38, 257.74it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 70000/80000 --> loss: 0.00003769, error: 0.18445918\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 94%|█████████████████████████████████████████████████████████████████████████████████▌ | 75034/80000 [04:54<00:19, 256.34it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 75000/80000 --> loss: 0.00003627, error: 0.17696431\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "100%|███████████████████████████████████████████████████████████████████████████████████████| 80000/80000 [05:13<00:00, 255.29it/s]\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 80000/80000 --> loss: 0.00051939, error: 0.16793774\n",
|
|
|
+ "Runtime: 3.92 ms/iter.\n",
|
|
|
+ "<function loss_poisson.<locals>.<lambda> at 0x7efa1517e2a0>\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 0%| | 29/80000 [00:05<2:47:40, 7.95it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 1/80000 --> loss: 62.74495697, error: 0.99995035\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 6%|█████▌ | 5031/80000 [00:24<04:49, 259.11it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 5000/80000 --> loss: 0.00758047, error: 0.21384330\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 13%|██████████▉ | 10030/80000 [00:43<04:28, 261.03it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 10000/80000 --> loss: 0.00143440, error: 0.16226035\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 19%|████████████████▎ | 15034/80000 [01:02<04:15, 254.62it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 15000/80000 --> loss: 0.00163816, error: 0.10201334\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 25%|█████████████████████▊ | 20033/80000 [01:21<03:53, 257.31it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 20000/80000 --> loss: 0.00018643, error: 0.09352653\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 31%|███████████████████████████▏ | 25035/80000 [01:41<03:35, 254.76it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 25000/80000 --> loss: 0.00022564, error: 0.09802596\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 38%|████████████████████████████████▋ | 30051/80000 [02:00<03:14, 257.29it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 30000/80000 --> loss: 0.00008900, error: 0.11233586\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 44%|██████████████████████████████████████ | 35045/80000 [02:19<02:55, 256.57it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 35000/80000 --> loss: 0.00006463, error: 0.11693682\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 50%|███████████████████████████████████████████▌ | 40049/80000 [02:39<02:34, 258.46it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 40000/80000 --> loss: 0.00008466, error: 0.12805404\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 56%|████████████████████████████████████████████████▉ | 45037/80000 [02:58<02:17, 254.91it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 45000/80000 --> loss: 0.00005137, error: 0.12309328\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 63%|██████████████████████████████████████████████████████▍ | 50030/80000 [03:17<01:56, 256.69it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 50000/80000 --> loss: 0.00004546, error: 0.12734440\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 69%|███████████████████████████████████████████████████████████▊ | 55038/80000 [03:37<01:36, 258.45it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 55000/80000 --> loss: 0.00004205, error: 0.13008483\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 75%|█████████████████████████████████████████████████████████████████▎ | 60044/80000 [03:56<01:18, 255.50it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 60000/80000 --> loss: 0.00004387, error: 0.13361329\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 81%|██████████████████████████████████████████████████████████████████████▋ | 65034/80000 [04:15<00:58, 256.98it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 65000/80000 --> loss: 0.00003911, error: 0.13470237\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 88%|████████████████████████████████████████████████████████████████████████████▏ | 70039/80000 [04:35<00:38, 257.76it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 70000/80000 --> loss: 0.00003280, error: 0.13501440\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 94%|█████████████████████████████████████████████████████████████████████████████████▌ | 75039/80000 [04:54<00:19, 257.48it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 75000/80000 --> loss: 0.00033252, error: 0.13053665\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "100%|███████████████████████████████████████████████████████████████████████████████████████| 80000/80000 [05:13<00:00, 255.09it/s]\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 80000/80000 --> loss: 0.00007032, error: 0.13502936\n",
|
|
|
+ "Runtime: 3.92 ms/iter.\n",
|
|
|
+ "<function loss_poisson.<locals>.<lambda> at 0x7efa1517eac0>\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 0%| | 29/80000 [00:05<2:57:19, 7.52it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 1/80000 --> loss: 72.55021667, error: 0.99876052\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 6%|█████▌ | 5030/80000 [00:24<04:47, 261.14it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 5000/80000 --> loss: 0.04476929, error: 0.38281956\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 13%|██████████▉ | 10033/80000 [00:43<04:32, 256.83it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 10000/80000 --> loss: 0.00565222, error: 0.44516400\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 19%|████████████████▎ | 15051/80000 [01:03<04:11, 257.90it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 15000/80000 --> loss: 0.00270920, error: 0.35888964\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 25%|█████████████████████▊ | 20029/80000 [01:22<03:53, 257.24it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 20000/80000 --> loss: 0.00295414, error: 0.28471237\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 31%|███████████████████████████▏ | 25039/80000 [01:41<03:34, 256.10it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 25000/80000 --> loss: 0.00119476, error: 0.22790670\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 38%|████████████████████████████████▋ | 30041/80000 [02:00<03:15, 255.42it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 30000/80000 --> loss: 0.00323349, error: 0.20424281\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 44%|██████████████████████████████████████ | 35030/80000 [02:20<02:53, 259.58it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 35000/80000 --> loss: 0.00047079, error: 0.17231454\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 50%|███████████████████████████████████████████▌ | 40044/80000 [02:39<02:35, 256.31it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 40000/80000 --> loss: 0.00055021, error: 0.15389910\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 56%|████████████████████████████████████████████████▉ | 45033/80000 [02:58<02:16, 256.88it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 45000/80000 --> loss: 0.00023792, error: 0.15183270\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 63%|██████████████████████████████████████████████████████▍ | 50036/80000 [03:18<01:56, 256.19it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 50000/80000 --> loss: 0.00014040, error: 0.15965781\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 69%|███████████████████████████████████████████████████████████▊ | 55038/80000 [03:37<01:37, 256.52it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 55000/80000 --> loss: 0.00010912, error: 0.16772591\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 75%|█████████████████████████████████████████████████████████████████▎ | 60031/80000 [03:56<01:17, 256.67it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 60000/80000 --> loss: 0.00012281, error: 0.16968724\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 81%|██████████████████████████████████████████████████████████████████████▋ | 65031/80000 [04:16<00:58, 257.45it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 65000/80000 --> loss: 0.00008165, error: 0.16962020\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 88%|████████████████████████████████████████████████████████████████████████████▏ | 70037/80000 [04:35<00:38, 258.59it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 70000/80000 --> loss: 0.00007610, error: 0.16456966\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 94%|█████████████████████████████████████████████████████████████████████████████████▌ | 75050/80000 [04:54<00:19, 257.04it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 75000/80000 --> loss: 0.00006864, error: 0.15697466\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "100%|███████████████████████████████████████████████████████████████████████████████████████| 80000/80000 [05:13<00:00, 254.84it/s]\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 80000/80000 --> loss: 0.00006066, error: 0.14905813\n",
|
|
|
+ "Runtime: 3.92 ms/iter.\n",
|
|
|
+ "<function loss_poisson.<locals>.<lambda> at 0x7efa1517e7a0>\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 0%| | 29/80000 [00:05<3:11:52, 6.95it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 1/80000 --> loss: 75.09912872, error: 1.00012195\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 6%|█████▌ | 5036/80000 [00:24<04:49, 259.37it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 5000/80000 --> loss: 0.00659338, error: 0.20494691\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 13%|██████████▉ | 10038/80000 [00:44<04:32, 256.64it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 10000/80000 --> loss: 0.00241629, error: 0.19308543\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 19%|████████████████▎ | 15035/80000 [01:03<04:12, 257.31it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 15000/80000 --> loss: 0.00032637, error: 0.07380187\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 25%|█████████████████████▊ | 20032/80000 [01:22<03:53, 256.62it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 20000/80000 --> loss: 0.00014065, error: 0.05874144\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 31%|███████████████████████████▏ | 25030/80000 [01:41<03:32, 258.52it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 25000/80000 --> loss: 0.00008402, error: 0.05883799\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 38%|████████████████████████████████▋ | 30050/80000 [02:01<03:13, 258.22it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 30000/80000 --> loss: 0.00006007, error: 0.05886802\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 44%|██████████████████████████████████████ | 35046/80000 [02:20<02:54, 258.08it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 35000/80000 --> loss: 0.00004842, error: 0.06432266\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 50%|███████████████████████████████████████████▌ | 40039/80000 [02:39<02:34, 258.08it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 40000/80000 --> loss: 0.00003971, error: 0.07370945\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 56%|████████████████████████████████████████████████▉ | 45031/80000 [02:59<02:16, 256.49it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 45000/80000 --> loss: 0.00003479, error: 0.08075289\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 63%|██████████████████████████████████████████████████████▍ | 50038/80000 [03:18<01:57, 254.31it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 50000/80000 --> loss: 0.00003149, error: 0.08604727\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 69%|███████████████████████████████████████████████████████████▊ | 55031/80000 [03:37<01:36, 258.93it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 55000/80000 --> loss: 0.00002938, error: 0.09016103\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 75%|█████████████████████████████████████████████████████████████████▎ | 60046/80000 [03:56<01:17, 257.23it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 60000/80000 --> loss: 0.00002785, error: 0.09339677\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 81%|██████████████████████████████████████████████████████████████████████▋ | 65034/80000 [04:16<00:58, 256.36it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 65000/80000 --> loss: 0.00002669, error: 0.09582499\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 88%|████████████████████████████████████████████████████████████████████████████▏ | 70045/80000 [04:35<00:38, 256.20it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 70000/80000 --> loss: 0.00028517, error: 0.09238163\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 94%|█████████████████████████████████████████████████████████████████████████████████▌ | 75032/80000 [04:54<00:19, 257.87it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 75000/80000 --> loss: 0.00002782, error: 0.09822299\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "100%|███████████████████████████████████████████████████████████████████████████████████████| 80000/80000 [05:13<00:00, 254.78it/s]\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 80000/80000 --> loss: 0.00002996, error: 0.09936032\n",
|
|
|
+ "Runtime: 3.92 ms/iter.\n",
|
|
|
+ "<function loss_poisson.<locals>.<lambda> at 0x7efaa02f7ba0>\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 0%| | 29/80000 [00:05<2:57:44, 7.50it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 1/80000 --> loss: 88.84944916, error: 0.99995750\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 6%|█████▌ | 5031/80000 [00:24<04:51, 256.88it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 5000/80000 --> loss: 0.00927966, error: 0.48452714\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 13%|██████████▉ | 10031/80000 [00:43<04:29, 259.51it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 10000/80000 --> loss: 0.00372563, error: 0.37031165\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 19%|████████████████▎ | 15031/80000 [01:02<04:11, 258.17it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 15000/80000 --> loss: 0.00187031, error: 0.25494882\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 25%|█████████████████████▊ | 20043/80000 [01:22<03:54, 255.15it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 20000/80000 --> loss: 0.00764729, error: 0.14166883\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 31%|███████████████████████████▏ | 25035/80000 [01:41<03:33, 257.77it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 25000/80000 --> loss: 0.00012466, error: 0.09285066\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 38%|████████████████████████████████▋ | 30040/80000 [02:00<03:14, 256.77it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 30000/80000 --> loss: 0.00011147, error: 0.08565884\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 44%|██████████████████████████████████████ | 35038/80000 [02:20<02:54, 257.01it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 35000/80000 --> loss: 0.00006714, error: 0.08380862\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 50%|███████████████████████████████████████████▌ | 40050/80000 [02:39<02:35, 257.36it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 40000/80000 --> loss: 0.00011477, error: 0.07995927\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 56%|████████████████████████████████████████████████▉ | 45041/80000 [02:58<02:16, 257.04it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 45000/80000 --> loss: 0.00324024, error: 0.08127688\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 63%|██████████████████████████████████████████████████████▍ | 50040/80000 [03:18<01:56, 257.65it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 50000/80000 --> loss: 0.00005517, error: 0.08160140\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 69%|███████████████████████████████████████████████████████████▊ | 55042/80000 [03:37<01:36, 257.87it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 55000/80000 --> loss: 0.00035736, error: 0.08609030\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 75%|█████████████████████████████████████████████████████████████████▎ | 60049/80000 [03:56<01:17, 256.84it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 60000/80000 --> loss: 0.00005019, error: 0.08328364\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 81%|██████████████████████████████████████████████████████████████████████▋ | 65047/80000 [04:15<00:58, 255.21it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 65000/80000 --> loss: 0.00005101, error: 0.08178618\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 88%|████████████████████████████████████████████████████████████████████████████▏ | 70049/80000 [04:35<00:38, 257.27it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 70000/80000 --> loss: 0.00004523, error: 0.08056551\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 94%|█████████████████████████████████████████████████████████████████████████████████▌ | 75045/80000 [04:54<00:19, 257.59it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 75000/80000 --> loss: 0.00004452, error: 0.07777720\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "100%|███████████████████████████████████████████████████████████████████████████████████████| 80000/80000 [05:13<00:00, 254.99it/s]\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 80000/80000 --> loss: 0.00022864, error: 0.07320213\n",
|
|
|
+ "Runtime: 3.92 ms/iter.\n",
|
|
|
+ "<function loss_poisson.<locals>.<lambda> at 0x7efa1517ea20>\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 0%| | 29/80000 [00:05<2:47:36, 7.95it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 1/80000 --> loss: 61.65967941, error: 0.99963558\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 6%|█████▌ | 5032/80000 [00:24<04:51, 257.33it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 5000/80000 --> loss: 0.00737240, error: 0.46208334\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 13%|██████████▉ | 10033/80000 [00:43<04:30, 259.03it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 10000/80000 --> loss: 0.00266516, error: 0.31600779\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 19%|████████████████▎ | 15037/80000 [01:02<04:11, 258.25it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 15000/80000 --> loss: 0.00090389, error: 0.11581161\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 25%|█████████████████████▊ | 20037/80000 [01:21<03:53, 256.25it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 20000/80000 --> loss: 0.00036484, error: 0.09967473\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 31%|███████████████████████████▏ | 25049/80000 [01:41<03:36, 254.36it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 25000/80000 --> loss: 0.00025173, error: 0.10333748\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 38%|████████████████████████████████▋ | 30050/80000 [02:00<03:11, 260.20it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 30000/80000 --> loss: 0.00019639, error: 0.10322907\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 44%|██████████████████████████████████████ | 35048/80000 [02:20<02:53, 259.19it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 35000/80000 --> loss: 0.01027395, error: 0.10475118\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 50%|███████████████████████████████████████████▌ | 40031/80000 [02:39<02:35, 257.85it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 40000/80000 --> loss: 0.00014558, error: 0.10002032\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 56%|████████████████████████████████████████████████▉ | 45030/80000 [02:58<02:14, 260.21it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 45000/80000 --> loss: 0.00013016, error: 0.09855764\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 63%|██████████████████████████████████████████████████████▍ | 50044/80000 [03:18<01:56, 256.60it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 50000/80000 --> loss: 0.00011834, error: 0.09820066\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 69%|███████████████████████████████████████████████████████████▊ | 55043/80000 [03:37<01:36, 257.35it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 55000/80000 --> loss: 0.00010678, error: 0.09858484\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 75%|█████████████████████████████████████████████████████████████████▎ | 60042/80000 [03:56<01:17, 256.67it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 60000/80000 --> loss: 0.00019463, error: 0.09912658\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 81%|██████████████████████████████████████████████████████████████████████▋ | 65036/80000 [04:15<00:58, 256.40it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 65000/80000 --> loss: 0.00009239, error: 0.10160007\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 88%|████████████████████████████████████████████████████████████████████████████▏ | 70049/80000 [04:35<00:38, 257.59it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 70000/80000 --> loss: 0.00062758, error: 0.10506319\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 94%|█████████████████████████████████████████████████████████████████████████████████▌ | 75035/80000 [04:54<00:19, 259.72it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 75000/80000 --> loss: 0.00008094, error: 0.10587206\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "100%|███████████████████████████████████████████████████████████████████████████████████████| 80000/80000 [05:13<00:00, 255.19it/s]\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 80000/80000 --> loss: 0.00007599, error: 0.10791602\n",
|
|
|
+ "Runtime: 3.92 ms/iter.\n",
|
|
|
+ "<function loss_poisson.<locals>.<lambda> at 0x7efa1517c540>\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 0%| | 29/80000 [00:05<3:09:17, 7.04it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 1/80000 --> loss: 79.31806946, error: 1.00023377\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 6%|█████▌ | 5032/80000 [00:24<04:48, 259.54it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 5000/80000 --> loss: 0.00719591, error: 0.70213574\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 13%|██████████▉ | 10038/80000 [00:43<04:29, 259.67it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 10000/80000 --> loss: 0.00271613, error: 0.61562747\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 19%|████████████████▎ | 15031/80000 [01:03<04:11, 257.84it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 15000/80000 --> loss: 0.00079019, error: 0.35714084\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 25%|█████████████████████▊ | 20042/80000 [01:22<03:55, 254.94it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 20000/80000 --> loss: 0.00028352, error: 0.24113551\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 31%|███████████████████████████▏ | 25034/80000 [01:41<03:32, 258.21it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 25000/80000 --> loss: 0.00015505, error: 0.19905210\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 38%|████████████████████████████████▋ | 30030/80000 [02:00<03:11, 261.29it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 30000/80000 --> loss: 0.00012084, error: 0.18834111\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 44%|██████████████████████████████████████ | 35052/80000 [02:20<02:54, 257.65it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 35000/80000 --> loss: 0.00344718, error: 0.17494050\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 50%|███████████████████████████████████████████▌ | 40041/80000 [02:39<02:36, 256.12it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 40000/80000 --> loss: 0.00008817, error: 0.18285038\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 56%|████████████████████████████████████████████████▉ | 45035/80000 [02:58<02:15, 258.27it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 45000/80000 --> loss: 0.00013458, error: 0.18056177\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 63%|██████████████████████████████████████████████████████▍ | 50030/80000 [03:17<01:57, 256.10it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 50000/80000 --> loss: 0.00009339, error: 0.17845333\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 69%|███████████████████████████████████████████████████████████▊ | 55048/80000 [03:37<01:37, 256.46it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 55000/80000 --> loss: 0.00006455, error: 0.17826675\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 75%|█████████████████████████████████████████████████████████████████▎ | 60051/80000 [03:56<01:17, 256.14it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 60000/80000 --> loss: 0.00006017, error: 0.17819241\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 81%|██████████████████████████████████████████████████████████████████████▋ | 65032/80000 [04:15<00:58, 256.58it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 65000/80000 --> loss: 0.00019782, error: 0.17952251\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 88%|████████████████████████████████████████████████████████████████████████████▏ | 70051/80000 [04:35<00:38, 259.37it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 70000/80000 --> loss: 0.00013982, error: 0.17393209\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 94%|█████████████████████████████████████████████████████████████████████████████████▌ | 75038/80000 [04:54<00:19, 257.93it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 75000/80000 --> loss: 0.00028491, error: 0.17351775\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "100%|███████████████████████████████████████████████████████████████████████████████████████| 80000/80000 [05:13<00:00, 255.15it/s]\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 80000/80000 --> loss: 0.00036884, error: 0.17399329\n",
|
|
|
+ "Runtime: 3.92 ms/iter.\n",
|
|
|
+ "<function loss_poisson.<locals>.<lambda> at 0x7efa14764900>\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 0%| | 30/80000 [00:06<3:34:22, 6.22it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 1/80000 --> loss: 73.28411102, error: 0.99968576\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 6%|█████▌ | 5029/80000 [00:26<04:51, 257.61it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 5000/80000 --> loss: 0.00671082, error: 0.21509482\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 13%|██████████▉ | 10047/80000 [00:46<04:39, 250.45it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 10000/80000 --> loss: 0.00249382, error: 0.12179308\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 19%|████████████████▎ | 15039/80000 [01:05<04:19, 250.27it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 15000/80000 --> loss: 0.00172220, error: 0.08326371\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 25%|█████████████████████▊ | 20031/80000 [01:25<03:59, 250.27it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 20000/80000 --> loss: 0.00077918, error: 0.08381544\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 31%|███████████████████████████▏ | 25049/80000 [01:45<03:38, 250.95it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 25000/80000 --> loss: 0.00046522, error: 0.08673145\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 38%|████████████████████████████████▋ | 30041/80000 [02:05<03:19, 250.22it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 30000/80000 --> loss: 0.00030180, error: 0.08775545\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 44%|██████████████████████████████████████ | 35033/80000 [02:24<02:58, 252.17it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 35000/80000 --> loss: 0.00021195, error: 0.09041622\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 50%|███████████████████████████████████████████▌ | 40051/80000 [02:44<02:39, 249.81it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 40000/80000 --> loss: 0.00016730, error: 0.09245173\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 56%|████████████████████████████████████████████████▉ | 45043/80000 [03:04<02:19, 250.05it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 45000/80000 --> loss: 0.00013400, error: 0.09228046\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 63%|██████████████████████████████████████████████████████▍ | 50035/80000 [03:24<02:00, 249.67it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 50000/80000 --> loss: 0.00011244, error: 0.09139519\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 69%|███████████████████████████████████████████████████████████▊ | 55030/80000 [03:43<01:38, 253.76it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 55000/80000 --> loss: 0.00010431, error: 0.08792140\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 75%|█████████████████████████████████████████████████████████████████▎ | 60048/80000 [04:03<01:19, 250.53it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 60000/80000 --> loss: 0.00008175, error: 0.08315120\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 81%|██████████████████████████████████████████████████████████████████████▋ | 65039/80000 [04:23<01:00, 248.35it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 65000/80000 --> loss: 0.00132000, error: 0.07568364\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 88%|████████████████████████████████████████████████████████████████████████████▏ | 70051/80000 [04:43<00:39, 253.33it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 70000/80000 --> loss: 0.00012705, error: 0.07497663\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 94%|█████████████████████████████████████████████████████████████████████████████████▌ | 75043/80000 [05:03<00:19, 250.39it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 75000/80000 --> loss: 0.00005057, error: 0.06878620\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "100%|███████████████████████████████████████████████████████████████████████████████████████| 80000/80000 [05:22<00:00, 247.80it/s]\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 80000/80000 --> loss: 0.00046013, error: 0.06162976\n",
|
|
|
+ "Runtime: 4.04 ms/iter.\n",
|
|
|
+ "<function loss_poisson.<locals>.<lambda> at 0x7efa147654e0>\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 0%| | 29/80000 [00:05<2:59:32, 7.42it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 1/80000 --> loss: 70.27299500, error: 0.99984229\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 6%|█████▌ | 5047/80000 [00:25<04:55, 254.04it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 5000/80000 --> loss: 0.00447028, error: 0.28564334\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 13%|██████████▉ | 10040/80000 [00:44<04:38, 250.79it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 10000/80000 --> loss: 0.00205428, error: 0.27707568\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 19%|████████████████▎ | 15032/80000 [01:04<04:18, 251.46it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 15000/80000 --> loss: 0.00084831, error: 0.16877173\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 25%|█████████████████████▊ | 20045/80000 [01:24<03:59, 250.54it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 20000/80000 --> loss: 0.00026493, error: 0.10202067\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 31%|███████████████████████████▏ | 25037/80000 [01:44<03:39, 249.91it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 25000/80000 --> loss: 0.00019553, error: 0.09709400\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 38%|████████████████████████████████▋ | 30030/80000 [02:03<03:16, 253.98it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 30000/80000 --> loss: 0.00028130, error: 0.09993952\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 44%|██████████████████████████████████████ | 35048/80000 [02:23<03:00, 249.68it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 35000/80000 --> loss: 0.00052630, error: 0.09997826\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 50%|███████████████████████████████████████████▌ | 40037/80000 [02:43<02:39, 250.02it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 40000/80000 --> loss: 0.00009938, error: 0.10247549\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 56%|████████████████████████████████████████████████▉ | 45029/80000 [03:03<02:19, 251.11it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 45000/80000 --> loss: 0.00008316, error: 0.10024230\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 63%|██████████████████████████████████████████████████████▍ | 50044/80000 [03:23<01:59, 251.71it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 50000/80000 --> loss: 0.00007280, error: 0.09465049\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 69%|███████████████████████████████████████████████████████████▊ | 55036/80000 [03:42<01:39, 250.87it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 55000/80000 --> loss: 0.00007733, error: 0.08879184\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 75%|█████████████████████████████████████████████████████████████████▎ | 60029/80000 [04:02<01:19, 251.31it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 60000/80000 --> loss: 0.00037428, error: 0.07858046\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 81%|██████████████████████████████████████████████████████████████████████▋ | 65047/80000 [04:22<00:59, 249.42it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 65000/80000 --> loss: 0.00006195, error: 0.07254340\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 88%|████████████████████████████████████████████████████████████████████████████▏ | 70038/80000 [04:42<00:39, 250.55it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 70000/80000 --> loss: 0.00204841, error: 0.05477934\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 94%|█████████████████████████████████████████████████████████████████████████████████▌ | 75030/80000 [05:02<00:19, 249.72it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 75000/80000 --> loss: 0.00004546, error: 0.05667559\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "100%|███████████████████████████████████████████████████████████████████████████████████████| 80000/80000 [05:21<00:00, 248.49it/s]\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 80000/80000 --> loss: 0.00019702, error: 0.04983564\n",
|
|
|
+ "Runtime: 4.02 ms/iter.\n",
|
|
|
+ "<function loss_poisson.<locals>.<lambda> at 0x7efa14764180>\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 0%| | 29/80000 [00:05<3:01:35, 7.34it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 1/80000 --> loss: 77.70401001, error: 0.99999458\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 6%|█████▌ | 5043/80000 [00:25<04:56, 252.65it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 5000/80000 --> loss: 0.00798017, error: 0.23682059\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 13%|██████████▉ | 10035/80000 [00:44<04:39, 250.24it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 10000/80000 --> loss: 0.00121260, error: 0.25081646\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 19%|████████████████▎ | 15029/80000 [01:04<04:16, 253.18it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 15000/80000 --> loss: 0.00218704, error: 0.22807597\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 25%|█████████████████████▊ | 20043/80000 [01:24<04:01, 247.89it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 20000/80000 --> loss: 0.00030234, error: 0.21117422\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 31%|███████████████████████████▏ | 25035/80000 [01:44<03:40, 249.80it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 25000/80000 --> loss: 0.00022810, error: 0.20980479\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 38%|████████████████████████████████▋ | 30051/80000 [02:04<03:19, 250.57it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 30000/80000 --> loss: 0.00051397, error: 0.20590399\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 44%|██████████████████████████████████████ | 35042/80000 [02:23<03:00, 248.74it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 35000/80000 --> loss: 0.00017183, error: 0.19909945\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 50%|███████████████████████████████████████████▌ | 40050/80000 [02:43<02:40, 248.63it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 40000/80000 --> loss: 0.00014075, error: 0.19312756\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 56%|████████████████████████████████████████████████▉ | 45042/80000 [03:03<02:19, 250.24it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 45000/80000 --> loss: 0.00053997, error: 0.18799791\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 63%|██████████████████████████████████████████████████████▍ | 50032/80000 [03:23<01:59, 249.89it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 50000/80000 --> loss: 0.00016652, error: 0.18073560\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 69%|███████████████████████████████████████████████████████████▊ | 55050/80000 [03:43<01:39, 251.41it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 55000/80000 --> loss: 0.00022270, error: 0.16612935\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 75%|█████████████████████████████████████████████████████████████████▎ | 60034/80000 [04:02<01:19, 250.95it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 60000/80000 --> loss: 0.00010309, error: 0.15813108\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 81%|██████████████████████████████████████████████████████████████████████▋ | 65028/80000 [04:22<00:59, 251.02it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 65000/80000 --> loss: 0.00136558, error: 0.15526016\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 88%|████████████████████████████████████████████████████████████████████████████▏ | 70028/80000 [04:43<00:53, 186.08it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 70000/80000 --> loss: 0.00527077, error: 0.16076787\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 94%|█████████████████████████████████████████████████████████████████████████████████▌ | 75020/80000 [05:08<00:32, 153.13it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 75000/80000 --> loss: 0.00008199, error: 0.12989746\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "100%|███████████████████████████████████████████████████████████████████████████████████████| 80000/80000 [05:28<00:00, 243.25it/s]\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 80000/80000 --> loss: 0.00011709, error: 0.11921639\n",
|
|
|
+ "Runtime: 4.11 ms/iter.\n",
|
|
|
+ "<function loss_poisson.<locals>.<lambda> at 0x7efa14767420>\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 0%| | 29/80000 [00:06<3:45:28, 5.91it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 1/80000 --> loss: 62.57711792, error: 1.00000930\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 6%|█████▌ | 5029/80000 [00:26<04:54, 254.88it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 5000/80000 --> loss: 0.00484440, error: 0.48296395\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 13%|██████████▉ | 10048/80000 [00:46<04:39, 250.54it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 10000/80000 --> loss: 0.00591155, error: 0.32058400\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 19%|████████████████▎ | 15040/80000 [01:05<04:19, 250.61it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 15000/80000 --> loss: 0.00085928, error: 0.18411273\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 25%|█████████████████████▊ | 20030/80000 [01:25<04:00, 249.56it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 20000/80000 --> loss: 0.00045139, error: 0.14108577\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 31%|███████████████████████████▏ | 25049/80000 [01:45<03:37, 252.10it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 25000/80000 --> loss: 0.00018517, error: 0.16124783\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 38%|████████████████████████████████▋ | 30037/80000 [02:05<03:19, 250.44it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 30000/80000 --> loss: 0.00124923, error: 0.16556460\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 44%|██████████████████████████████████████ | 35030/80000 [02:24<02:59, 249.97it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 35000/80000 --> loss: 0.00011310, error: 0.17257077\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 50%|███████████████████████████████████████████▌ | 40048/80000 [02:44<02:39, 251.17it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 40000/80000 --> loss: 0.00009450, error: 0.17315467\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 56%|████████████████████████████████████████████████▉ | 45036/80000 [03:05<02:19, 249.98it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 45000/80000 --> loss: 0.00008433, error: 0.17473179\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 63%|██████████████████████████████████████████████████████▍ | 50031/80000 [03:24<01:59, 251.83it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 50000/80000 --> loss: 0.00007307, error: 0.17444527\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 69%|███████████████████████████████████████████████████████████▊ | 55049/80000 [03:44<01:39, 250.03it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 55000/80000 --> loss: 0.00032932, error: 0.17427494\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 75%|█████████████████████████████████████████████████████████████████▎ | 60035/80000 [04:05<01:20, 248.79it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 60000/80000 --> loss: 0.00006712, error: 0.17712365\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 81%|██████████████████████████████████████████████████████████████████████▋ | 65049/80000 [04:25<00:59, 249.59it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 65000/80000 --> loss: 0.00028211, error: 0.18035150\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 88%|████████████████████████████████████████████████████████████████████████████▏ | 70036/80000 [04:44<00:39, 250.11it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 70000/80000 --> loss: 0.00005395, error: 0.18083160\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 94%|█████████████████████████████████████████████████████████████████████████████████▌ | 75043/80000 [05:04<00:19, 251.76it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 75000/80000 --> loss: 0.00116940, error: 0.17558986\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "100%|███████████████████████████████████████████████████████████████████████████████████████| 80000/80000 [05:24<00:00, 246.39it/s]\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 80000/80000 --> loss: 0.00012857, error: 0.18535230\n",
|
|
|
+ "Runtime: 4.06 ms/iter.\n",
|
|
|
+ "<function loss_poisson.<locals>.<lambda> at 0x7efa14764ae0>\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 0%| | 29/80000 [00:06<3:24:16, 6.52it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 1/80000 --> loss: 62.74308014, error: 0.99992204\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 6%|█████▌ | 5036/80000 [00:25<04:53, 255.03it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 5000/80000 --> loss: 0.00623153, error: 0.43913206\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 13%|██████████▉ | 10045/80000 [00:45<04:37, 251.65it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 10000/80000 --> loss: 0.00206494, error: 0.16279027\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 19%|████████████████▎ | 15038/80000 [01:05<04:18, 251.45it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 15000/80000 --> loss: 0.00068590, error: 0.08884486\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 25%|█████████████████████▊ | 20030/80000 [01:25<03:57, 251.98it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 20000/80000 --> loss: 0.00035004, error: 0.08784971\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 31%|███████████████████████████▏ | 25043/80000 [01:45<03:39, 250.07it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 25000/80000 --> loss: 0.00023501, error: 0.08316869\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 38%|████████████████████████████████▋ | 30047/80000 [02:05<03:20, 249.29it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 30000/80000 --> loss: 0.00018078, error: 0.07607352\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 44%|██████████████████████████████████████ | 35028/80000 [02:25<03:10, 236.09it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 35000/80000 --> loss: 0.00135577, error: 0.06773516\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 50%|███████████████████████████████████████████▌ | 40046/80000 [02:45<02:38, 251.31it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 40000/80000 --> loss: 0.00010138, error: 0.06273621\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 56%|████████████████████████████████████████████████▉ | 45031/80000 [03:06<02:16, 255.83it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 45000/80000 --> loss: 0.00018087, error: 0.05749659\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 63%|██████████████████████████████████████████████████████▍ | 50046/80000 [03:26<02:01, 246.79it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 50000/80000 --> loss: 0.00382265, error: 0.04810516\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 69%|███████████████████████████████████████████████████████████▊ | 55033/80000 [03:47<01:40, 247.49it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 55000/80000 --> loss: 0.00147983, error: 0.04490481\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 75%|█████████████████████████████████████████████████████████████████▎ | 60039/80000 [04:07<01:19, 252.03it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 60000/80000 --> loss: 0.00004675, error: 0.04226946\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 81%|██████████████████████████████████████████████████████████████████████▋ | 65044/80000 [04:27<01:04, 232.69it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 65000/80000 --> loss: 0.00016222, error: 0.03874073\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 88%|████████████████████████████████████████████████████████████████████████████▏ | 70030/80000 [04:47<00:39, 255.44it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 70000/80000 --> loss: 0.00003540, error: 0.03188686\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 94%|█████████████████████████████████████████████████████████████████████████████████▌ | 75042/80000 [05:07<00:20, 238.48it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 75000/80000 --> loss: 0.00003132, error: 0.02783147\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "100%|███████████████████████████████████████████████████████████████████████████████████████| 80000/80000 [05:27<00:00, 244.12it/s]\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 80000/80000 --> loss: 0.00002908, error: 0.02456055\n",
|
|
|
+ "Runtime: 4.10 ms/iter.\n",
|
|
|
+ "<function loss_poisson.<locals>.<lambda> at 0x7efa07b50ea0>\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 0%| | 29/80000 [00:06<3:43:33, 5.96it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 1/80000 --> loss: 73.70858002, error: 1.00126517\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 6%|█████▌ | 5044/80000 [00:26<05:10, 241.10it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 5000/80000 --> loss: 0.00571176, error: 0.29372948\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 13%|██████████▉ | 10023/80000 [00:51<06:02, 193.11it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 10000/80000 --> loss: 0.00175922, error: 0.15347262\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 19%|████████████████▎ | 15043/80000 [01:12<04:15, 253.94it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 15000/80000 --> loss: 0.00095300, error: 0.11184280\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 25%|█████████████████████▊ | 20029/80000 [01:39<05:49, 171.73it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 20000/80000 --> loss: 0.00045614, error: 0.10572364\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 31%|███████████████████████████▏ | 25029/80000 [02:07<05:18, 172.56it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 25000/80000 --> loss: 0.00029699, error: 0.11311495\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 38%|████████████████████████████████▋ | 30026/80000 [02:31<03:33, 234.09it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 30000/80000 --> loss: 0.00021583, error: 0.12251172\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 44%|██████████████████████████████████████ | 35020/80000 [03:01<04:42, 159.10it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 35000/80000 --> loss: 0.00127489, error: 0.12824637\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 50%|███████████████████████████████████████████▌ | 40020/80000 [03:30<04:08, 160.69it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 40000/80000 --> loss: 0.00013193, error: 0.13444412\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 56%|████████████████████████████████████████████████▉ | 45021/80000 [04:01<03:25, 170.39it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 45000/80000 --> loss: 0.00010629, error: 0.13632725\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 63%|██████████████████████████████████████████████████████▍ | 50041/80000 [04:23<01:57, 255.93it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 50000/80000 --> loss: 0.00008545, error: 0.13890621\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 69%|███████████████████████████████████████████████████████████▊ | 55038/80000 [04:42<01:40, 247.88it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 55000/80000 --> loss: 0.00006604, error: 0.13993707\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 75%|█████████████████████████████████████████████████████████████████▎ | 60029/80000 [05:06<01:42, 194.81it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 60000/80000 --> loss: 0.00016276, error: 0.13934743\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 81%|██████████████████████████████████████████████████████████████████████▋ | 65021/80000 [05:37<01:38, 152.49it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 65000/80000 --> loss: 0.00004355, error: 0.13400747\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 88%|████████████████████████████████████████████████████████████████████████████▏ | 70030/80000 [06:01<00:57, 174.04it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 70000/80000 --> loss: 0.00080596, error: 0.13222705\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 94%|█████████████████████████████████████████████████████████████████████████████████▌ | 75027/80000 [06:32<00:27, 179.66it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 75000/80000 --> loss: 0.00255057, error: 0.12233180\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "100%|███████████████████████████████████████████████████████████████████████████████████████| 80000/80000 [06:58<00:00, 190.99it/s]\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 80000/80000 --> loss: 0.00320365, error: 0.12406803\n",
|
|
|
+ "Runtime: 5.24 ms/iter.\n",
|
|
|
+ "<function loss_poisson.<locals>.<lambda> at 0x7efa07b50f40>\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 0%| | 21/80000 [00:08<6:06:42, 3.64it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 1/80000 --> loss: 75.00181580, error: 0.99997979\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 6%|█████▌ | 5029/80000 [00:40<07:25, 168.27it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 5000/80000 --> loss: 0.00499217, error: 0.52600819\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 13%|██████████▉ | 10029/80000 [01:11<07:43, 151.00it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 10000/80000 --> loss: 0.00843312, error: 0.35894492\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 19%|████████████████▎ | 15020/80000 [01:42<06:25, 168.39it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 15000/80000 --> loss: 0.00170833, error: 0.13352454\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 25%|█████████████████████▊ | 20033/80000 [02:03<03:54, 255.37it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 20000/80000 --> loss: 0.00091044, error: 0.08522690\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 31%|███████████████████████████▏ | 25046/80000 [02:24<03:44, 244.71it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 25000/80000 --> loss: 0.00102993, error: 0.11770214\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 38%|████████████████████████████████▋ | 30031/80000 [02:44<03:14, 256.91it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 30000/80000 --> loss: 0.00028354, error: 0.14216903\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 44%|██████████████████████████████████████ | 35029/80000 [03:05<03:24, 219.93it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 35000/80000 --> loss: 0.00790110, error: 0.15915301\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 50%|███████████████████████████████████████████▌ | 40045/80000 [03:25<02:34, 258.92it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 40000/80000 --> loss: 0.00014106, error: 0.13149704\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 56%|████████████████████████████████████████████████▉ | 45048/80000 [03:45<02:17, 253.65it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 45000/80000 --> loss: 0.00011217, error: 0.13464586\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 63%|██████████████████████████████████████████████████████▍ | 50047/80000 [04:04<01:57, 255.69it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 50000/80000 --> loss: 0.00024191, error: 0.12882778\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 69%|███████████████████████████████████████████████████████████▊ | 55029/80000 [04:24<01:37, 254.91it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 55000/80000 --> loss: 0.00008250, error: 0.13589607\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 75%|█████████████████████████████████████████████████████████████████▎ | 60047/80000 [04:43<01:18, 253.43it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 60000/80000 --> loss: 0.00006871, error: 0.13720767\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 81%|██████████████████████████████████████████████████████████████████████▋ | 65044/80000 [05:04<00:59, 252.29it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 65000/80000 --> loss: 0.00006783, error: 0.13853267\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 88%|████████████████████████████████████████████████████████████████████████████▏ | 70046/80000 [05:23<00:38, 255.93it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 70000/80000 --> loss: 0.00005497, error: 0.13954549\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 94%|█████████████████████████████████████████████████████████████████████████████████▌ | 75023/80000 [05:46<00:32, 152.49it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 75000/80000 --> loss: 0.00019855, error: 0.14109124\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "100%|███████████████████████████████████████████████████████████████████████████████████████| 80000/80000 [06:15<00:00, 212.83it/s]\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 80000/80000 --> loss: 0.00005635, error: 0.13736777\n",
|
|
|
+ "Runtime: 4.70 ms/iter.\n",
|
|
|
+ "<function loss_poisson.<locals>.<lambda> at 0x7efa07b51260>\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 0%| | 24/80000 [00:06<4:16:14, 5.20it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 1/80000 --> loss: 88.81758881, error: 0.99995333\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 6%|█████▌ | 5023/80000 [00:37<07:46, 160.70it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 5000/80000 --> loss: 0.00887967, error: 0.37766466\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 13%|██████████▉ | 10022/80000 [01:07<07:12, 161.71it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 10000/80000 --> loss: 0.00256468, error: 0.34118545\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 19%|████████████████▎ | 15046/80000 [01:27<04:13, 256.52it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 15000/80000 --> loss: 0.00048125, error: 0.20645793\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 25%|█████████████████████▊ | 20046/80000 [01:47<03:56, 253.91it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 20000/80000 --> loss: 0.00023967, error: 0.19447757\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 31%|███████████████████████████▏ | 25038/80000 [02:06<03:36, 253.82it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 25000/80000 --> loss: 0.00017867, error: 0.18853439\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 38%|████████████████████████████████▋ | 30031/80000 [02:26<03:16, 254.44it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 30000/80000 --> loss: 0.00015661, error: 0.18158098\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 44%|██████████████████████████████████████ | 35049/80000 [02:45<02:57, 253.76it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 35000/80000 --> loss: 0.00013336, error: 0.17361130\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 50%|███████████████████████████████████████████▌ | 40042/80000 [03:05<02:38, 252.64it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 40000/80000 --> loss: 0.00010111, error: 0.16624330\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 56%|████████████████████████████████████████████████▉ | 45046/80000 [03:24<02:18, 252.12it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 45000/80000 --> loss: 0.00008623, error: 0.15670751\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 63%|██████████████████████████████████████████████████████▍ | 50047/80000 [03:44<01:58, 251.82it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 50000/80000 --> loss: 0.00007653, error: 0.14556326\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 69%|███████████████████████████████████████████████████████████▊ | 55034/80000 [04:04<01:39, 251.81it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 55000/80000 --> loss: 0.00072522, error: 0.13596646\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 75%|█████████████████████████████████████████████████████████████████▎ | 60025/80000 [04:24<01:31, 218.37it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 60000/80000 --> loss: 0.00229292, error: 0.11365642\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 81%|██████████████████████████████████████████████████████████████████████▋ | 65046/80000 [04:43<00:59, 251.38it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 65000/80000 --> loss: 0.00005825, error: 0.10472070\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 88%|████████████████████████████████████████████████████████████████████████████▏ | 70042/80000 [05:03<00:39, 250.36it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 70000/80000 --> loss: 0.00004812, error: 0.09290779\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 94%|█████████████████████████████████████████████████████████████████████████████████▌ | 75042/80000 [05:23<00:19, 250.11it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 75000/80000 --> loss: 0.00004399, error: 0.08260155\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "100%|███████████████████████████████████████████████████████████████████████████████████████| 80000/80000 [05:42<00:00, 233.37it/s]\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 80000/80000 --> loss: 0.00574780, error: 0.07009967\n",
|
|
|
+ "Runtime: 4.29 ms/iter.\n",
|
|
|
+ "<function loss_poisson.<locals>.<lambda> at 0x7efa07b505e0>\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 0%| | 29/80000 [00:06<3:22:37, 6.58it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 1/80000 --> loss: 61.72335815, error: 0.99992079\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 6%|█████▌ | 5030/80000 [00:25<04:52, 256.34it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 5000/80000 --> loss: 0.02498708, error: 0.27118996\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 13%|██████████▉ | 10048/80000 [00:45<04:39, 250.19it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 10000/80000 --> loss: 0.00383313, error: 0.26190913\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 19%|████████████████▎ | 15044/80000 [01:04<04:16, 253.52it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 15000/80000 --> loss: 0.01650107, error: 0.27465364\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 25%|█████████████████████▊ | 20038/80000 [01:24<03:57, 252.96it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 20000/80000 --> loss: 0.00036662, error: 0.24730289\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 31%|███████████████████████████▏ | 25031/80000 [01:44<03:36, 254.07it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 25000/80000 --> loss: 0.00024517, error: 0.22270840\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 38%|████████████████████████████████▋ | 30049/80000 [02:04<03:19, 250.02it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 30000/80000 --> loss: 0.00017975, error: 0.19811952\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 44%|██████████████████████████████████████ | 35041/80000 [02:23<02:59, 250.16it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 35000/80000 --> loss: 0.00013524, error: 0.18328063\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 50%|███████████████████████████████████████████▌ | 40033/80000 [02:43<02:39, 250.45it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 40000/80000 --> loss: 0.00010658, error: 0.17332402\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 56%|████████████████████████████████████████████████▉ | 45051/80000 [03:03<02:19, 250.24it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 45000/80000 --> loss: 0.00022388, error: 0.16815212\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 63%|██████████████████████████████████████████████████████▍ | 50043/80000 [03:22<01:59, 249.87it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 50000/80000 --> loss: 0.00007258, error: 0.16995470\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 69%|███████████████████████████████████████████████████████████▊ | 55036/80000 [03:42<01:39, 249.84it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 55000/80000 --> loss: 0.00023137, error: 0.17105332\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 75%|█████████████████████████████████████████████████████████████████▎ | 60030/80000 [04:02<01:18, 252.86it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 60000/80000 --> loss: 0.00307564, error: 0.17658679\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 81%|██████████████████████████████████████████████████████████████████████▋ | 65048/80000 [04:22<00:59, 250.70it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 65000/80000 --> loss: 0.00004773, error: 0.16373704\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 88%|████████████████████████████████████████████████████████████████████████████▏ | 70038/80000 [04:42<00:39, 250.04it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 70000/80000 --> loss: 0.00007076, error: 0.15585659\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 94%|█████████████████████████████████████████████████████████████████████████████████▌ | 75029/80000 [05:02<00:21, 230.44it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 75000/80000 --> loss: 0.00003743, error: 0.15070146\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "100%|███████████████████████████████████████████████████████████████████████████████████████| 80000/80000 [05:21<00:00, 248.54it/s]\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 80000/80000 --> loss: 0.00010761, error: 0.14520784\n",
|
|
|
+ "Runtime: 4.02 ms/iter.\n",
|
|
|
+ "<function loss_poisson.<locals>.<lambda> at 0x7efa07b505e0>\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 0%| | 29/80000 [00:05<2:56:38, 7.55it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 1/80000 --> loss: 79.11003876, error: 0.99971384\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 6%|█████▌ | 5042/80000 [00:24<04:56, 252.99it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 5000/80000 --> loss: 0.00511076, error: 0.53207183\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 13%|██████████▉ | 10034/80000 [00:44<04:38, 251.16it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 10000/80000 --> loss: 0.00162585, error: 0.35771146\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 19%|████████████████▎ | 15029/80000 [01:04<04:15, 253.93it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 15000/80000 --> loss: 0.00054118, error: 0.18040882\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 25%|█████████████████████▊ | 20047/80000 [01:23<03:58, 251.50it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 20000/80000 --> loss: 0.00016515, error: 0.09968051\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 31%|███████████████████████████▏ | 25039/80000 [01:43<03:38, 251.14it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 25000/80000 --> loss: 0.00009596, error: 0.07402115\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 38%|████████████████████████████████▋ | 30031/80000 [02:03<03:19, 250.68it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 30000/80000 --> loss: 0.00007460, error: 0.06548862\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 44%|██████████████████████████████████████ | 35049/80000 [02:23<02:58, 251.55it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 35000/80000 --> loss: 0.00006349, error: 0.06078459\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 50%|███████████████████████████████████████████▌ | 40041/80000 [02:42<02:39, 250.85it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 40000/80000 --> loss: 0.00072513, error: 0.05248947\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 56%|████████████████████████████████████████████████▉ | 45033/80000 [03:02<02:19, 251.10it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 45000/80000 --> loss: 0.00005017, error: 0.04610423\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 63%|██████████████████████████████████████████████████████▍ | 50051/80000 [03:22<01:58, 252.98it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 50000/80000 --> loss: 0.00018570, error: 0.03455550\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 69%|███████████████████████████████████████████████████████████▊ | 55044/80000 [03:42<01:39, 251.69it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 55000/80000 --> loss: 0.00133832, error: 0.02983268\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 75%|█████████████████████████████████████████████████████████████████▎ | 60036/80000 [04:01<01:20, 249.27it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 60000/80000 --> loss: 0.00003715, error: 0.02525349\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 81%|██████████████████████████████████████████████████████████████████████▋ | 65030/80000 [04:21<00:59, 251.72it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 65000/80000 --> loss: 0.00003372, error: 0.03122942\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 88%|████████████████████████████████████████████████████████████████████████████▏ | 70046/80000 [04:41<00:39, 249.66it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 70000/80000 --> loss: 0.00003362, error: 0.04182358\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 94%|█████████████████████████████████████████████████████████████████████████████████▌ | 75039/80000 [05:01<00:19, 252.82it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 75000/80000 --> loss: 0.00003901, error: 0.05185419\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "100%|███████████████████████████████████████████████████████████████████████████████████████| 80000/80000 [05:20<00:00, 249.40it/s]\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 80000/80000 --> loss: 0.00072134, error: 0.06040370\n",
|
|
|
+ "Runtime: 4.01 ms/iter.\n",
|
|
|
+ "<function loss_poisson.<locals>.<lambda> at 0x7efa05b7f420>\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 0%| | 27/80000 [00:07<4:08:56, 5.35it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 1/80000 --> loss: 73.34758759, error: 0.99996960\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 6%|█████▌ | 5044/80000 [00:29<05:37, 222.40it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 5000/80000 --> loss: 0.00892115, error: 0.40432054\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 13%|██████████▉ | 10035/80000 [00:51<05:15, 221.58it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 10000/80000 --> loss: 0.00402565, error: 0.38528511\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 19%|████████████████▎ | 15027/80000 [01:14<04:52, 222.12it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 15000/80000 --> loss: 0.00185127, error: 0.26787168\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 25%|█████████████████████▊ | 20042/80000 [01:36<04:31, 220.94it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 20000/80000 --> loss: 0.01664662, error: 0.20460172\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 31%|███████████████████████████▏ | 25033/80000 [01:59<04:09, 219.89it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 25000/80000 --> loss: 0.00024067, error: 0.12954909\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 38%|████████████████████████████████▋ | 30026/80000 [02:21<03:45, 221.39it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 30000/80000 --> loss: 0.00011243, error: 0.12493853\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 44%|██████████████████████████████████████ | 35040/80000 [02:44<03:23, 221.47it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 35000/80000 --> loss: 0.00012201, error: 0.13012120\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 50%|███████████████████████████████████████████▌ | 40031/80000 [03:06<03:01, 219.98it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 40000/80000 --> loss: 0.00007589, error: 0.13654058\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 56%|████████████████████████████████████████████████▉ | 45045/80000 [03:29<02:39, 219.51it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 45000/80000 --> loss: 0.00006723, error: 0.14141561\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 63%|██████████████████████████████████████████████████████▍ | 50036/80000 [03:51<02:16, 219.72it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 50000/80000 --> loss: 0.00006031, error: 0.14640579\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 69%|███████████████████████████████████████████████████████████▊ | 55027/80000 [04:13<01:53, 219.93it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 55000/80000 --> loss: 0.00009965, error: 0.15230259\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 75%|█████████████████████████████████████████████████████████████████▎ | 60041/80000 [04:36<01:30, 220.58it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 60000/80000 --> loss: 0.00004841, error: 0.15663511\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 81%|██████████████████████████████████████████████████████████████████████▋ | 65032/80000 [04:58<01:07, 220.87it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 65000/80000 --> loss: 0.00030364, error: 0.16276565\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 88%|████████████████████████████████████████████████████████████████████████████▏ | 70025/80000 [05:21<00:45, 220.59it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 70000/80000 --> loss: 0.00004010, error: 0.16343692\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 94%|█████████████████████████████████████████████████████████████████████████████████▌ | 75039/80000 [05:43<00:22, 221.64it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 75000/80000 --> loss: 0.00003847, error: 0.16586351\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "100%|███████████████████████████████████████████████████████████████████████████████████████| 80000/80000 [06:06<00:00, 218.50it/s]\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 80000/80000 --> loss: 0.00003423, error: 0.16855101\n",
|
|
|
+ "Runtime: 4.58 ms/iter.\n",
|
|
|
+ "<function loss_poisson.<locals>.<lambda> at 0x7efa061f1620>\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 0%| | 26/80000 [00:05<3:18:14, 6.72it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 1/80000 --> loss: 70.15261841, error: 0.99934810\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 6%|█████▌ | 5040/80000 [00:27<05:39, 220.47it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 5000/80000 --> loss: 0.00776163, error: 0.45971751\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 13%|██████████▉ | 10031/80000 [00:50<05:14, 222.32it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 10000/80000 --> loss: 0.00327360, error: 0.34690070\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 19%|████████████████▎ | 15045/80000 [01:12<04:55, 219.50it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 15000/80000 --> loss: 0.00161440, error: 0.27251804\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 25%|█████████████████████▊ | 20036/80000 [01:34<04:32, 220.30it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 20000/80000 --> loss: 0.00072042, error: 0.21101373\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 31%|███████████████████████████▏ | 25027/80000 [01:57<04:09, 220.15it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 25000/80000 --> loss: 0.00035139, error: 0.17878991\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 38%|████████████████████████████████▋ | 30041/80000 [02:19<03:47, 219.88it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 30000/80000 --> loss: 0.00020931, error: 0.16305085\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 44%|██████████████████████████████████████ | 35032/80000 [02:42<03:23, 221.23it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 35000/80000 --> loss: 0.00013974, error: 0.15741457\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 50%|███████████████████████████████████████████▌ | 40025/80000 [03:04<03:00, 221.19it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 40000/80000 --> loss: 0.00011806, error: 0.15564932\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 56%|████████████████████████████████████████████████▉ | 45039/80000 [03:27<02:38, 220.77it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 45000/80000 --> loss: 0.00009900, error: 0.15915588\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 63%|██████████████████████████████████████████████████████▍ | 50030/80000 [03:49<02:16, 219.78it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 50000/80000 --> loss: 0.00008735, error: 0.16267699\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 69%|███████████████████████████████████████████████████████████▊ | 55044/80000 [04:12<01:53, 219.73it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 55000/80000 --> loss: 0.00014135, error: 0.16406405\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 75%|█████████████████████████████████████████████████████████████████▎ | 60035/80000 [04:34<01:30, 221.81it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 60000/80000 --> loss: 0.00007428, error: 0.16705270\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 81%|██████████████████████████████████████████████████████████████████████▋ | 65027/80000 [04:57<01:07, 220.39it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 65000/80000 --> loss: 0.00009888, error: 0.16928378\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 88%|████████████████████████████████████████████████████████████████████████████▏ | 70041/80000 [05:19<00:45, 220.61it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 70000/80000 --> loss: 0.00006585, error: 0.16881330\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 94%|█████████████████████████████████████████████████████████████████████████████████▌ | 75032/80000 [05:42<00:22, 218.93it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 75000/80000 --> loss: 0.00046519, error: 0.16544299\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "100%|███████████████████████████████████████████████████████████████████████████████████████| 80000/80000 [06:04<00:00, 219.54it/s]\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 80000/80000 --> loss: 0.00007908, error: 0.16891339\n",
|
|
|
+ "Runtime: 4.55 ms/iter.\n",
|
|
|
+ "<function loss_poisson.<locals>.<lambda> at 0x7efa061f1760>\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 0%| | 26/80000 [00:05<3:30:13, 6.34it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 1/80000 --> loss: 77.44077301, error: 0.99933112\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 6%|█████▌ | 5041/80000 [00:28<05:40, 220.32it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 5000/80000 --> loss: 0.00786630, error: 0.37624690\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 13%|██████████▉ | 10032/80000 [00:50<05:17, 220.36it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 10000/80000 --> loss: 0.00279489, error: 0.32377109\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 19%|████████████████▎ | 15025/80000 [01:12<04:51, 222.70it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 15000/80000 --> loss: 0.00116907, error: 0.24689449\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 25%|█████████████████████▊ | 20039/80000 [01:35<04:32, 219.97it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 20000/80000 --> loss: 0.00325051, error: 0.18906619\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 31%|███████████████████████████▏ | 25030/80000 [01:57<04:08, 221.46it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 25000/80000 --> loss: 0.00032097, error: 0.20047668\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 38%|████████████████████████████████▋ | 30044/80000 [02:20<03:47, 219.87it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 30000/80000 --> loss: 0.00048939, error: 0.20228346\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 44%|██████████████████████████████████████ | 35035/80000 [02:42<03:24, 220.23it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 35000/80000 --> loss: 0.00195267, error: 0.22543672\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 50%|███████████████████████████████████████████▌ | 40027/80000 [03:05<03:01, 220.49it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 40000/80000 --> loss: 0.00015964, error: 0.21678662\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 56%|████████████████████████████████████████████████▉ | 45041/80000 [03:27<02:39, 219.44it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 45000/80000 --> loss: 0.00013022, error: 0.22315724\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 63%|██████████████████████████████████████████████████████▍ | 50032/80000 [03:50<02:16, 220.07it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 50000/80000 --> loss: 0.00025730, error: 0.22898953\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 69%|███████████████████████████████████████████████████████████▊ | 55025/80000 [04:12<01:52, 221.27it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 55000/80000 --> loss: 0.00010785, error: 0.23658811\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 75%|█████████████████████████████████████████████████████████████████▎ | 60039/80000 [04:35<01:30, 220.29it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 60000/80000 --> loss: 0.00009919, error: 0.24399675\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 81%|██████████████████████████████████████████████████████████████████████▋ | 65030/80000 [04:57<01:07, 221.68it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 65000/80000 --> loss: 0.00152188, error: 0.24548917\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 88%|████████████████████████████████████████████████████████████████████████████▏ | 70044/80000 [05:19<00:45, 218.74it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 70000/80000 --> loss: 0.00010855, error: 0.25812408\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 94%|█████████████████████████████████████████████████████████████████████████████████▌ | 75035/80000 [05:42<00:22, 220.81it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 75000/80000 --> loss: 0.00008376, error: 0.26498583\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "100%|███████████████████████████████████████████████████████████████████████████████████████| 80000/80000 [06:04<00:00, 219.35it/s]\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 80000/80000 --> loss: 0.00209125, error: 0.27767709\n",
|
|
|
+ "Runtime: 4.56 ms/iter.\n",
|
|
|
+ "<function loss_poisson.<locals>.<lambda> at 0x7efa061f27a0>\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 0%| | 26/80000 [00:05<3:19:23, 6.68it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 1/80000 --> loss: 62.63138199, error: 1.00019050\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 6%|█████▌ | 5042/80000 [00:27<05:40, 220.11it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 5000/80000 --> loss: 0.01083540, error: 0.39155346\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 13%|██████████▉ | 10033/80000 [00:50<05:17, 220.29it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 10000/80000 --> loss: 0.00549154, error: 0.40687796\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 19%|████████████████▎ | 15026/80000 [01:12<04:52, 221.89it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 15000/80000 --> loss: 0.00166264, error: 0.28081679\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 25%|█████████████████████▊ | 20040/80000 [01:35<04:33, 218.94it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 20000/80000 --> loss: 0.00079780, error: 0.21148247\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 31%|███████████████████████████▏ | 25032/80000 [01:57<04:10, 219.80it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 25000/80000 --> loss: 0.00056834, error: 0.19546604\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 38%|████████████████████████████████▋ | 30026/80000 [02:19<03:43, 223.85it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 30000/80000 --> loss: 0.00031064, error: 0.18777315\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 44%|██████████████████████████████████████ | 35040/80000 [02:42<03:23, 221.42it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 35000/80000 --> loss: 0.00022041, error: 0.18246403\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 50%|███████████████████████████████████████████▌ | 40032/80000 [03:04<03:01, 220.65it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 40000/80000 --> loss: 0.00015971, error: 0.18018611\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 56%|████████████████████████████████████████████████▉ | 45026/80000 [03:27<02:36, 222.79it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 45000/80000 --> loss: 0.00012337, error: 0.17650902\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 63%|██████████████████████████████████████████████████████▍ | 50040/80000 [03:49<02:16, 219.62it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 50000/80000 --> loss: 0.00010585, error: 0.17882955\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 69%|███████████████████████████████████████████████████████████▊ | 55031/80000 [04:12<01:53, 220.80it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 55000/80000 --> loss: 0.00010002, error: 0.18861236\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 75%|█████████████████████████████████████████████████████████████████▎ | 60045/80000 [04:34<01:30, 219.81it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 60000/80000 --> loss: 0.00074227, error: 0.19983523\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 81%|██████████████████████████████████████████████████████████████████████▋ | 65036/80000 [04:57<01:07, 220.20it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 65000/80000 --> loss: 0.00008937, error: 0.19616717\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 88%|████████████████████████████████████████████████████████████████████████████▏ | 70027/80000 [05:19<00:45, 219.66it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 70000/80000 --> loss: 0.00008793, error: 0.19803578\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 94%|█████████████████████████████████████████████████████████████████████████████████▌ | 75041/80000 [05:42<00:22, 218.64it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 75000/80000 --> loss: 0.00008928, error: 0.19801426\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "100%|███████████████████████████████████████████████████████████████████████████████████████| 80000/80000 [06:04<00:00, 219.36it/s]\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 80000/80000 --> loss: 0.00008236, error: 0.19751036\n",
|
|
|
+ "Runtime: 4.56 ms/iter.\n",
|
|
|
+ "<function loss_poisson.<locals>.<lambda> at 0x7efa061f3380>\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 0%| | 26/80000 [00:05<3:26:46, 6.45it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 1/80000 --> loss: 63.06039810, error: 1.00050390\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 6%|█████▌ | 5041/80000 [00:27<05:39, 221.10it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 5000/80000 --> loss: 0.01043456, error: 0.41381592\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 13%|██████████▉ | 10032/80000 [00:50<05:17, 220.39it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 10000/80000 --> loss: 0.00464137, error: 0.37552840\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 19%|████████████████▎ | 15025/80000 [01:12<04:54, 220.50it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 15000/80000 --> loss: 0.00186629, error: 0.23620848\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 25%|█████████████████████▊ | 20039/80000 [01:35<04:32, 219.66it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 20000/80000 --> loss: 0.00077423, error: 0.13360365\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 31%|███████████████████████████▏ | 25030/80000 [01:57<04:08, 220.91it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 25000/80000 --> loss: 0.00040204, error: 0.10291177\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 38%|████████████████████████████████▋ | 30044/80000 [02:20<03:48, 218.95it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 30000/80000 --> loss: 0.00021137, error: 0.10088806\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 44%|██████████████████████████████████████ | 35035/80000 [02:42<03:24, 219.57it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 35000/80000 --> loss: 0.00025253, error: 0.10652462\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 50%|███████████████████████████████████████████▌ | 40027/80000 [03:05<03:00, 221.84it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 40000/80000 --> loss: 0.00358126, error: 0.09802936\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 56%|████████████████████████████████████████████████▉ | 45041/80000 [03:27<02:37, 221.50it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 45000/80000 --> loss: 0.00452831, error: 0.11780812\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 63%|██████████████████████████████████████████████████████▍ | 50032/80000 [03:50<02:16, 219.19it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 50000/80000 --> loss: 0.00006250, error: 0.11237533\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 69%|███████████████████████████████████████████████████████████▊ | 55025/80000 [04:12<01:53, 221.00it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 55000/80000 --> loss: 0.00009698, error: 0.11384147\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 75%|█████████████████████████████████████████████████████████████████▎ | 60039/80000 [04:35<01:31, 219.03it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 60000/80000 --> loss: 0.00004829, error: 0.11778801\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 81%|██████████████████████████████████████████████████████████████████████▋ | 65030/80000 [04:57<01:08, 220.15it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 65000/80000 --> loss: 0.00004270, error: 0.12090459\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 88%|████████████████████████████████████████████████████████████████████████████▏ | 70044/80000 [05:20<00:45, 219.77it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 70000/80000 --> loss: 0.00314922, error: 0.11239840\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 94%|█████████████████████████████████████████████████████████████████████████████████▌ | 75035/80000 [05:42<00:22, 220.17it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 75000/80000 --> loss: 0.00423884, error: 0.11234459\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "100%|███████████████████████████████████████████████████████████████████████████████████████| 80000/80000 [06:04<00:00, 219.21it/s]\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 80000/80000 --> loss: 0.00006289, error: 0.12830845\n",
|
|
|
+ "Runtime: 4.56 ms/iter.\n",
|
|
|
+ "<function loss_poisson.<locals>.<lambda> at 0x7efa061f0ea0>\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 0%| | 26/80000 [00:05<3:31:05, 6.31it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 1/80000 --> loss: 72.92734528, error: 0.99953198\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 6%|█████▌ | 5039/80000 [00:28<05:36, 222.66it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 5000/80000 --> loss: 0.00735837, error: 0.39791775\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 13%|██████████▉ | 10030/80000 [00:50<05:18, 219.94it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 10000/80000 --> loss: 0.00284271, error: 0.34386572\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 19%|████████████████▎ | 15044/80000 [01:12<04:54, 220.93it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 15000/80000 --> loss: 0.00193766, error: 0.29031673\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 25%|█████████████████████▊ | 20035/80000 [01:35<04:32, 220.43it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 20000/80000 --> loss: 0.00147584, error: 0.26144233\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 31%|███████████████████████████▏ | 25027/80000 [01:57<04:08, 221.40it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 25000/80000 --> loss: 0.00113989, error: 0.24939336\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 38%|████████████████████████████████▋ | 30041/80000 [02:20<03:46, 220.23it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 30000/80000 --> loss: 0.00080156, error: 0.23468292\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 44%|██████████████████████████████████████ | 35032/80000 [02:42<03:26, 218.11it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 35000/80000 --> loss: 0.00042588, error: 0.21145463\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 50%|███████████████████████████████████████████▌ | 40025/80000 [03:05<02:59, 222.27it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 40000/80000 --> loss: 0.00022340, error: 0.20034701\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 56%|████████████████████████████████████████████████▉ | 45039/80000 [03:27<02:39, 219.57it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 45000/80000 --> loss: 0.00014670, error: 0.20060511\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 63%|██████████████████████████████████████████████████████▍ | 50030/80000 [03:50<02:16, 219.67it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 50000/80000 --> loss: 0.00011355, error: 0.19683205\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 69%|███████████████████████████████████████████████████████████▊ | 55044/80000 [04:12<01:53, 218.93it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 55000/80000 --> loss: 0.00009324, error: 0.18759532\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 75%|█████████████████████████████████████████████████████████████████▎ | 60035/80000 [04:35<01:31, 219.03it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 60000/80000 --> loss: 0.00007697, error: 0.17517155\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 81%|██████████████████████████████████████████████████████████████████████▋ | 65027/80000 [04:57<01:07, 220.48it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 65000/80000 --> loss: 0.00022582, error: 0.15917253\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 88%|████████████████████████████████████████████████████████████████████████████▏ | 70041/80000 [05:20<00:45, 219.81it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 70000/80000 --> loss: 0.00006169, error: 0.14632590\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 94%|█████████████████████████████████████████████████████████████████████████████████▌ | 75032/80000 [05:42<00:22, 219.91it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 75000/80000 --> loss: 0.00397468, error: 0.13309757\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "100%|███████████████████████████████████████████████████████████████████████████████████████| 80000/80000 [06:04<00:00, 219.30it/s]\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 80000/80000 --> loss: 0.00024072, error: 0.11909702\n",
|
|
|
+ "Runtime: 4.56 ms/iter.\n",
|
|
|
+ "<function loss_poisson.<locals>.<lambda> at 0x7efa061f2ac0>\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 0%| | 26/80000 [00:05<3:18:00, 6.73it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 1/80000 --> loss: 74.97250366, error: 0.99986029\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 6%|█████▌ | 5041/80000 [00:27<05:39, 221.07it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 5000/80000 --> loss: 0.00590678, error: 0.26666009\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 13%|██████████▉ | 10032/80000 [00:50<05:17, 220.31it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 10000/80000 --> loss: 0.00230296, error: 0.22057237\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 19%|████████████████▎ | 15025/80000 [01:12<04:53, 221.27it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 15000/80000 --> loss: 0.01042894, error: 0.14680260\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 25%|█████████████████████▊ | 20039/80000 [01:34<04:32, 220.16it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 20000/80000 --> loss: 0.00199259, error: 0.12533671\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 31%|███████████████████████████▏ | 25030/80000 [01:57<04:09, 220.47it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 25000/80000 --> loss: 0.00036402, error: 0.08834219\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 38%|████████████████████████████████▋ | 30044/80000 [02:19<03:46, 220.39it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 30000/80000 --> loss: 0.00026275, error: 0.07835648\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 44%|██████████████████████████████████████ | 35035/80000 [02:42<03:23, 220.55it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 35000/80000 --> loss: 0.00021300, error: 0.07753368\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 50%|███████████████████████████████████████████▌ | 40027/80000 [03:04<02:59, 222.12it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 40000/80000 --> loss: 0.00018081, error: 0.08188225\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 56%|████████████████████████████████████████████████▉ | 45041/80000 [03:27<02:39, 218.62it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 45000/80000 --> loss: 0.00015551, error: 0.08925080\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 63%|██████████████████████████████████████████████████████▍ | 50032/80000 [03:49<02:16, 219.87it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 50000/80000 --> loss: 0.00071914, error: 0.10117797\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 69%|███████████████████████████████████████████████████████████▊ | 55025/80000 [04:12<01:52, 221.90it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 55000/80000 --> loss: 0.00012227, error: 0.10581993\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 75%|█████████████████████████████████████████████████████████████████▎ | 60032/80000 [04:35<01:32, 215.98it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 60000/80000 --> loss: 0.00011574, error: 0.11430783\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 81%|██████████████████████████████████████████████████████████████████████▋ | 65041/80000 [05:05<01:07, 220.04it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 65000/80000 --> loss: 0.00010176, error: 0.12005484\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 88%|████████████████████████████████████████████████████████████████████████████▏ | 70033/80000 [05:27<00:45, 220.94it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 70000/80000 --> loss: 0.00009488, error: 0.12606721\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 94%|█████████████████████████████████████████████████████████████████████████████████▌ | 75026/80000 [05:49<00:22, 222.39it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 75000/80000 --> loss: 0.00008763, error: 0.13065325\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "100%|███████████████████████████████████████████████████████████████████████████████████████| 80000/80000 [06:12<00:00, 214.94it/s]\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 80000/80000 --> loss: 0.00008228, error: 0.13425407\n",
|
|
|
+ "Runtime: 4.65 ms/iter.\n",
|
|
|
+ "<function loss_poisson.<locals>.<lambda> at 0x7efa061f05e0>\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 0%| | 26/80000 [00:06<3:48:45, 5.83it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 1/80000 --> loss: 88.80065155, error: 0.99992210\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 6%|█████▌ | 5042/80000 [00:28<05:38, 221.43it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 5000/80000 --> loss: 0.01081186, error: 0.48587623\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 13%|██████████▉ | 10033/80000 [00:50<05:17, 220.71it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 10000/80000 --> loss: 0.00482516, error: 0.48601368\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 19%|████████████████▎ | 15026/80000 [01:13<04:52, 222.34it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 15000/80000 --> loss: 0.00216076, error: 0.42601517\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 25%|█████████████████████▊ | 20040/80000 [01:35<04:29, 222.31it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 20000/80000 --> loss: 0.00223890, error: 0.34726560\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 31%|███████████████████████████▏ | 25033/80000 [01:57<04:08, 221.15it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 25000/80000 --> loss: 0.00031137, error: 0.29912636\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 38%|████████████████████████████████▋ | 30026/80000 [02:20<03:43, 223.57it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 30000/80000 --> loss: 0.00020759, error: 0.28365132\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 44%|██████████████████████████████████████ | 35040/80000 [02:42<03:22, 222.02it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 35000/80000 --> loss: 0.00015888, error: 0.27057853\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 50%|███████████████████████████████████████████▌ | 40031/80000 [03:05<03:02, 219.42it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 40000/80000 --> loss: 0.00025160, error: 0.26020688\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 56%|████████████████████████████████████████████████▉ | 45027/80000 [03:27<02:38, 221.21it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 45000/80000 --> loss: 0.00011670, error: 0.25735545\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 63%|██████████████████████████████████████████████████████▍ | 50041/80000 [03:49<02:15, 221.03it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 50000/80000 --> loss: 0.00010164, error: 0.25101021\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 69%|███████████████████████████████████████████████████████████▊ | 55032/80000 [04:12<01:52, 221.57it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 55000/80000 --> loss: 0.00094963, error: 0.25018698\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 75%|█████████████████████████████████████████████████████████████████▎ | 60025/80000 [04:34<01:29, 222.54it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 60000/80000 --> loss: 0.00009779, error: 0.24272792\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 81%|██████████████████████████████████████████████████████████████████████▋ | 65039/80000 [04:57<01:07, 221.44it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 65000/80000 --> loss: 0.00015335, error: 0.24136631\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 88%|████████████████████████████████████████████████████████████████████████████▏ | 70030/80000 [05:19<00:45, 220.23it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 70000/80000 --> loss: 0.00009011, error: 0.23151956\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 94%|█████████████████████████████████████████████████████████████████████████████████▌ | 75044/80000 [05:42<00:22, 220.52it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 75000/80000 --> loss: 0.00430139, error: 0.21243960\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "100%|███████████████████████████████████████████████████████████████████████████████████████| 80000/80000 [06:04<00:00, 219.61it/s]\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 80000/80000 --> loss: 0.00005618, error: 0.22160329\n",
|
|
|
+ "Runtime: 4.55 ms/iter.\n",
|
|
|
+ "<function loss_poisson.<locals>.<lambda> at 0x7efa061f3e20>\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 0%| | 25/80000 [00:05<3:35:58, 6.17it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 1/80000 --> loss: 61.84589767, error: 0.99993682\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 6%|█████▌ | 5038/80000 [00:27<05:38, 221.57it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 5000/80000 --> loss: 0.00645797, error: 0.37566972\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 13%|██████████▉ | 10029/80000 [00:50<05:17, 220.46it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 10000/80000 --> loss: 0.00251556, error: 0.36943313\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 19%|████████████████▎ | 15043/80000 [01:12<04:55, 219.86it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 15000/80000 --> loss: 0.00206446, error: 0.27315870\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 25%|█████████████████████▊ | 20034/80000 [01:35<04:31, 220.84it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 20000/80000 --> loss: 0.00106236, error: 0.20293166\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 31%|███████████████████████████▏ | 25026/80000 [01:57<04:08, 221.13it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 25000/80000 --> loss: 0.00076600, error: 0.16203859\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 38%|████████████████████████████████▋ | 30040/80000 [02:20<03:48, 219.08it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 30000/80000 --> loss: 0.00048200, error: 0.13363026\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 44%|██████████████████████████████████████ | 35031/80000 [02:42<03:23, 220.96it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 35000/80000 --> loss: 0.00030462, error: 0.11903080\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 50%|███████████████████████████████████████████▌ | 40045/80000 [03:05<03:01, 219.55it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 40000/80000 --> loss: 0.00022298, error: 0.11886057\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 56%|████████████████████████████████████████████████▉ | 45036/80000 [03:27<02:38, 220.17it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 45000/80000 --> loss: 0.00017867, error: 0.12187021\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 63%|██████████████████████████████████████████████████████▍ | 50027/80000 [03:49<02:16, 220.16it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 50000/80000 --> loss: 0.00016129, error: 0.12367120\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 69%|███████████████████████████████████████████████████████████▊ | 55041/80000 [04:12<01:53, 219.47it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 55000/80000 --> loss: 0.00013613, error: 0.13057004\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 75%|█████████████████████████████████████████████████████████████████▎ | 60032/80000 [04:34<01:30, 220.86it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 60000/80000 --> loss: 0.00012034, error: 0.13553976\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 81%|██████████████████████████████████████████████████████████████████████▋ | 65025/80000 [04:57<01:07, 221.87it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 65000/80000 --> loss: 0.00010589, error: 0.14046952\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 88%|████████████████████████████████████████████████████████████████████████████▏ | 70041/80000 [05:19<00:45, 219.83it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 70000/80000 --> loss: 0.00009674, error: 0.14499645\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 94%|█████████████████████████████████████████████████████████████████████████████████▌ | 75032/80000 [05:42<00:22, 220.65it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 75000/80000 --> loss: 0.00009291, error: 0.15028906\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "100%|███████████████████████████████████████████████████████████████████████████████████████| 80000/80000 [06:04<00:00, 219.31it/s]\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 80000/80000 --> loss: 0.00813907, error: 0.16682209\n",
|
|
|
+ "Runtime: 4.56 ms/iter.\n",
|
|
|
+ "<function loss_poisson.<locals>.<lambda> at 0x7efa04031620>\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 0%| | 26/80000 [00:05<3:25:34, 6.48it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 1/80000 --> loss: 79.47052765, error: 1.00023031\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 6%|█████▌ | 5045/80000 [00:27<05:40, 220.43it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 5000/80000 --> loss: 0.00681721, error: 0.38308990\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 13%|██████████▉ | 10036/80000 [00:50<05:16, 220.88it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 10000/80000 --> loss: 0.00350826, error: 0.34025535\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 19%|████████████████▎ | 15027/80000 [01:12<04:54, 220.92it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 15000/80000 --> loss: 0.00159963, error: 0.27022830\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 25%|█████████████████████▊ | 20041/80000 [01:35<04:33, 219.04it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 20000/80000 --> loss: 0.00118329, error: 0.22136939\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 31%|███████████████████████████▏ | 25032/80000 [01:57<04:11, 218.67it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 25000/80000 --> loss: 0.00254371, error: 0.19368841\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 38%|████████████████████████████████▋ | 30025/80000 [02:20<03:46, 221.12it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 30000/80000 --> loss: 0.00080743, error: 0.17483459\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 44%|██████████████████████████████████████ | 35039/80000 [02:42<03:23, 220.78it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 35000/80000 --> loss: 0.00060366, error: 0.15226549\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 50%|███████████████████████████████████████████▌ | 40030/80000 [03:05<03:02, 218.94it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 40000/80000 --> loss: 0.00042179, error: 0.12742083\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 56%|████████████████████████████████████████████████▉ | 45044/80000 [03:27<02:37, 221.70it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 45000/80000 --> loss: 0.00029060, error: 0.10485524\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 63%|██████████████████████████████████████████████████████▍ | 50035/80000 [03:50<02:15, 220.44it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 50000/80000 --> loss: 0.00021909, error: 0.09632228\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 69%|███████████████████████████████████████████████████████████▊ | 55027/80000 [04:12<01:53, 220.93it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 55000/80000 --> loss: 0.00017576, error: 0.09890689\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 75%|█████████████████████████████████████████████████████████████████▎ | 60041/80000 [04:35<01:31, 218.62it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 60000/80000 --> loss: 0.00026136, error: 0.10527046\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 81%|██████████████████████████████████████████████████████████████████████▋ | 65032/80000 [04:57<01:07, 220.31it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 65000/80000 --> loss: 0.00012366, error: 0.11290622\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 88%|████████████████████████████████████████████████████████████████████████████▏ | 70025/80000 [05:20<00:45, 221.65it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 70000/80000 --> loss: 0.00010776, error: 0.11953676\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 94%|█████████████████████████████████████████████████████████████████████████████████▌ | 75039/80000 [05:42<00:22, 220.65it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 75000/80000 --> loss: 0.00009410, error: 0.12520602\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "100%|███████████████████████████████████████████████████████████████████████████████████████| 80000/80000 [06:04<00:00, 219.27it/s]\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 80000/80000 --> loss: 0.00008433, error: 0.12979801\n",
|
|
|
+ "Runtime: 4.56 ms/iter.\n",
|
|
|
+ "<function loss_poisson.<locals>.<lambda> at 0x7efa040ecfe0>\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 0%| | 27/80000 [00:07<4:17:13, 5.18it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 1/80000 --> loss: 73.53081512, error: 1.00025225\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 6%|█████▌ | 5038/80000 [00:29<05:32, 225.12it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 5000/80000 --> loss: 0.00915697, error: 0.41655043\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 13%|██████████▉ | 10033/80000 [00:51<05:10, 225.50it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 10000/80000 --> loss: 0.00408601, error: 0.38957283\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 19%|████████████████▎ | 15026/80000 [01:13<04:49, 224.58it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 15000/80000 --> loss: 0.00202116, error: 0.27891582\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 25%|█████████████████████▊ | 20041/80000 [01:35<04:29, 222.50it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 20000/80000 --> loss: 0.00151663, error: 0.21312311\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 31%|███████████████████████████▏ | 25032/80000 [01:57<04:05, 224.18it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 25000/80000 --> loss: 0.00038612, error: 0.18888205\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 38%|████████████████████████████████▋ | 30026/80000 [02:19<03:41, 225.62it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 30000/80000 --> loss: 0.00026074, error: 0.19630110\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 44%|██████████████████████████████████████ | 35040/80000 [02:41<03:20, 223.81it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 35000/80000 --> loss: 0.00021179, error: 0.20258018\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 50%|███████████████████████████████████████████▌ | 40032/80000 [03:03<02:58, 223.35it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 40000/80000 --> loss: 0.00057044, error: 0.20941465\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 56%|████████████████████████████████████████████████▉ | 45027/80000 [03:25<02:33, 227.18it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 45000/80000 --> loss: 0.00013644, error: 0.20646994\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 63%|██████████████████████████████████████████████████████▍ | 50041/80000 [03:47<02:13, 224.92it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 50000/80000 --> loss: 0.00014745, error: 0.20943579\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 69%|███████████████████████████████████████████████████████████▊ | 55032/80000 [04:09<01:50, 225.02it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 55000/80000 --> loss: 0.00009759, error: 0.20411396\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 75%|█████████████████████████████████████████████████████████████████▎ | 60027/80000 [04:31<01:28, 225.10it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 60000/80000 --> loss: 0.00141208, error: 0.19563532\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 81%|██████████████████████████████████████████████████████████████████████▋ | 65041/80000 [04:54<01:06, 224.24it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 65000/80000 --> loss: 0.00009617, error: 0.19182187\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 88%|████████████████████████████████████████████████████████████████████████████▏ | 70032/80000 [05:16<00:44, 223.87it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 70000/80000 --> loss: 0.00119427, error: 0.18770829\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 94%|█████████████████████████████████████████████████████████████████████████████████▌ | 75026/80000 [05:38<00:21, 227.06it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 75000/80000 --> loss: 0.00086017, error: 0.16994107\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "100%|███████████████████████████████████████████████████████████████████████████████████████| 80000/80000 [06:00<00:00, 222.14it/s]\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 80000/80000 --> loss: 0.00004814, error: 0.16031620\n",
|
|
|
+ "Runtime: 4.50 ms/iter.\n",
|
|
|
+ "<function loss_poisson.<locals>.<lambda> at 0x7efa040edc60>\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 0%| | 26/80000 [00:05<3:26:57, 6.44it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 1/80000 --> loss: 70.27503967, error: 0.99969852\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 6%|█████▌ | 5027/80000 [00:27<05:29, 227.67it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 5000/80000 --> loss: 0.00630356, error: 0.34710607\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 13%|██████████▉ | 10026/80000 [00:49<05:09, 226.10it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 10000/80000 --> loss: 0.00372698, error: 0.29176471\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 19%|████████████████▎ | 15040/80000 [01:11<04:47, 225.81it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 15000/80000 --> loss: 0.00225326, error: 0.25194877\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 25%|█████████████████████▊ | 20031/80000 [01:33<04:28, 223.05it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 20000/80000 --> loss: 0.00148213, error: 0.22466335\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 31%|███████████████████████████▏ | 25045/80000 [01:55<04:04, 224.39it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 25000/80000 --> loss: 0.00075875, error: 0.19973730\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 38%|████████████████████████████████▋ | 30040/80000 [02:17<03:43, 223.37it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 30000/80000 --> loss: 0.00043817, error: 0.18791541\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 44%|██████████████████████████████████████ | 35031/80000 [02:39<03:20, 224.46it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 35000/80000 --> loss: 0.00025064, error: 0.18516816\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 50%|███████████████████████████████████████████▌ | 40045/80000 [03:01<02:57, 225.13it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 40000/80000 --> loss: 0.00801080, error: 0.18993546\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 56%|████████████████████████████████████████████████▉ | 45036/80000 [03:24<02:37, 222.62it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 45000/80000 --> loss: 0.00010812, error: 0.19063923\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 63%|██████████████████████████████████████████████████████▍ | 50027/80000 [03:46<02:14, 223.67it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 50000/80000 --> loss: 0.00008275, error: 0.19342907\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 69%|███████████████████████████████████████████████████████████▊ | 55041/80000 [04:08<01:51, 223.77it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 55000/80000 --> loss: 0.00020284, error: 0.19343266\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 75%|█████████████████████████████████████████████████████████████████▎ | 60033/80000 [04:30<01:29, 223.72it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 60000/80000 --> loss: 0.00006045, error: 0.19573587\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 81%|██████████████████████████████████████████████████████████████████████▋ | 65027/80000 [04:52<01:06, 225.62it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 65000/80000 --> loss: 0.00005226, error: 0.19400781\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 88%|████████████████████████████████████████████████████████████████████████████▏ | 70042/80000 [05:14<00:44, 223.83it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 70000/80000 --> loss: 0.00004703, error: 0.19331473\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 94%|█████████████████████████████████████████████████████████████████████████████████▌ | 75033/80000 [05:36<00:22, 223.19it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 75000/80000 --> loss: 0.00004258, error: 0.19213006\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "100%|███████████████████████████████████████████████████████████████████████████████████████| 80000/80000 [05:58<00:00, 223.12it/s]\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 80000/80000 --> loss: 0.00003902, error: 0.19144456\n",
|
|
|
+ "Runtime: 4.48 ms/iter.\n",
|
|
|
+ "<function loss_poisson.<locals>.<lambda> at 0x7efa040ef1a0>\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 0%| | 26/80000 [00:05<3:15:37, 6.81it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 1/80000 --> loss: 77.64705658, error: 0.99964523\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 6%|█████▌ | 5026/80000 [00:27<05:30, 227.16it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 5000/80000 --> loss: 0.00505707, error: 0.44946787\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 13%|██████████▉ | 10044/80000 [00:49<05:12, 223.57it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 10000/80000 --> loss: 0.04205643, error: 0.35488132\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 19%|████████████████▎ | 15036/80000 [01:11<04:50, 223.64it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 15000/80000 --> loss: 0.00122805, error: 0.23156112\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 25%|█████████████████████▊ | 20027/80000 [01:33<04:27, 223.86it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 20000/80000 --> loss: 0.00858498, error: 0.17897791\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 31%|███████████████████████████▏ | 25041/80000 [01:55<04:05, 224.02it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 25000/80000 --> loss: 0.00037414, error: 0.14085887\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 38%|████████████████████████████████▋ | 30033/80000 [02:17<03:43, 223.99it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 30000/80000 --> loss: 0.00023124, error: 0.14321911\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 44%|██████████████████████████████████████ | 35027/80000 [02:39<03:18, 226.96it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 35000/80000 --> loss: 0.00017683, error: 0.15733340\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 50%|███████████████████████████████████████████▌ | 40041/80000 [03:01<02:58, 223.73it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 40000/80000 --> loss: 0.00033462, error: 0.17873079\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 56%|████████████████████████████████████████████████▉ | 45032/80000 [03:23<02:36, 223.42it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 45000/80000 --> loss: 0.00029257, error: 0.18194814\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 63%|██████████████████████████████████████████████████████▍ | 50026/80000 [03:45<02:12, 226.77it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 50000/80000 --> loss: 0.00006730, error: 0.19319189\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 69%|███████████████████████████████████████████████████████████▊ | 55041/80000 [04:08<01:51, 223.86it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 55000/80000 --> loss: 0.00005390, error: 0.19852848\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 75%|█████████████████████████████████████████████████████████████████▎ | 60033/80000 [04:30<01:29, 223.81it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 60000/80000 --> loss: 0.00022175, error: 0.20581755\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 81%|██████████████████████████████████████████████████████████████████████▋ | 65026/80000 [04:52<01:06, 225.63it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 65000/80000 --> loss: 0.00800967, error: 0.21644664\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 88%|████████████████████████████████████████████████████████████████████████████▏ | 70041/80000 [05:14<00:44, 223.95it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 70000/80000 --> loss: 0.00003854, error: 0.20123692\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 94%|█████████████████████████████████████████████████████████████████████████████████▌ | 75033/80000 [05:36<00:22, 224.54it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 75000/80000 --> loss: 0.00003290, error: 0.20042692\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "100%|███████████████████████████████████████████████████████████████████████████████████████| 80000/80000 [05:58<00:00, 223.22it/s]\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 80000/80000 --> loss: 0.00003060, error: 0.19914970\n",
|
|
|
+ "Runtime: 4.48 ms/iter.\n",
|
|
|
+ "<function loss_poisson.<locals>.<lambda> at 0x7efa040ee3e0>\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 0%| | 26/80000 [00:05<3:28:58, 6.38it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 1/80000 --> loss: 62.48957825, error: 0.99950141\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 6%|█████▌ | 5032/80000 [00:27<05:39, 220.86it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 5000/80000 --> loss: 0.00700455, error: 0.16411203\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 13%|██████████▉ | 10027/80000 [00:49<05:10, 225.67it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 10000/80000 --> loss: 0.01221241, error: 0.18591708\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 19%|████████████████▎ | 15041/80000 [01:11<04:48, 225.23it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 15000/80000 --> loss: 0.00350876, error: 0.15367343\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 25%|█████████████████████▊ | 20033/80000 [01:33<04:28, 223.00it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 20000/80000 --> loss: 0.00041196, error: 0.15411350\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 31%|███████████████████████████▏ | 25026/80000 [01:55<04:03, 225.52it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 25000/80000 --> loss: 0.00022411, error: 0.17308192\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 38%|████████████████████████████████▋ | 30040/80000 [02:17<03:44, 222.84it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 30000/80000 --> loss: 0.00014374, error: 0.19105993\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 44%|██████████████████████████████████████ | 35032/80000 [02:40<03:20, 224.77it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 35000/80000 --> loss: 0.00010558, error: 0.20580822\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 50%|███████████████████████████████████████████▌ | 40026/80000 [03:02<02:56, 226.05it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 40000/80000 --> loss: 0.00008275, error: 0.21551599\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 56%|████████████████████████████████████████████████▉ | 45040/80000 [03:24<02:35, 224.38it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 45000/80000 --> loss: 0.00006802, error: 0.22146273\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 63%|██████████████████████████████████████████████████████▍ | 50031/80000 [03:46<02:13, 223.70it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 50000/80000 --> loss: 0.00040724, error: 0.22232373\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 69%|███████████████████████████████████████████████████████████▊ | 55045/80000 [04:08<01:52, 222.70it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 55000/80000 --> loss: 0.00221212, error: 0.21668348\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 75%|█████████████████████████████████████████████████████████████████▎ | 60037/80000 [04:30<01:29, 223.50it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 60000/80000 --> loss: 0.00008099, error: 0.22728150\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 81%|██████████████████████████████████████████████████████████████████████▋ | 65028/80000 [04:52<01:06, 224.19it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 65000/80000 --> loss: 0.00003568, error: 0.22787243\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 88%|████████████████████████████████████████████████████████████████████████████▏ | 70043/80000 [05:14<00:44, 222.27it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 70000/80000 --> loss: 0.00003310, error: 0.22862247\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 94%|█████████████████████████████████████████████████████████████████████████████████▌ | 75034/80000 [05:36<00:22, 223.59it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 75000/80000 --> loss: 0.00013847, error: 0.22546609\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "100%|███████████████████████████████████████████████████████████████████████████████████████| 80000/80000 [05:58<00:00, 223.06it/s]\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 80000/80000 --> loss: 0.00002371, error: 0.22521381\n",
|
|
|
+ "Runtime: 4.48 ms/iter.\n",
|
|
|
+ "<function loss_poisson.<locals>.<lambda> at 0x7efa040ed080>\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 0%| | 26/80000 [00:05<3:17:37, 6.74it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 1/80000 --> loss: 62.80503082, error: 0.99982613\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 6%|█████▌ | 5031/80000 [00:27<05:34, 224.08it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 5000/80000 --> loss: 0.00633053, error: 0.18264543\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 13%|██████████▉ | 10026/80000 [00:49<05:11, 224.79it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 10000/80000 --> loss: 0.00215706, error: 0.18080105\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 19%|████████████████▎ | 15040/80000 [01:11<04:50, 223.26it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 15000/80000 --> loss: 0.00062514, error: 0.14315864\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 25%|█████████████████████▊ | 20031/80000 [01:33<04:28, 223.50it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 20000/80000 --> loss: 0.00032549, error: 0.14209379\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 31%|███████████████████████████▏ | 25045/80000 [01:55<04:05, 223.65it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 25000/80000 --> loss: 0.00020446, error: 0.15033650\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 38%|████████████████████████████████▋ | 30036/80000 [02:17<03:44, 222.53it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 30000/80000 --> loss: 0.00014609, error: 0.15533756\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 44%|██████████████████████████████████████ | 35027/80000 [02:39<03:21, 223.03it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 35000/80000 --> loss: 0.00011513, error: 0.15528099\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 50%|███████████████████████████████████████████▌ | 40041/80000 [03:01<02:58, 224.46it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 40000/80000 --> loss: 0.00008852, error: 0.15381853\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 56%|████████████████████████████████████████████████▉ | 45032/80000 [03:24<02:36, 222.84it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 45000/80000 --> loss: 0.00009290, error: 0.14681225\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 63%|██████████████████████████████████████████████████████▍ | 50026/80000 [03:46<02:12, 226.12it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 50000/80000 --> loss: 0.00104746, error: 0.13847439\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 69%|███████████████████████████████████████████████████████████▊ | 55040/80000 [04:08<01:51, 224.66it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 55000/80000 --> loss: 0.00638613, error: 0.15417962\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 75%|█████████████████████████████████████████████████████████████████▎ | 60033/80000 [04:30<01:29, 224.15it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 60000/80000 --> loss: 0.00004467, error: 0.13564420\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 81%|██████████████████████████████████████████████████████████████████████▋ | 65026/80000 [04:52<01:06, 226.38it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 65000/80000 --> loss: 0.00004413, error: 0.13204214\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 88%|████████████████████████████████████████████████████████████████████████████▏ | 70040/80000 [05:14<00:44, 225.11it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 70000/80000 --> loss: 0.00003400, error: 0.12253290\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 94%|█████████████████████████████████████████████████████████████████████████████████▌ | 75031/80000 [05:36<00:22, 223.71it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 75000/80000 --> loss: 0.00199494, error: 0.11538225\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "100%|███████████████████████████████████████████████████████████████████████████████████████| 80000/80000 [05:58<00:00, 223.19it/s]\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 80000/80000 --> loss: 0.00003120, error: 0.11354925\n",
|
|
|
+ "Runtime: 4.48 ms/iter.\n",
|
|
|
+ "<function loss_poisson.<locals>.<lambda> at 0x7efa014e1760>\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 0%| | 26/80000 [00:05<3:14:24, 6.86it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 1/80000 --> loss: 73.07593536, error: 0.99966472\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 6%|█████▌ | 5027/80000 [00:27<05:29, 227.45it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 5000/80000 --> loss: 0.00728806, error: 0.42975315\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 13%|██████████▉ | 10026/80000 [00:49<05:09, 225.95it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 10000/80000 --> loss: 0.05204165, error: 0.35405111\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 19%|████████████████▎ | 15040/80000 [01:11<04:48, 224.98it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 15000/80000 --> loss: 0.00149226, error: 0.21507899\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 25%|█████████████████████▊ | 20031/80000 [01:33<04:28, 223.72it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 20000/80000 --> loss: 0.00081862, error: 0.14508204\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 31%|███████████████████████████▏ | 25026/80000 [01:55<04:03, 225.56it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 25000/80000 --> loss: 0.00045336, error: 0.11709507\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 38%|████████████████████████████████▋ | 30040/80000 [02:17<03:41, 225.52it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 30000/80000 --> loss: 0.00026834, error: 0.11341655\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 44%|██████████████████████████████████████ | 35031/80000 [02:39<03:21, 223.31it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 35000/80000 --> loss: 0.00016161, error: 0.12388601\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 50%|███████████████████████████████████████████▌ | 40045/80000 [03:01<02:57, 225.14it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 40000/80000 --> loss: 0.00010830, error: 0.13725433\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 56%|████████████████████████████████████████████████▉ | 45036/80000 [03:23<02:36, 223.85it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 45000/80000 --> loss: 0.00058620, error: 0.14854929\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 63%|██████████████████████████████████████████████████████▍ | 50030/80000 [03:45<02:13, 224.01it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 50000/80000 --> loss: 0.00006141, error: 0.15509047\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 69%|███████████████████████████████████████████████████████████▊ | 55044/80000 [04:08<01:50, 224.88it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 55000/80000 --> loss: 0.00005198, error: 0.15859322\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 75%|█████████████████████████████████████████████████████████████████▎ | 60035/80000 [04:30<01:29, 223.65it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 60000/80000 --> loss: 0.00004104, error: 0.16132092\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 81%|██████████████████████████████████████████████████████████████████████▋ | 65027/80000 [04:52<01:06, 225.82it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 65000/80000 --> loss: 0.00004332, error: 0.15956141\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 88%|████████████████████████████████████████████████████████████████████████████▏ | 70043/80000 [05:14<00:44, 223.42it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 70000/80000 --> loss: 0.00002895, error: 0.15828328\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 94%|█████████████████████████████████████████████████████████████████████████████████▌ | 75034/80000 [05:36<00:22, 223.37it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 75000/80000 --> loss: 0.00002374, error: 0.15571715\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "100%|███████████████████████████████████████████████████████████████████████████████████████| 80000/80000 [05:58<00:00, 223.28it/s]\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 80000/80000 --> loss: 0.00193325, error: 0.15245616\n",
|
|
|
+ "Runtime: 4.48 ms/iter.\n",
|
|
|
+ "<function loss_poisson.<locals>.<lambda> at 0x7efa014e2b60>\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 0%| | 26/80000 [00:05<3:30:13, 6.34it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 1/80000 --> loss: 74.94190216, error: 0.99932975\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 6%|█████▌ | 5027/80000 [00:27<05:33, 225.12it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 5000/80000 --> loss: 0.00726110, error: 0.16457614\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 13%|██████████▉ | 10041/80000 [00:49<05:12, 223.86it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 10000/80000 --> loss: 0.00327519, error: 0.19141008\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 19%|████████████████▎ | 15032/80000 [01:11<04:50, 223.97it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 15000/80000 --> loss: 0.00204985, error: 0.16789024\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 25%|█████████████████████▊ | 20026/80000 [01:33<04:26, 224.71it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 20000/80000 --> loss: 0.00114703, error: 0.14278357\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 31%|███████████████████████████▏ | 25042/80000 [01:56<04:07, 222.44it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 25000/80000 --> loss: 0.00046541, error: 0.11012680\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 38%|████████████████████████████████▋ | 30033/80000 [02:18<03:43, 223.90it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 30000/80000 --> loss: 0.00024485, error: 0.08275463\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 44%|██████████████████████████████████████ | 35027/80000 [02:40<03:20, 224.41it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 35000/80000 --> loss: 0.00301890, error: 0.06732563\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 50%|███████████████████████████████████████████▌ | 40042/80000 [03:02<02:58, 223.71it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 40000/80000 --> loss: 0.00013442, error: 0.07458010\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 56%|████████████████████████████████████████████████▉ | 45033/80000 [03:24<02:36, 223.30it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 45000/80000 --> loss: 0.00018447, error: 0.08055682\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 63%|██████████████████████████████████████████████████████▍ | 50026/80000 [03:46<02:12, 226.34it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 50000/80000 --> loss: 0.00009621, error: 0.08860482\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 69%|███████████████████████████████████████████████████████████▊ | 55040/80000 [04:08<01:51, 223.82it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 55000/80000 --> loss: 0.00008809, error: 0.09423634\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 75%|█████████████████████████████████████████████████████████████████▎ | 60032/80000 [04:30<01:29, 222.30it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 60000/80000 --> loss: 0.00007782, error: 0.10000321\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 81%|██████████████████████████████████████████████████████████████████████▋ | 65026/80000 [04:52<01:06, 225.28it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 65000/80000 --> loss: 0.00007072, error: 0.10483658\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 88%|████████████████████████████████████████████████████████████████████████████▏ | 70041/80000 [05:15<00:44, 223.44it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 70000/80000 --> loss: 0.00027151, error: 0.10510068\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 94%|█████████████████████████████████████████████████████████████████████████████████▌ | 75032/80000 [05:37<00:22, 225.12it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 75000/80000 --> loss: 0.00007533, error: 0.10906956\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "100%|███████████████████████████████████████████████████████████████████████████████████████| 80000/80000 [05:59<00:00, 222.75it/s]\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 80000/80000 --> loss: 0.00009656, error: 0.10898402\n",
|
|
|
+ "Runtime: 4.49 ms/iter.\n",
|
|
|
+ "<function loss_poisson.<locals>.<lambda> at 0x7efa014e1e40>\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 0%| | 26/80000 [00:05<3:16:10, 6.79it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 1/80000 --> loss: 88.87046051, error: 1.00001907\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 6%|█████▌ | 5032/80000 [00:27<05:35, 223.69it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 5000/80000 --> loss: 0.00765329, error: 0.35033125\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 13%|██████████▉ | 10027/80000 [00:49<05:10, 225.41it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 10000/80000 --> loss: 0.00342943, error: 0.35643056\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 19%|████████████████▎ | 15042/80000 [01:11<04:50, 223.79it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 15000/80000 --> loss: 0.00167864, error: 0.30457428\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 25%|█████████████████████▊ | 20033/80000 [01:33<04:28, 223.44it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 20000/80000 --> loss: 0.00088209, error: 0.23022945\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 31%|███████████████████████████▏ | 25027/80000 [01:55<04:05, 224.25it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 25000/80000 --> loss: 0.00022463, error: 0.18904425\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 38%|████████████████████████████████▋ | 30041/80000 [02:17<03:43, 223.89it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 30000/80000 --> loss: 0.00015840, error: 0.17582865\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 44%|██████████████████████████████████████ | 35032/80000 [02:39<03:21, 223.51it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 35000/80000 --> loss: 0.00012896, error: 0.16782609\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 50%|███████████████████████████████████████████▌ | 40026/80000 [03:01<02:57, 225.37it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 40000/80000 --> loss: 0.00011181, error: 0.16278821\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 56%|████████████████████████████████████████████████▉ | 45040/80000 [03:23<02:35, 225.03it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 45000/80000 --> loss: 0.00009715, error: 0.15501451\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 63%|██████████████████████████████████████████████████████▍ | 50031/80000 [03:46<02:13, 224.59it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 50000/80000 --> loss: 0.00010852, error: 0.14621991\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 69%|███████████████████████████████████████████████████████████▊ | 55026/80000 [04:08<01:50, 225.94it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 55000/80000 --> loss: 0.00037608, error: 0.13592544\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 75%|█████████████████████████████████████████████████████████████████▎ | 60040/80000 [04:30<01:29, 223.37it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 60000/80000 --> loss: 0.00009424, error: 0.13262828\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 81%|██████████████████████████████████████████████████████████████████████▋ | 65031/80000 [04:52<01:06, 224.99it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 65000/80000 --> loss: 0.00006027, error: 0.12823997\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 88%|████████████████████████████████████████████████████████████████████████████▏ | 70026/80000 [05:14<00:44, 226.10it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 70000/80000 --> loss: 0.00005574, error: 0.12263385\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 94%|█████████████████████████████████████████████████████████████████████████████████▌ | 75040/80000 [05:36<00:22, 223.72it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 75000/80000 --> loss: 0.00015886, error: 0.11654450\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "100%|███████████████████████████████████████████████████████████████████████████████████████| 80000/80000 [05:58<00:00, 223.08it/s]\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 80000/80000 --> loss: 0.00177769, error: 0.10516747\n",
|
|
|
+ "Runtime: 4.48 ms/iter.\n",
|
|
|
+ "<function loss_poisson.<locals>.<lambda> at 0x7efa014e1620>\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 0%| | 26/80000 [00:05<3:13:01, 6.91it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 1/80000 --> loss: 61.47209549, error: 0.99840438\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 6%|█████▌ | 5045/80000 [00:27<05:33, 224.61it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 5000/80000 --> loss: 0.00740076, error: 0.45710722\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 13%|██████████▉ | 10036/80000 [00:49<05:13, 222.91it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 10000/80000 --> loss: 0.01049556, error: 0.47301441\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 19%|████████████████▎ | 15027/80000 [01:11<04:50, 223.81it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 15000/80000 --> loss: 0.00134589, error: 0.35712671\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 25%|█████████████████████▊ | 20041/80000 [01:33<04:28, 223.13it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 20000/80000 --> loss: 0.00060380, error: 0.30322784\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 31%|███████████████████████████▏ | 25033/80000 [01:55<04:06, 223.42it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 25000/80000 --> loss: 0.00040208, error: 0.27338859\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 38%|████████████████████████████████▋ | 30026/80000 [02:17<03:41, 225.33it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 30000/80000 --> loss: 0.00031130, error: 0.25355378\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 44%|██████████████████████████████████████ | 35040/80000 [02:39<03:22, 222.54it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 35000/80000 --> loss: 0.00777971, error: 0.23545192\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 50%|███████████████████████████████████████████▌ | 40033/80000 [03:02<02:59, 222.90it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 40000/80000 --> loss: 0.00020297, error: 0.23603711\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 56%|████████████████████████████████████████████████▉ | 45026/80000 [03:24<02:35, 225.18it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 45000/80000 --> loss: 0.00016801, error: 0.23124123\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 63%|██████████████████████████████████████████████████████▍ | 50040/80000 [03:46<02:13, 224.07it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 50000/80000 --> loss: 0.00175072, error: 0.21943764\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 69%|███████████████████████████████████████████████████████████▊ | 55031/80000 [04:08<01:51, 223.06it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 55000/80000 --> loss: 0.00011768, error: 0.22638068\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 75%|█████████████████████████████████████████████████████████████████▎ | 60045/80000 [04:30<01:29, 222.33it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 60000/80000 --> loss: 0.00010449, error: 0.22309926\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 81%|██████████████████████████████████████████████████████████████████████▋ | 65037/80000 [04:52<01:07, 222.61it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 65000/80000 --> loss: 0.00009303, error: 0.21627788\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 88%|████████████████████████████████████████████████████████████████████████████▏ | 70028/80000 [05:14<00:44, 223.55it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 70000/80000 --> loss: 0.00008591, error: 0.21021068\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 94%|█████████████████████████████████████████████████████████████████████████████████▌ | 75043/80000 [05:36<00:22, 223.13it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 75000/80000 --> loss: 0.00016232, error: 0.19966441\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "100%|███████████████████████████████████████████████████████████████████████████████████████| 80000/80000 [05:58<00:00, 222.90it/s]\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 80000/80000 --> loss: 0.00088159, error: 0.19161165\n",
|
|
|
+ "Runtime: 4.49 ms/iter.\n",
|
|
|
+ "<function loss_poisson.<locals>.<lambda> at 0x7efa014e0b80>\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 0%| | 26/80000 [00:05<3:35:27, 6.19it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 1/80000 --> loss: 79.27042389, error: 0.99911851\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 6%|█████▌ | 5029/80000 [00:27<05:34, 223.83it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 5000/80000 --> loss: 0.00891014, error: 0.38402066\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 13%|██████████▉ | 10043/80000 [00:49<05:12, 224.08it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 10000/80000 --> loss: 0.00360219, error: 0.41764888\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 19%|████████████████▎ | 15035/80000 [01:12<04:50, 223.65it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 15000/80000 --> loss: 0.00178046, error: 0.29174167\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 25%|█████████████████████▊ | 20027/80000 [01:34<04:25, 225.91it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 20000/80000 --> loss: 0.00080242, error: 0.22204912\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 31%|███████████████████████████▏ | 25044/80000 [01:56<04:04, 225.06it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 25000/80000 --> loss: 0.00043776, error: 0.19140719\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 38%|████████████████████████████████▋ | 30035/80000 [02:18<03:42, 224.24it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 30000/80000 --> loss: 0.00030680, error: 0.18973532\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 44%|██████████████████████████████████████ | 35027/80000 [02:40<03:20, 223.75it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 35000/80000 --> loss: 0.00024540, error: 0.19571073\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 50%|███████████████████████████████████████████▌ | 40041/80000 [03:02<02:59, 222.42it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 40000/80000 --> loss: 0.00884658, error: 0.21723270\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 56%|████████████████████████████████████████████████▉ | 45033/80000 [03:24<02:36, 223.70it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 45000/80000 --> loss: 0.00017475, error: 0.20891364\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 63%|██████████████████████████████████████████████████████▍ | 50026/80000 [03:46<02:12, 225.45it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 50000/80000 --> loss: 0.00016439, error: 0.20824787\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 69%|███████████████████████████████████████████████████████████▊ | 55040/80000 [04:08<01:51, 223.50it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 55000/80000 --> loss: 0.00012391, error: 0.20945801\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 75%|█████████████████████████████████████████████████████████████████▎ | 60031/80000 [04:30<01:29, 222.78it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 60000/80000 --> loss: 0.00010325, error: 0.20810311\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 81%|██████████████████████████████████████████████████████████████████████▋ | 65045/80000 [04:53<01:06, 223.49it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 65000/80000 --> loss: 0.00009006, error: 0.20690677\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 88%|████████████████████████████████████████████████████████████████████████████▏ | 70037/80000 [05:15<00:44, 224.54it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 70000/80000 --> loss: 0.00007507, error: 0.20472550\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 94%|█████████████████████████████████████████████████████████████████████████████████▌ | 75028/80000 [05:37<00:22, 222.37it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 75000/80000 --> loss: 0.00011705, error: 0.20200296\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "100%|███████████████████████████████████████████████████████████████████████████████████████| 80000/80000 [05:59<00:00, 222.74it/s]\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 80000/80000 --> loss: 0.00005711, error: 0.19702426\n",
|
|
|
+ "Runtime: 4.49 ms/iter.\n",
|
|
|
+ "<function loss_poisson.<locals>.<lambda> at 0x7efa03c0a200>\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 0%| | 26/80000 [00:06<4:00:42, 5.54it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 1/80000 --> loss: 73.12376404, error: 0.99825585\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 6%|█████▌ | 5042/80000 [00:29<05:47, 215.57it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 5000/80000 --> loss: 0.00492996, error: 0.28100750\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 13%|██████████▉ | 10041/80000 [00:52<05:24, 215.62it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 10000/80000 --> loss: 0.00159563, error: 0.23239742\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 19%|████████████████▎ | 15035/80000 [01:15<05:00, 216.37it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 15000/80000 --> loss: 0.03093981, error: 0.20060357\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 25%|█████████████████████▊ | 20031/80000 [01:38<04:39, 214.94it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 20000/80000 --> loss: 0.02247637, error: 0.21216474\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 31%|███████████████████████████▏ | 25026/80000 [02:01<04:14, 215.66it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 25000/80000 --> loss: 0.00054044, error: 0.18933974\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 38%|████████████████████████████████▋ | 30043/80000 [02:24<03:52, 215.22it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 30000/80000 --> loss: 0.00249016, error: 0.18630046\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 44%|██████████████████████████████████████ | 35040/80000 [02:47<03:29, 214.36it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 35000/80000 --> loss: 0.00009686, error: 0.15677814\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 50%|███████████████████████████████████████████▌ | 40034/80000 [03:10<03:05, 215.87it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 40000/80000 --> loss: 0.00081962, error: 0.13329966\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 56%|████████████████████████████████████████████████▉ | 45030/80000 [03:33<02:43, 213.63it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 45000/80000 --> loss: 0.00028267, error: 0.12163613\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 63%|██████████████████████████████████████████████████████▍ | 50026/80000 [03:56<02:18, 216.71it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 50000/80000 --> loss: 0.00009215, error: 0.09986129\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 69%|███████████████████████████████████████████████████████████▊ | 55025/80000 [04:19<01:55, 216.15it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 55000/80000 --> loss: 0.00038265, error: 0.08785810\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 75%|█████████████████████████████████████████████████████████████████▎ | 60041/80000 [04:42<01:32, 215.83it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 60000/80000 --> loss: 0.00021254, error: 0.07562333\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 81%|██████████████████████████████████████████████████████████████████████▋ | 65038/80000 [05:05<01:09, 214.71it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 65000/80000 --> loss: 0.00241961, error: 0.06394479\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 88%|████████████████████████████████████████████████████████████████████████████▏ | 70033/80000 [05:28<00:46, 216.36it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 70000/80000 --> loss: 0.00425363, error: 0.05580102\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 94%|█████████████████████████████████████████████████████████████████████████████████▌ | 75027/80000 [05:51<00:23, 215.31it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 75000/80000 --> loss: 0.00597131, error: 0.04647015\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "100%|███████████████████████████████████████████████████████████████████████████████████████| 80000/80000 [06:14<00:00, 213.52it/s]\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 80000/80000 --> loss: 0.00003628, error: 0.03576913\n",
|
|
|
+ "Runtime: 4.68 ms/iter.\n",
|
|
|
+ "<function loss_poisson.<locals>.<lambda> at 0x7efa03c0bf60>\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 0%| | 25/80000 [00:05<3:26:04, 6.47it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 1/80000 --> loss: 70.34002686, error: 0.99975139\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 6%|█████▌ | 5040/80000 [00:28<05:49, 214.51it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 5000/80000 --> loss: 0.00379967, error: 0.32391465\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 13%|██████████▉ | 10038/80000 [00:51<05:25, 215.26it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 10000/80000 --> loss: 0.00194702, error: 0.28633726\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 19%|████████████████▎ | 15033/80000 [01:14<05:03, 214.32it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 15000/80000 --> loss: 0.00075409, error: 0.20547125\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 25%|█████████████████████▊ | 20028/80000 [01:37<04:39, 214.69it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 20000/80000 --> loss: 0.00024718, error: 0.16748746\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 31%|███████████████████████████▏ | 25026/80000 [02:00<04:14, 215.97it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 25000/80000 --> loss: 0.00019003, error: 0.15995476\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 38%|████████████████████████████████▋ | 30025/80000 [02:23<03:52, 215.37it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 30000/80000 --> loss: 0.00012659, error: 0.15550540\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 44%|██████████████████████████████████████ | 35025/80000 [02:46<03:27, 216.76it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 35000/80000 --> loss: 0.00007380, error: 0.15262535\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 50%|███████████████████████████████████████████▌ | 40041/80000 [03:09<03:05, 215.01it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 40000/80000 --> loss: 0.00007323, error: 0.14826316\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 56%|████████████████████████████████████████████████▉ | 45038/80000 [03:32<02:42, 215.52it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 45000/80000 --> loss: 0.00006201, error: 0.13760066\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 63%|██████████████████████████████████████████████████████▍ | 50033/80000 [03:55<02:19, 214.73it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 50000/80000 --> loss: 0.00004381, error: 0.13021161\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 69%|███████████████████████████████████████████████████████████▊ | 55027/80000 [04:18<01:56, 215.15it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 55000/80000 --> loss: 0.00008705, error: 0.12159970\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 75%|█████████████████████████████████████████████████████████████████▎ | 60043/80000 [04:41<01:33, 213.85it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 60000/80000 --> loss: 0.00016160, error: 0.11338454\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 81%|██████████████████████████████████████████████████████████████████████▋ | 65037/80000 [05:04<01:10, 213.38it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 65000/80000 --> loss: 0.00002698, error: 0.10118870\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 88%|████████████████████████████████████████████████████████████████████████████▏ | 70031/80000 [05:27<00:46, 215.39it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 70000/80000 --> loss: 0.00010463, error: 0.08696766\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 94%|█████████████████████████████████████████████████████████████████████████████████▌ | 75026/80000 [05:50<00:23, 215.35it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 75000/80000 --> loss: 0.00072209, error: 0.07756367\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "100%|███████████████████████████████████████████████████████████████████████████████████████| 80000/80000 [06:13<00:00, 214.10it/s]\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 80000/80000 --> loss: 0.00001962, error: 0.06421886\n",
|
|
|
+ "Runtime: 4.67 ms/iter.\n",
|
|
|
+ "<function loss_poisson.<locals>.<lambda> at 0x7efa03c0bd80>\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 0%| | 25/80000 [00:05<3:46:44, 5.88it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 1/80000 --> loss: 77.74381256, error: 1.00001109\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 6%|█████▌ | 5032/80000 [00:28<05:48, 215.08it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 5000/80000 --> loss: 0.01292361, error: 0.48852262\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 13%|██████████▉ | 10031/80000 [00:51<05:25, 215.05it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 10000/80000 --> loss: 0.00252558, error: 0.43890962\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 19%|████████████████▎ | 15028/80000 [01:14<05:00, 216.43it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 15000/80000 --> loss: 0.00057668, error: 0.33175623\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 25%|█████████████████████▊ | 20025/80000 [01:37<04:37, 216.16it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 20000/80000 --> loss: 0.00024638, error: 0.26150936\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 31%|███████████████████████████▏ | 25043/80000 [02:00<04:16, 214.58it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 25000/80000 --> loss: 0.00017050, error: 0.23836212\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 38%|████████████████████████████████▋ | 30037/80000 [02:23<03:52, 215.06it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 30000/80000 --> loss: 0.00025348, error: 0.22052854\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 44%|██████████████████████████████████████ | 35032/80000 [02:46<03:30, 213.49it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 35000/80000 --> loss: 0.01694161, error: 0.18978503\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 50%|███████████████████████████████████████████▌ | 40027/80000 [03:09<03:05, 214.92it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 40000/80000 --> loss: 0.00009594, error: 0.20331581\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 56%|████████████████████████████████████████████████▉ | 45025/80000 [03:32<02:41, 217.08it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 45000/80000 --> loss: 0.00104690, error: 0.18272495\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 63%|██████████████████████████████████████████████████████▍ | 50042/80000 [03:55<02:19, 214.94it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 50000/80000 --> loss: 0.00007445, error: 0.17546551\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 69%|███████████████████████████████████████████████████████████▊ | 55037/80000 [04:18<01:56, 214.77it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 55000/80000 --> loss: 0.00006179, error: 0.15959333\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 75%|█████████████████████████████████████████████████████████████████▎ | 60031/80000 [04:41<01:33, 213.41it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 60000/80000 --> loss: 0.00010669, error: 0.14149681\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 81%|██████████████████████████████████████████████████████████████████████▋ | 65028/80000 [05:04<01:09, 215.20it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 65000/80000 --> loss: 0.00111863, error: 0.13370253\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 88%|████████████████████████████████████████████████████████████████████████████▏ | 70025/80000 [05:27<00:46, 215.55it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 70000/80000 --> loss: 0.00006899, error: 0.12169946\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 94%|█████████████████████████████████████████████████████████████████████████████████▌ | 75042/80000 [05:51<00:23, 215.25it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 75000/80000 --> loss: 0.00007135, error: 0.10920316\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "100%|███████████████████████████████████████████████████████████████████████████████████████| 80000/80000 [06:13<00:00, 213.93it/s]\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 80000/80000 --> loss: 0.00003372, error: 0.09867950\n",
|
|
|
+ "Runtime: 4.67 ms/iter.\n",
|
|
|
+ "<function loss_poisson.<locals>.<lambda> at 0x7efa014e1440>\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 0%| | 25/80000 [00:05<3:26:09, 6.47it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 1/80000 --> loss: 62.57472229, error: 0.99989754\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 6%|█████▌ | 5041/80000 [00:28<05:47, 215.56it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 5000/80000 --> loss: 0.00647465, error: 0.44773254\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 13%|██████████▉ | 10037/80000 [00:51<05:25, 214.88it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 10000/80000 --> loss: 0.00231805, error: 0.35271475\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 19%|████████████████▎ | 15032/80000 [01:14<05:03, 214.34it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 15000/80000 --> loss: 0.00073298, error: 0.25149044\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 25%|█████████████████████▊ | 20026/80000 [01:37<04:39, 214.20it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 20000/80000 --> loss: 0.00023763, error: 0.22562966\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 31%|███████████████████████████▏ | 25042/80000 [02:00<04:15, 215.08it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 25000/80000 --> loss: 0.00014911, error: 0.23106225\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 38%|████████████████████████████████▋ | 30036/80000 [02:23<03:54, 213.51it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 30000/80000 --> loss: 0.00101896, error: 0.23554496\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 44%|██████████████████████████████████████ | 35030/80000 [02:46<03:28, 216.02it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 35000/80000 --> loss: 0.00615069, error: 0.23661429\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 50%|███████████████████████████████████████████▌ | 40026/80000 [03:09<03:05, 215.96it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 40000/80000 --> loss: 0.00006514, error: 0.22785191\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 56%|████████████████████████████████████████████████▉ | 45043/80000 [03:32<02:43, 214.39it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 45000/80000 --> loss: 0.00077083, error: 0.22604142\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 63%|██████████████████████████████████████████████████████▍ | 50037/80000 [03:55<02:19, 215.42it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 50000/80000 --> loss: 0.00004468, error: 0.21124853\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 69%|███████████████████████████████████████████████████████████▊ | 55031/80000 [04:18<01:57, 213.28it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 55000/80000 --> loss: 0.00003772, error: 0.20018360\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 75%|█████████████████████████████████████████████████████████████████▎ | 60026/80000 [04:41<01:32, 216.65it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 60000/80000 --> loss: 0.00042150, error: 0.18845867\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 81%|██████████████████████████████████████████████████████████████████████▋ | 65043/80000 [05:04<01:09, 214.53it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 65000/80000 --> loss: 0.00015814, error: 0.16995136\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 88%|████████████████████████████████████████████████████████████████████████████▏ | 70037/80000 [05:27<00:46, 215.09it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 70000/80000 --> loss: 0.00015114, error: 0.15885733\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 94%|█████████████████████████████████████████████████████████████████████████████████▌ | 75033/80000 [05:50<00:23, 215.54it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 75000/80000 --> loss: 0.00002702, error: 0.14791627\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "100%|███████████████████████████████████████████████████████████████████████████████████████| 80000/80000 [06:13<00:00, 214.02it/s]\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 80000/80000 --> loss: 0.00010811, error: 0.13362856\n",
|
|
|
+ "Runtime: 4.67 ms/iter.\n",
|
|
|
+ "<function loss_poisson.<locals>.<lambda> at 0x7efa002f51c0>\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 0%| | 25/80000 [00:05<3:26:14, 6.46it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 1/80000 --> loss: 62.76287079, error: 0.99956721\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 6%|█████▌ | 5034/80000 [00:28<05:50, 214.15it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 5000/80000 --> loss: 0.00503420, error: 0.40313974\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 13%|██████████▉ | 10030/80000 [00:51<05:26, 214.59it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 10000/80000 --> loss: 0.00127288, error: 0.25788310\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 19%|████████████████▎ | 15026/80000 [01:14<05:03, 213.91it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 15000/80000 --> loss: 0.06420193, error: 0.23158887\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 25%|█████████████████████▊ | 20042/80000 [01:37<04:37, 215.93it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 20000/80000 --> loss: 0.00182763, error: 0.20667090\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 31%|███████████████████████████▏ | 25036/80000 [02:00<04:16, 214.50it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 25000/80000 --> loss: 0.00017970, error: 0.20467484\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 38%|████████████████████████████████▋ | 30031/80000 [02:23<03:52, 214.65it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 30000/80000 --> loss: 0.00015220, error: 0.20479561\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 44%|██████████████████████████████████████ | 35026/80000 [02:46<03:29, 214.18it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 35000/80000 --> loss: 0.00009466, error: 0.19904989\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 50%|███████████████████████████████████████████▌ | 40042/80000 [03:09<03:06, 214.82it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 40000/80000 --> loss: 0.00007336, error: 0.19566435\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 56%|████████████████████████████████████████████████▉ | 45036/80000 [03:32<02:42, 214.94it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 45000/80000 --> loss: 0.00019030, error: 0.18708682\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 63%|██████████████████████████████████████████████████████▍ | 50030/80000 [03:55<02:19, 214.37it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 50000/80000 --> loss: 0.00004567, error: 0.17205529\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 69%|███████████████████████████████████████████████████████████▊ | 55026/80000 [04:18<01:56, 214.47it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 55000/80000 --> loss: 0.00003861, error: 0.15546897\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 75%|█████████████████████████████████████████████████████████████████▎ | 60042/80000 [04:41<01:33, 214.57it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 60000/80000 --> loss: 0.00002743, error: 0.14371197\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 81%|██████████████████████████████████████████████████████████████████████▋ | 65038/80000 [05:04<01:09, 214.62it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 65000/80000 --> loss: 0.00030113, error: 0.12990740\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 88%|████████████████████████████████████████████████████████████████████████████▏ | 70034/80000 [05:27<00:46, 214.64it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 70000/80000 --> loss: 0.00003843, error: 0.11815684\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 94%|█████████████████████████████████████████████████████████████████████████████████▌ | 75028/80000 [05:50<00:22, 216.31it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 75000/80000 --> loss: 0.00001443, error: 0.10677004\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "100%|███████████████████████████████████████████████████████████████████████████████████████| 80000/80000 [06:13<00:00, 214.09it/s]\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 80000/80000 --> loss: 0.00001121, error: 0.09723710\n",
|
|
|
+ "Runtime: 4.67 ms/iter.\n",
|
|
|
+ "<function loss_poisson.<locals>.<lambda> at 0x7efa002f4680>\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 0%| | 25/80000 [00:05<3:26:36, 6.45it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 1/80000 --> loss: 73.07128143, error: 0.99920261\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 6%|█████▌ | 5028/80000 [00:28<05:47, 215.50it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 5000/80000 --> loss: 0.00553499, error: 0.33468589\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 13%|██████████▉ | 10029/80000 [00:51<05:26, 214.15it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 10000/80000 --> loss: 0.00204311, error: 0.23364548\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 19%|████████████████▎ | 15027/80000 [01:14<05:02, 214.53it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 15000/80000 --> loss: 0.00089671, error: 0.14705542\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 25%|█████████████████████▊ | 20025/80000 [01:37<04:36, 216.78it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 20000/80000 --> loss: 0.00052090, error: 0.15019485\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 31%|███████████████████████████▏ | 25041/80000 [02:00<04:16, 214.68it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 25000/80000 --> loss: 0.00028694, error: 0.15004866\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 38%|████████████████████████████████▋ | 30036/80000 [02:23<03:52, 215.28it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 30000/80000 --> loss: 0.00020874, error: 0.15056734\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 44%|██████████████████████████████████████ | 35031/80000 [02:46<03:29, 214.24it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 35000/80000 --> loss: 0.00803198, error: 0.13917467\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 50%|███████████████████████████████████████████▌ | 40027/80000 [03:09<03:05, 215.44it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 40000/80000 --> loss: 0.00257082, error: 0.14207715\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 56%|████████████████████████████████████████████████▉ | 45025/80000 [03:32<02:42, 215.57it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 45000/80000 --> loss: 0.00009846, error: 0.12697981\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 63%|██████████████████████████████████████████████████████▍ | 50041/80000 [03:55<02:18, 215.65it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 50000/80000 --> loss: 0.00008285, error: 0.11743114\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 69%|███████████████████████████████████████████████████████████▊ | 55036/80000 [04:18<01:56, 214.12it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 55000/80000 --> loss: 0.00244207, error: 0.12122886\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 75%|█████████████████████████████████████████████████████████████████▎ | 60030/80000 [04:41<01:33, 213.44it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 60000/80000 --> loss: 0.00023749, error: 0.10394368\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 81%|██████████████████████████████████████████████████████████████████████▋ | 65026/80000 [05:04<01:09, 216.03it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 65000/80000 --> loss: 0.00004192, error: 0.09794994\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 88%|████████████████████████████████████████████████████████████████████████████▏ | 70042/80000 [05:27<00:46, 215.24it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 70000/80000 --> loss: 0.00123902, error: 0.09505872\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 94%|█████████████████████████████████████████████████████████████████████████████████▌ | 75038/80000 [05:50<00:23, 214.46it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 75000/80000 --> loss: 0.00004772, error: 0.08748075\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "100%|███████████████████████████████████████████████████████████████████████████████████████| 80000/80000 [06:13<00:00, 214.20it/s]\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 80000/80000 --> loss: 0.00002817, error: 0.08281591\n",
|
|
|
+ "Runtime: 4.67 ms/iter.\n",
|
|
|
+ "<function loss_poisson.<locals>.<lambda> at 0x7efa002f5760>\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 0%| | 25/80000 [00:06<3:50:53, 5.77it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 1/80000 --> loss: 75.14293671, error: 1.00001907\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 6%|█████▌ | 5035/80000 [00:28<05:46, 216.43it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 5000/80000 --> loss: 0.00726470, error: 0.46113566\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 13%|██████████▉ | 10031/80000 [00:51<05:26, 214.30it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 10000/80000 --> loss: 0.00305764, error: 0.43019226\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 19%|████████████████▎ | 15028/80000 [01:14<05:03, 214.23it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 15000/80000 --> loss: 0.01305132, error: 0.31426156\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 25%|█████████████████████▊ | 20025/80000 [01:37<04:36, 216.53it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 20000/80000 --> loss: 0.00028230, error: 0.19373873\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 31%|███████████████████████████▏ | 25024/80000 [02:00<04:14, 215.69it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 25000/80000 --> loss: 0.00122865, error: 0.14396435\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 38%|████████████████████████████████▋ | 30040/80000 [02:24<03:52, 215.14it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 30000/80000 --> loss: 0.00010896, error: 0.12177751\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 44%|██████████████████████████████████████ | 35038/80000 [02:47<03:28, 215.20it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 35000/80000 --> loss: 0.00008972, error: 0.10284858\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 50%|███████████████████████████████████████████▌ | 40032/80000 [03:10<03:07, 213.26it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 40000/80000 --> loss: 0.00007902, error: 0.08954240\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 56%|████████████████████████████████████████████████▉ | 45028/80000 [03:33<02:43, 214.41it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 45000/80000 --> loss: 0.00006265, error: 0.07580773\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 63%|██████████████████████████████████████████████████████▍ | 50025/80000 [03:56<02:18, 216.81it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 50000/80000 --> loss: 0.00009029, error: 0.06996331\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 69%|███████████████████████████████████████████████████████████▊ | 55042/80000 [04:19<01:56, 214.26it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 55000/80000 --> loss: 0.00016164, error: 0.06885631\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 75%|█████████████████████████████████████████████████████████████████▎ | 60037/80000 [04:42<01:32, 216.23it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 60000/80000 --> loss: 0.00005905, error: 0.06980403\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 81%|██████████████████████████████████████████████████████████████████████▋ | 65033/80000 [05:05<01:09, 214.44it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 65000/80000 --> loss: 0.00003907, error: 0.07427084\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 88%|████████████████████████████████████████████████████████████████████████████▏ | 70027/80000 [05:28<00:46, 214.69it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 70000/80000 --> loss: 0.00052035, error: 0.08142941\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 94%|█████████████████████████████████████████████████████████████████████████████████▌ | 75043/80000 [05:51<00:22, 215.63it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 75000/80000 --> loss: 0.00486972, error: 0.09069850\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "100%|███████████████████████████████████████████████████████████████████████████████████████| 80000/80000 [06:14<00:00, 213.78it/s]\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 80000/80000 --> loss: 0.00010271, error: 0.10496727\n",
|
|
|
+ "Runtime: 4.68 ms/iter.\n",
|
|
|
+ "<function loss_poisson.<locals>.<lambda> at 0x7efa002f4400>\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 0%| | 25/80000 [00:05<3:25:25, 6.49it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 1/80000 --> loss: 89.05091095, error: 0.99989372\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 6%|█████▌ | 5031/80000 [00:28<05:46, 216.10it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 5000/80000 --> loss: 0.00722704, error: 0.36079100\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 13%|██████████▉ | 10032/80000 [00:51<05:25, 214.67it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 10000/80000 --> loss: 0.00290766, error: 0.32345778\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 19%|████████████████▎ | 15029/80000 [01:14<05:02, 214.92it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 15000/80000 --> loss: 0.01186084, error: 0.18267690\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 25%|█████████████████████▊ | 20025/80000 [01:37<04:36, 217.10it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 20000/80000 --> loss: 0.00061649, error: 0.16798665\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 31%|███████████████████████████▏ | 25043/80000 [02:00<04:17, 213.55it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 25000/80000 --> loss: 0.00019136, error: 0.15505028\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 38%|████████████████████████████████▋ | 30037/80000 [02:23<03:53, 213.80it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 30000/80000 --> loss: 0.00025468, error: 0.14650491\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 44%|██████████████████████████████████████ | 35033/80000 [02:46<03:29, 215.00it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 35000/80000 --> loss: 0.00009932, error: 0.14096196\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 50%|███████████████████████████████████████████▌ | 40027/80000 [03:09<03:05, 215.34it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 40000/80000 --> loss: 0.00004917, error: 0.13058427\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 56%|████████████████████████████████████████████████▉ | 45025/80000 [03:32<02:41, 216.22it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 45000/80000 --> loss: 0.00770406, error: 0.12023586\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 63%|██████████████████████████████████████████████████████▍ | 50042/80000 [03:55<02:19, 214.75it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 50000/80000 --> loss: 0.00002939, error: 0.11003666\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 69%|███████████████████████████████████████████████████████████▊ | 55037/80000 [04:18<01:56, 215.04it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 55000/80000 --> loss: 0.00034436, error: 0.10238817\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 75%|█████████████████████████████████████████████████████████████████▎ | 60031/80000 [04:41<01:33, 213.41it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 60000/80000 --> loss: 0.00016693, error: 0.09674428\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 81%|██████████████████████████████████████████████████████████████████████▋ | 65026/80000 [05:04<01:09, 214.33it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 65000/80000 --> loss: 0.00419630, error: 0.08365285\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 88%|████████████████████████████████████████████████████████████████████████████▏ | 70042/80000 [05:27<00:46, 214.38it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 70000/80000 --> loss: 0.00005053, error: 0.08536048\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 94%|█████████████████████████████████████████████████████████████████████████████████▌ | 75036/80000 [05:50<00:23, 215.62it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 75000/80000 --> loss: 0.00001464, error: 0.07916481\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "100%|███████████████████████████████████████████████████████████████████████████████████████| 80000/80000 [06:13<00:00, 214.18it/s]\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 80000/80000 --> loss: 0.00001186, error: 0.07305478\n",
|
|
|
+ "Runtime: 4.67 ms/iter.\n",
|
|
|
+ "<function loss_poisson.<locals>.<lambda> at 0x7efa002f47c0>\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 0%| | 25/80000 [00:05<3:26:24, 6.46it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 1/80000 --> loss: 61.71880341, error: 0.99969238\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 6%|█████▌ | 5036/80000 [00:28<05:46, 216.15it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 5000/80000 --> loss: 0.00596987, error: 0.17163497\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 13%|██████████▉ | 10033/80000 [00:51<05:23, 216.14it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 10000/80000 --> loss: 0.00141713, error: 0.20974782\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 19%|████████████████▎ | 15028/80000 [01:14<05:01, 215.84it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 15000/80000 --> loss: 0.00078994, error: 0.24183945\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 25%|█████████████████████▊ | 20025/80000 [01:37<04:37, 216.44it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 20000/80000 --> loss: 0.00087495, error: 0.25457957\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 31%|███████████████████████████▏ | 25042/80000 [02:00<04:15, 215.26it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 25000/80000 --> loss: 0.00022826, error: 0.23505013\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 38%|████████████████████████████████▋ | 30036/80000 [02:23<03:54, 213.44it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 30000/80000 --> loss: 0.00015596, error: 0.21613528\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 44%|██████████████████████████████████████ | 35031/80000 [02:46<03:29, 214.38it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 35000/80000 --> loss: 0.00894859, error: 0.19395487\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 50%|███████████████████████████████████████████▌ | 40026/80000 [03:09<03:06, 214.19it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 40000/80000 --> loss: 0.00010070, error: 0.19131275\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 56%|████████████████████████████████████████████████▉ | 45043/80000 [03:32<02:43, 214.43it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 45000/80000 --> loss: 0.00009410, error: 0.17926353\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 63%|██████████████████████████████████████████████████████▍ | 50038/80000 [03:55<02:20, 213.47it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 50000/80000 --> loss: 0.00007629, error: 0.15944210\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 69%|███████████████████████████████████████████████████████████▊ | 55033/80000 [04:18<01:56, 214.15it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 55000/80000 --> loss: 0.00006598, error: 0.14155976\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 75%|█████████████████████████████████████████████████████████████████▎ | 60027/80000 [04:41<01:33, 213.75it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 60000/80000 --> loss: 0.00005662, error: 0.12313586\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 81%|██████████████████████████████████████████████████████████████████████▋ | 65043/80000 [05:04<01:09, 214.27it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 65000/80000 --> loss: 0.00011677, error: 0.11028165\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 88%|████████████████████████████████████████████████████████████████████████████▏ | 70038/80000 [05:27<00:46, 216.20it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 70000/80000 --> loss: 0.00070846, error: 0.09930846\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 94%|█████████████████████████████████████████████████████████████████████████████████▌ | 75032/80000 [05:50<00:23, 214.03it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 75000/80000 --> loss: 0.00021208, error: 0.07460839\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "100%|███████████████████████████████████████████████████████████████████████████████████████| 80000/80000 [06:13<00:00, 213.96it/s]\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 80000/80000 --> loss: 0.00032418, error: 0.06410876\n",
|
|
|
+ "Runtime: 4.67 ms/iter.\n",
|
|
|
+ "<function loss_poisson.<locals>.<lambda> at 0x7efa002f6ac0>\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 0%| | 25/80000 [00:05<3:24:27, 6.52it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 1/80000 --> loss: 78.99831390, error: 0.99847931\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 6%|█████▌ | 5038/80000 [00:28<05:49, 214.35it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 5000/80000 --> loss: 0.03112849, error: 0.35039261\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 13%|██████████▉ | 10032/80000 [00:51<05:27, 213.57it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 10000/80000 --> loss: 0.00216521, error: 0.31017551\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 19%|████████████████▎ | 15028/80000 [01:14<05:02, 214.47it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 15000/80000 --> loss: 0.00073364, error: 0.21813606\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 25%|█████████████████████▊ | 20025/80000 [01:37<04:37, 216.35it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 20000/80000 --> loss: 0.00030410, error: 0.16178365\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 31%|███████████████████████████▏ | 25041/80000 [02:00<04:17, 213.75it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 25000/80000 --> loss: 0.00016054, error: 0.15585995\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 38%|████████████████████████████████▋ | 30036/80000 [02:23<03:53, 213.75it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 30000/80000 --> loss: 0.00010124, error: 0.15752740\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 44%|██████████████████████████████████████ | 35032/80000 [02:46<03:30, 213.97it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 35000/80000 --> loss: 0.00145101, error: 0.16185164\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 50%|███████████████████████████████████████████▌ | 40026/80000 [03:09<03:06, 214.48it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 40000/80000 --> loss: 0.00004980, error: 0.14724848\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 56%|████████████████████████████████████████████████▉ | 45043/80000 [03:32<02:43, 214.24it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 45000/80000 --> loss: 0.00004003, error: 0.13915730\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 63%|██████████████████████████████████████████████████████▍ | 50039/80000 [03:55<02:19, 214.49it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 50000/80000 --> loss: 0.00016840, error: 0.13110864\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 69%|███████████████████████████████████████████████████████████▊ | 55033/80000 [04:18<01:56, 214.46it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 55000/80000 --> loss: 0.00005160, error: 0.12200747\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 75%|█████████████████████████████████████████████████████████████████▎ | 60027/80000 [04:41<01:33, 214.01it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 60000/80000 --> loss: 0.00002507, error: 0.10898945\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 81%|██████████████████████████████████████████████████████████████████████▋ | 65025/80000 [05:04<01:09, 217.00it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 65000/80000 --> loss: 0.01613047, error: 0.11181470\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 88%|████████████████████████████████████████████████████████████████████████████▏ | 70041/80000 [05:27<00:46, 213.51it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 70000/80000 --> loss: 0.00334049, error: 0.08468866\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 94%|█████████████████████████████████████████████████████████████████████████████████▌ | 75036/80000 [05:50<00:23, 213.52it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 75000/80000 --> loss: 0.00020902, error: 0.06920974\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "100%|███████████████████████████████████████████████████████████████████████████████████████| 80000/80000 [06:13<00:00, 214.08it/s]\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 80000/80000 --> loss: 0.00001572, error: 0.05822276\n",
|
|
|
+ "Runtime: 4.67 ms/iter.\n",
|
|
|
+ "<function loss_poisson.<locals>.<lambda> at 0x7ef9beae49a0>\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 0%| | 13/80000 [00:07<9:09:01, 2.43it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 1/80000 --> loss: 73.35239410, error: 0.99905986\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 6%|█████▌ | 5013/80000 [01:00<13:14, 94.41it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 5000/80000 --> loss: 0.00682455, error: 0.26393968\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 13%|███████████ | 10013/80000 [01:53<12:34, 92.77it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 10000/80000 --> loss: 0.00264489, error: 0.22044544\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 19%|████████████████▌ | 15013/80000 [02:46<11:33, 93.76it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 15000/80000 --> loss: 0.00118352, error: 0.12257347\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 25%|██████████████████████ | 20013/80000 [03:39<10:46, 92.85it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 20000/80000 --> loss: 0.00087145, error: 0.10165892\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 31%|███████████████████████████▌ | 25013/80000 [04:32<09:46, 93.80it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 25000/80000 --> loss: 0.00083728, error: 0.09489214\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 38%|█████████████████████████████████ | 30013/80000 [05:26<08:52, 93.94it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 30000/80000 --> loss: 0.00053156, error: 0.09335110\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 44%|██████████████████████████████████████▌ | 35013/80000 [06:19<07:58, 93.98it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 35000/80000 --> loss: 0.00815036, error: 0.09236143\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 50%|████████████████████████████████████████████ | 40013/80000 [07:12<07:06, 93.84it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 40000/80000 --> loss: 0.00031113, error: 0.10641859\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 56%|█████████████████████████████████████████████████▌ | 45013/80000 [08:05<06:12, 93.88it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 45000/80000 --> loss: 0.00023580, error: 0.12233479\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 63%|███████████████████████████████████████████████████████ | 50013/80000 [08:59<05:19, 93.93it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 50000/80000 --> loss: 0.00317238, error: 0.12856542\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 69%|████████████████████████████████████████████████████████████▌ | 55013/80000 [09:52<04:25, 94.09it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 55000/80000 --> loss: 0.00180190, error: 0.15940137\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 75%|██████████████████████████████████████████████████████████████████ | 60013/80000 [10:45<03:34, 93.38it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 60000/80000 --> loss: 0.00011808, error: 0.17017901\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 81%|███████████████████████████████████████████████████████████████████████▌ | 65013/80000 [11:39<02:38, 94.36it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 65000/80000 --> loss: 0.00011251, error: 0.18522769\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 88%|█████████████████████████████████████████████████████████████████████████████ | 70013/80000 [12:32<01:46, 93.84it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 70000/80000 --> loss: 0.00800861, error: 0.18553680\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 94%|██████████████████████████████████████████████████████████████████████████████████▌ | 75013/80000 [13:25<00:53, 92.63it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 75000/80000 --> loss: 0.00009830, error: 0.20262319\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "100%|████████████████████████████████████████████████████████████████████████████████████████| 80000/80000 [14:18<00:00, 93.15it/s]\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 80000/80000 --> loss: 0.00024465, error: 0.21819477\n",
|
|
|
+ "Runtime: 10.74 ms/iter.\n",
|
|
|
+ "<function loss_poisson.<locals>.<lambda> at 0x7ef9beae4f40>\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 0%| | 12/80000 [00:04<6:29:57, 3.42it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 1/80000 --> loss: 70.27033997, error: 0.99964285\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 6%|█████▌ | 5012/80000 [00:57<13:22, 93.40it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 5000/80000 --> loss: 0.01054808, error: 0.47710210\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 13%|███████████ | 10012/80000 [01:50<12:28, 93.44it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 10000/80000 --> loss: 0.00484995, error: 0.44283330\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 19%|████████████████▌ | 15012/80000 [02:44<11:34, 93.60it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 15000/80000 --> loss: 0.00193567, error: 0.34543031\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 25%|██████████████████████ | 20012/80000 [03:37<10:41, 93.48it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 20000/80000 --> loss: 0.00103604, error: 0.27227765\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 31%|███████████████████████████▌ | 25012/80000 [04:30<09:44, 94.04it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 25000/80000 --> loss: 0.00058564, error: 0.21988715\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 38%|█████████████████████████████████ | 30012/80000 [05:24<08:51, 94.12it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 30000/80000 --> loss: 0.00035188, error: 0.17904709\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 44%|██████████████████████████████████████▌ | 35012/80000 [06:17<08:09, 91.81it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 35000/80000 --> loss: 0.00023067, error: 0.15087689\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 50%|████████████████████████████████████████████ | 40012/80000 [07:11<07:12, 92.42it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 40000/80000 --> loss: 0.00018363, error: 0.13492474\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 56%|█████████████████████████████████████████████████▌ | 45013/80000 [08:04<06:16, 92.97it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 45000/80000 --> loss: 0.00013112, error: 0.13105553\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 63%|███████████████████████████████████████████████████████ | 50013/80000 [08:56<05:12, 95.83it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 50000/80000 --> loss: 0.00010645, error: 0.13429788\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 69%|████████████████████████████████████████████████████████████▌ | 55013/80000 [09:49<04:21, 95.63it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 55000/80000 --> loss: 0.00009138, error: 0.13926668\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 75%|██████████████████████████████████████████████████████████████████ | 60013/80000 [10:41<03:32, 94.16it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 60000/80000 --> loss: 0.00010052, error: 0.14318290\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 81%|███████████████████████████████████████████████████████████████████████▌ | 65013/80000 [11:34<02:36, 95.86it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 65000/80000 --> loss: 0.00007352, error: 0.14994167\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 88%|█████████████████████████████████████████████████████████████████████████████ | 70013/80000 [12:26<01:45, 94.47it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 70000/80000 --> loss: 0.00618595, error: 0.14149854\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 94%|██████████████████████████████████████████████████████████████████████████████████▌ | 75013/80000 [13:19<00:52, 95.07it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 75000/80000 --> loss: 0.00020052, error: 0.15828970\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "100%|████████████████████████████████████████████████████████████████████████████████████████| 80000/80000 [14:11<00:00, 93.91it/s]\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 80000/80000 --> loss: 0.00005921, error: 0.16243409\n",
|
|
|
+ "Runtime: 10.65 ms/iter.\n",
|
|
|
+ "<function loss_poisson.<locals>.<lambda> at 0x7ef9beae6a20>\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 0%| | 12/80000 [00:04<6:29:23, 3.42it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 1/80000 --> loss: 77.68782806, error: 0.99991423\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 6%|█████▌ | 5012/80000 [00:57<13:12, 94.58it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 5000/80000 --> loss: 0.00974378, error: 0.59237564\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 13%|███████████ | 10012/80000 [01:50<12:21, 94.33it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 10000/80000 --> loss: 0.00338602, error: 0.55320960\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 19%|████████████████▌ | 15013/80000 [02:43<11:25, 94.82it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 15000/80000 --> loss: 0.00128793, error: 0.42218694\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 25%|██████████████████████ | 20013/80000 [03:36<10:45, 93.00it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 20000/80000 --> loss: 0.00085111, error: 0.30261821\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 31%|███████████████████████████▌ | 25013/80000 [04:29<09:44, 94.05it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 25000/80000 --> loss: 0.00425727, error: 0.19101508\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 38%|█████████████████████████████████ | 30013/80000 [05:22<09:01, 92.29it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 30000/80000 --> loss: 0.00018070, error: 0.17054319\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 44%|██████████████████████████████████████▌ | 35013/80000 [06:16<07:59, 93.82it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 35000/80000 --> loss: 0.00012588, error: 0.16407825\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 50%|████████████████████████████████████████████ | 40013/80000 [07:09<07:04, 94.21it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 40000/80000 --> loss: 0.00010320, error: 0.15992466\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 56%|█████████████████████████████████████████████████▌ | 45013/80000 [08:02<06:19, 92.20it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 45000/80000 --> loss: 0.00009229, error: 0.15811393\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 63%|███████████████████████████████████████████████████████ | 50013/80000 [08:55<05:23, 92.82it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 50000/80000 --> loss: 0.00016884, error: 0.16010074\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 69%|████████████████████████████████████████████████████████████▌ | 55013/80000 [09:48<04:27, 93.41it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 55000/80000 --> loss: 0.00007904, error: 0.15880212\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 75%|██████████████████████████████████████████████████████████████████ | 60013/80000 [10:42<03:35, 92.80it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 60000/80000 --> loss: 0.00007659, error: 0.15658788\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 81%|███████████████████████████████████████████████████████████████████████▌ | 65013/80000 [11:35<02:39, 94.02it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 65000/80000 --> loss: 0.00088589, error: 0.15533130\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 88%|█████████████████████████████████████████████████████████████████████████████ | 70013/80000 [12:28<01:46, 93.69it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 70000/80000 --> loss: 0.00127570, error: 0.16099985\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 94%|██████████████████████████████████████████████████████████████████████████████████▌ | 75013/80000 [13:21<00:53, 93.71it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 75000/80000 --> loss: 0.00010855, error: 0.14780775\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "100%|████████████████████████████████████████████████████████████████████████████████████████| 80000/80000 [14:15<00:00, 93.56it/s]\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 80000/80000 --> loss: 0.00200030, error: 0.14052546\n",
|
|
|
+ "Runtime: 10.69 ms/iter.\n",
|
|
|
+ "<function loss_poisson.<locals>.<lambda> at 0x7ef9beae6480>\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 0%| | 12/80000 [00:05<7:23:40, 3.00it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 1/80000 --> loss: 62.57140732, error: 0.99999416\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 6%|█████▌ | 5012/80000 [00:58<13:10, 94.85it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 5000/80000 --> loss: 0.00688313, error: 0.26723668\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 13%|███████████ | 10012/80000 [01:51<12:23, 94.19it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 10000/80000 --> loss: 0.00323175, error: 0.27453110\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 19%|████████████████▌ | 15012/80000 [02:44<11:25, 94.84it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 15000/80000 --> loss: 0.00171400, error: 0.22667298\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 25%|██████████████████████ | 20012/80000 [03:38<10:35, 94.34it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 20000/80000 --> loss: 0.01542501, error: 0.21970709\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 31%|███████████████████████████▌ | 25012/80000 [04:31<09:50, 93.18it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 25000/80000 --> loss: 0.00051016, error: 0.19065703\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 38%|█████████████████████████████████ | 30012/80000 [05:24<08:50, 94.14it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 30000/80000 --> loss: 0.00028093, error: 0.19197461\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 44%|██████████████████████████████████████▌ | 35012/80000 [06:17<07:58, 94.09it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 35000/80000 --> loss: 0.00016642, error: 0.19605181\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 50%|████████████████████████████████████████████ | 40012/80000 [07:11<07:07, 93.47it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 40000/80000 --> loss: 0.00011167, error: 0.19548012\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 56%|█████████████████████████████████████████████████▌ | 45012/80000 [08:04<06:13, 93.77it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 45000/80000 --> loss: 0.00008184, error: 0.19250102\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 63%|███████████████████████████████████████████████████████ | 50012/80000 [08:57<05:23, 92.67it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 50000/80000 --> loss: 0.00006396, error: 0.18830071\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 69%|████████████████████████████████████████████████████████████▌ | 55012/80000 [09:51<04:25, 94.13it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 55000/80000 --> loss: 0.00005449, error: 0.18443675\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 75%|██████████████████████████████████████████████████████████████████ | 60012/80000 [10:44<03:34, 93.37it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 60000/80000 --> loss: 0.00004907, error: 0.18180728\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 81%|███████████████████████████████████████████████████████████████████████▌ | 65013/80000 [11:37<02:38, 94.42it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 65000/80000 --> loss: 0.00009143, error: 0.17866667\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 88%|█████████████████████████████████████████████████████████████████████████████ | 70013/80000 [12:30<01:48, 92.22it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 70000/80000 --> loss: 0.00004319, error: 0.17729245\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 94%|██████████████████████████████████████████████████████████████████████████████████▌ | 75013/80000 [13:24<00:53, 92.99it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 75000/80000 --> loss: 0.00004411, error: 0.17502138\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "100%|████████████████████████████████████████████████████████████████████████████████████████| 80000/80000 [14:17<00:00, 93.32it/s]\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 80000/80000 --> loss: 0.00004002, error: 0.17247815\n",
|
|
|
+ "Runtime: 10.72 ms/iter.\n",
|
|
|
+ "<function loss_poisson.<locals>.<lambda> at 0x7ef9beae4f40>\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 0%| | 12/80000 [00:04<6:37:10, 3.36it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 1/80000 --> loss: 62.76865768, error: 0.99989498\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 6%|█████▌ | 5012/80000 [00:57<13:08, 95.16it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 5000/80000 --> loss: 0.00944856, error: 0.34547570\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 13%|███████████ | 10012/80000 [01:51<12:22, 94.29it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 10000/80000 --> loss: 0.01244586, error: 0.27321354\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 19%|████████████████▌ | 15012/80000 [02:44<11:36, 93.28it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 15000/80000 --> loss: 0.00125782, error: 0.20807561\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 25%|██████████████████████ | 20012/80000 [03:37<10:41, 93.51it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 20000/80000 --> loss: 0.00034762, error: 0.13258745\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 31%|███████████████████████████▌ | 25012/80000 [04:30<09:43, 94.20it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 25000/80000 --> loss: 0.00046619, error: 0.11858059\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 38%|█████████████████████████████████ | 30012/80000 [05:23<09:01, 92.38it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 30000/80000 --> loss: 0.00012614, error: 0.11967827\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 44%|██████████████████████████████████████▌ | 35012/80000 [06:17<07:58, 94.09it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 35000/80000 --> loss: 0.00020030, error: 0.11555909\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 50%|████████████████████████████████████████████ | 40012/80000 [07:10<07:10, 92.91it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 40000/80000 --> loss: 0.00009819, error: 0.11592650\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 56%|█████████████████████████████████████████████████▌ | 45012/80000 [08:03<06:12, 93.85it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 45000/80000 --> loss: 0.00008664, error: 0.11488881\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 63%|███████████████████████████████████████████████████████ | 50013/80000 [08:57<05:17, 94.41it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 50000/80000 --> loss: 0.00017311, error: 0.11518670\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 69%|████████████████████████████████████████████████████████████▌ | 55014/80000 [09:50<04:26, 93.71it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 55000/80000 --> loss: 0.00007947, error: 0.11578521\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 75%|██████████████████████████████████████████████████████████████████ | 60014/80000 [10:43<03:35, 92.73it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 60000/80000 --> loss: 0.00006068, error: 0.11420492\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 81%|███████████████████████████████████████████████████████████████████████▌ | 65014/80000 [11:36<02:42, 91.97it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 65000/80000 --> loss: 0.00009611, error: 0.11426581\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 88%|█████████████████████████████████████████████████████████████████████████████ | 70014/80000 [12:30<01:47, 92.65it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 70000/80000 --> loss: 0.00005015, error: 0.11090422\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 94%|██████████████████████████████████████████████████████████████████████████████████▌ | 75014/80000 [13:23<00:53, 93.85it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 75000/80000 --> loss: 0.00023301, error: 0.10938501\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "100%|████████████████████████████████████████████████████████████████████████████████████████| 80000/80000 [14:16<00:00, 93.42it/s]\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 80000/80000 --> loss: 0.00004238, error: 0.10663179\n",
|
|
|
+ "Runtime: 10.70 ms/iter.\n",
|
|
|
+ "<function loss_poisson.<locals>.<lambda> at 0x7ef9beae5300>\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 0%| | 12/80000 [00:04<6:28:09, 3.43it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 1/80000 --> loss: 72.69577026, error: 0.99823982\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 6%|█████▌ | 5012/80000 [00:57<13:25, 93.14it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 5000/80000 --> loss: 0.00729388, error: 0.10386816\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 13%|███████████ | 10012/80000 [01:50<12:35, 92.65it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 10000/80000 --> loss: 0.00273633, error: 0.11063019\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 19%|████████████████▌ | 15012/80000 [02:44<11:30, 94.16it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 15000/80000 --> loss: 0.00228507, error: 0.08485415\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 25%|██████████████████████ | 20012/80000 [03:37<10:39, 93.76it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 20000/80000 --> loss: 0.00132327, error: 0.06768496\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 31%|███████████████████████████▌ | 25012/80000 [04:30<09:43, 94.25it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 25000/80000 --> loss: 0.00084694, error: 0.05305858\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 38%|█████████████████████████████████ | 30012/80000 [05:23<09:00, 92.41it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 30000/80000 --> loss: 0.00047825, error: 0.04600178\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 44%|██████████████████████████████████████▌ | 35012/80000 [06:17<08:03, 93.08it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 35000/80000 --> loss: 0.00037823, error: 0.04154380\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 50%|████████████████████████████████████████████ | 40013/80000 [07:10<07:03, 94.39it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 40000/80000 --> loss: 0.00023576, error: 0.03698245\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 56%|█████████████████████████████████████████████████▌ | 45013/80000 [08:03<06:12, 93.88it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 45000/80000 --> loss: 0.00018008, error: 0.03406600\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 63%|███████████████████████████████████████████████████████ | 50013/80000 [08:57<05:22, 93.08it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 50000/80000 --> loss: 0.00014699, error: 0.03271997\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 69%|████████████████████████████████████████████████████████████▌ | 55013/80000 [09:50<04:28, 92.97it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 55000/80000 --> loss: 0.00012318, error: 0.03190894\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 75%|██████████████████████████████████████████████████████████████████ | 60013/80000 [10:43<03:37, 92.01it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 60000/80000 --> loss: 0.00010328, error: 0.03086899\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 81%|███████████████████████████████████████████████████████████████████████▌ | 65013/80000 [11:37<02:41, 92.83it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 65000/80000 --> loss: 0.00074723, error: 0.02974795\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 88%|█████████████████████████████████████████████████████████████████████████████ | 70013/80000 [12:30<01:46, 93.81it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 70000/80000 --> loss: 0.00007825, error: 0.03010631\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 94%|██████████████████████████████████████████████████████████████████████████████████▌ | 75013/80000 [13:23<00:53, 92.70it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 75000/80000 --> loss: 0.00006414, error: 0.02907644\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "100%|████████████████████████████████████████████████████████████████████████████████████████| 80000/80000 [14:17<00:00, 93.34it/s]\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 80000/80000 --> loss: 0.00005551, error: 0.02819808\n",
|
|
|
+ "Runtime: 10.71 ms/iter.\n",
|
|
|
+ "<function loss_poisson.<locals>.<lambda> at 0x7ef9bf0c8a40>\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 0%| | 12/80000 [00:04<6:37:39, 3.35it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 1/80000 --> loss: 74.93516541, error: 0.99971819\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 6%|█████▌ | 5012/80000 [00:57<13:20, 93.73it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 5000/80000 --> loss: 0.01136693, error: 0.35161486\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 13%|███████████ | 10012/80000 [01:51<12:20, 94.49it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 10000/80000 --> loss: 0.00528949, error: 0.45603907\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 19%|████████████████▌ | 15012/80000 [02:44<11:30, 94.18it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 15000/80000 --> loss: 0.00269672, error: 0.44904336\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 25%|██████████████████████ | 20012/80000 [03:37<10:47, 92.60it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 20000/80000 --> loss: 0.00110243, error: 0.36677119\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 31%|███████████████████████████▌ | 25012/80000 [04:30<09:46, 93.72it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 25000/80000 --> loss: 0.00051683, error: 0.29891723\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 38%|█████████████████████████████████ | 30013/80000 [05:24<08:51, 94.11it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 30000/80000 --> loss: 0.00028232, error: 0.26923868\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 44%|██████████████████████████████████████▌ | 35013/80000 [06:17<08:05, 92.72it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 35000/80000 --> loss: 0.00719227, error: 0.27437034\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 50%|████████████████████████████████████████████ | 40013/80000 [07:10<07:06, 93.86it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 40000/80000 --> loss: 0.00011874, error: 0.26876268\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 56%|█████████████████████████████████████████████████▌ | 45013/80000 [08:03<06:12, 93.84it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 45000/80000 --> loss: 0.00025547, error: 0.25639346\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 63%|███████████████████████████████████████████████████████ | 50013/80000 [08:56<05:19, 93.72it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 50000/80000 --> loss: 0.00008776, error: 0.24923877\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 69%|████████████████████████████████████████████████████████████▌ | 55013/80000 [09:49<04:25, 94.16it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 55000/80000 --> loss: 0.00009137, error: 0.23848985\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 75%|██████████████████████████████████████████████████████████████████ | 60013/80000 [10:43<03:36, 92.28it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 60000/80000 --> loss: 0.00005605, error: 0.22860879\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 81%|███████████████████████████████████████████████████████████████████████▌ | 65013/80000 [11:36<02:39, 93.88it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 65000/80000 --> loss: 0.00004554, error: 0.21909150\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 88%|█████████████████████████████████████████████████████████████████████████████ | 70013/80000 [12:29<01:48, 92.03it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 70000/80000 --> loss: 0.00004230, error: 0.21221447\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 94%|██████████████████████████████████████████████████████████████████████████████████▌ | 75013/80000 [13:22<00:53, 92.93it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 75000/80000 --> loss: 0.00004339, error: 0.20470569\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "100%|████████████████████████████████████████████████████████████████████████████████████████| 80000/80000 [14:15<00:00, 93.47it/s]\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 80000/80000 --> loss: 0.00007595, error: 0.19959427\n",
|
|
|
+ "Runtime: 10.70 ms/iter.\n",
|
|
|
+ "<function loss_poisson.<locals>.<lambda> at 0x7ef9bf0ca660>\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 0%| | 12/80000 [00:05<6:42:26, 3.31it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 1/80000 --> loss: 88.80673981, error: 0.99979168\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 6%|█████▌ | 5013/80000 [00:57<13:02, 95.83it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 5000/80000 --> loss: 0.01551838, error: 0.44910187\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 13%|███████████ | 10013/80000 [01:50<12:28, 93.49it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 10000/80000 --> loss: 0.00648616, error: 0.42302370\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 19%|████████████████▌ | 15013/80000 [02:43<11:31, 93.92it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 15000/80000 --> loss: 0.00296357, error: 0.35385936\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 25%|██████████████████████ | 20013/80000 [03:37<10:50, 92.23it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 20000/80000 --> loss: 0.00132084, error: 0.27429855\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 31%|███████████████████████████▌ | 25013/80000 [04:30<09:53, 92.72it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 25000/80000 --> loss: 0.00135329, error: 0.21339747\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 38%|█████████████████████████████████ | 30013/80000 [05:23<09:00, 92.45it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 30000/80000 --> loss: 0.00046997, error: 0.17577502\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 44%|██████████████████████████████████████▌ | 35013/80000 [06:16<07:56, 94.46it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 35000/80000 --> loss: 0.00028626, error: 0.16174400\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 50%|████████████████████████████████████████████ | 40013/80000 [07:09<07:12, 92.45it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 40000/80000 --> loss: 0.00018385, error: 0.15544312\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 56%|█████████████████████████████████████████████████▌ | 45013/80000 [08:03<06:14, 93.37it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 45000/80000 --> loss: 0.00015259, error: 0.15614581\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 63%|███████████████████████████████████████████████████████ | 50013/80000 [08:56<05:17, 94.31it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 50000/80000 --> loss: 0.00012233, error: 0.15889816\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 69%|████████████████████████████████████████████████████████████▌ | 55013/80000 [09:49<04:24, 94.33it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 55000/80000 --> loss: 0.00010724, error: 0.16285886\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 75%|██████████████████████████████████████████████████████████████████ | 60013/80000 [10:43<03:37, 91.79it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 60000/80000 --> loss: 0.00009659, error: 0.16645366\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 81%|███████████████████████████████████████████████████████████████████████▌ | 65013/80000 [11:35<02:39, 93.97it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 65000/80000 --> loss: 0.00019708, error: 0.17207201\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 88%|█████████████████████████████████████████████████████████████████████████████ | 70013/80000 [12:28<01:45, 94.89it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 70000/80000 --> loss: 0.00038936, error: 0.16822940\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 94%|██████████████████████████████████████████████████████████████████████████████████▌ | 75013/80000 [13:20<00:52, 94.87it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 75000/80000 --> loss: 0.00008379, error: 0.17156565\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "100%|████████████████████████████████████████████████████████████████████████████████████████| 80000/80000 [14:12<00:00, 93.79it/s]\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 80000/80000 --> loss: 0.00007295, error: 0.17089425\n",
|
|
|
+ "Runtime: 10.66 ms/iter.\n",
|
|
|
+ "<function loss_poisson.<locals>.<lambda> at 0x7ef9bf0c87c0>\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 0%| | 12/80000 [00:05<7:15:05, 3.06it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 1/80000 --> loss: 61.74905777, error: 0.99981242\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 6%|█████▌ | 5014/80000 [00:57<13:16, 94.12it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 5000/80000 --> loss: 0.00481483, error: 0.23278354\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 13%|███████████ | 10014/80000 [01:50<12:21, 94.33it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 10000/80000 --> loss: 0.00222869, error: 0.30546308\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 19%|████████████████▌ | 15014/80000 [02:42<11:31, 93.95it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 15000/80000 --> loss: 0.00103767, error: 0.23863421\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 25%|██████████████████████ | 20014/80000 [03:35<10:30, 95.11it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 20000/80000 --> loss: 0.00044577, error: 0.19600393\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 31%|███████████████████████████▌ | 25014/80000 [04:28<09:52, 92.78it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 25000/80000 --> loss: 0.00025860, error: 0.20511660\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 38%|█████████████████████████████████ | 30014/80000 [05:21<08:49, 94.49it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 30000/80000 --> loss: 0.00016927, error: 0.22124389\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 44%|██████████████████████████████████████▌ | 35014/80000 [06:14<07:54, 94.72it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 35000/80000 --> loss: 0.00018110, error: 0.23599644\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 50%|████████████████████████████████████████████ | 40014/80000 [07:07<07:06, 93.76it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 40000/80000 --> loss: 0.00096565, error: 0.25164476\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 56%|█████████████████████████████████████████████████▌ | 45014/80000 [08:00<06:15, 93.25it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 45000/80000 --> loss: 0.00007577, error: 0.25195524\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 63%|███████████████████████████████████████████████████████ | 50014/80000 [08:54<05:23, 92.76it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 50000/80000 --> loss: 0.00457712, error: 0.26207688\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 69%|████████████████████████████████████████████████████████████▌ | 55014/80000 [09:47<04:26, 93.85it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 55000/80000 --> loss: 0.00005744, error: 0.25311157\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 75%|██████████████████████████████████████████████████████████████████ | 60014/80000 [10:40<03:33, 93.75it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 60000/80000 --> loss: 0.00005176, error: 0.25345895\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 81%|███████████████████████████████████████████████████████████████████████▌ | 65014/80000 [11:33<02:41, 93.04it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 65000/80000 --> loss: 0.00005227, error: 0.25077224\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 88%|█████████████████████████████████████████████████████████████████████████████ | 70014/80000 [12:26<01:46, 93.63it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 70000/80000 --> loss: 0.00003695, error: 0.25140944\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 94%|██████████████████████████████████████████████████████████████████████████████████▌ | 75014/80000 [13:19<00:52, 94.45it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 75000/80000 --> loss: 0.00004144, error: 0.25022945\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "100%|████████████████████████████████████████████████████████████████████████████████████████| 80000/80000 [14:12<00:00, 93.83it/s]\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 80000/80000 --> loss: 0.00079784, error: 0.25357285\n",
|
|
|
+ "Runtime: 10.66 ms/iter.\n",
|
|
|
+ "<function loss_poisson.<locals>.<lambda> at 0x7ef9bf0cac00>\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 0%| | 12/80000 [00:04<6:28:16, 3.43it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 1/80000 --> loss: 79.01342010, error: 0.99946713\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 6%|█████▌ | 5013/80000 [00:57<13:19, 93.79it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 5000/80000 --> loss: 0.00745242, error: 0.30174202\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 13%|███████████ | 10013/80000 [01:50<12:24, 93.97it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 10000/80000 --> loss: 0.00352772, error: 0.28287846\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 19%|████████████████▌ | 15013/80000 [02:44<11:30, 94.16it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 15000/80000 --> loss: 0.00236727, error: 0.23053126\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 25%|██████████████████████ | 20013/80000 [03:37<10:50, 92.25it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 20000/80000 --> loss: 0.00153856, error: 0.18100008\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 31%|███████████████████████████▌ | 25013/80000 [04:30<09:45, 93.90it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 25000/80000 --> loss: 0.00085359, error: 0.11713424\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 38%|█████████████████████████████████ | 30013/80000 [05:23<08:57, 93.00it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 30000/80000 --> loss: 0.00053287, error: 0.07462445\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 44%|██████████████████████████████████████▌ | 35013/80000 [06:16<08:05, 92.62it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 35000/80000 --> loss: 0.00055299, error: 0.06128413\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 50%|████████████████████████████████████████████ | 40013/80000 [07:10<07:12, 92.38it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 40000/80000 --> loss: 0.00032036, error: 0.05107252\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 56%|█████████████████████████████████████████████████▌ | 45013/80000 [08:03<06:15, 93.05it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 45000/80000 --> loss: 0.00025909, error: 0.04427812\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 63%|███████████████████████████████████████████████████████ | 50013/80000 [08:56<05:23, 92.67it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 50000/80000 --> loss: 0.00021716, error: 0.04052989\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 69%|████████████████████████████████████████████████████████████▌ | 55013/80000 [09:49<04:30, 92.54it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 55000/80000 --> loss: 0.00018145, error: 0.03856390\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 75%|██████████████████████████████████████████████████████████████████ | 60013/80000 [10:43<03:34, 93.33it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 60000/80000 --> loss: 0.00037464, error: 0.04229888\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 81%|███████████████████████████████████████████████████████████████████████▌ | 65013/80000 [11:36<02:40, 93.19it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 65000/80000 --> loss: 0.00011699, error: 0.03874903\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 88%|█████████████████████████████████████████████████████████████████████████████ | 70013/80000 [12:29<01:48, 92.08it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 70000/80000 --> loss: 0.00009093, error: 0.04051121\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 94%|██████████████████████████████████████████████████████████████████████████████████▌ | 75013/80000 [13:22<00:54, 92.22it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 75000/80000 --> loss: 0.00010907, error: 0.04374656\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "100%|████████████████████████████████████████████████████████████████████████████████████████| 80000/80000 [14:16<00:00, 93.45it/s]\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 80000/80000 --> loss: 0.00005908, error: 0.04674767\n",
|
|
|
+ "Runtime: 10.70 ms/iter.\n",
|
|
|
+ "<function loss_poisson.<locals>.<lambda> at 0x7ef9bcf5f600>\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 0%| | 11/80000 [00:06<9:55:12, 2.24it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 1/80000 --> loss: 73.33612823, error: 0.99986994\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 6%|█████▌ | 5011/80000 [01:10<16:00, 78.04it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 5000/80000 --> loss: 0.00337744, error: 0.18881764\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 13%|███████████ | 10012/80000 [02:14<15:00, 77.68it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 10000/80000 --> loss: 0.00191899, error: 0.18356563\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 19%|████████████████▌ | 15012/80000 [03:18<13:46, 78.60it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 15000/80000 --> loss: 0.03798449, error: 0.10613279\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 25%|██████████████████████ | 20013/80000 [04:22<13:00, 76.86it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 20000/80000 --> loss: 0.00044560, error: 0.08782409\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 31%|███████████████████████████▌ | 25013/80000 [05:26<11:49, 77.50it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 25000/80000 --> loss: 0.00970963, error: 0.05119656\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 38%|█████████████████████████████████ | 30013/80000 [06:30<10:43, 77.72it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 30000/80000 --> loss: 0.00016538, error: 0.03578966\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 44%|██████████████████████████████████████▌ | 35014/80000 [07:34<09:41, 77.33it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 35000/80000 --> loss: 0.00013013, error: 0.02262446\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 50%|████████████████████████████████████████████ | 40014/80000 [08:38<08:41, 76.63it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 40000/80000 --> loss: 0.00010460, error: 0.01969964\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 56%|█████████████████████████████████████████████████▌ | 45014/80000 [09:42<07:32, 77.28it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 45000/80000 --> loss: 0.00008824, error: 0.02148351\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 63%|███████████████████████████████████████████████████████ | 50015/80000 [10:46<06:24, 78.03it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 50000/80000 --> loss: 0.00007668, error: 0.02431638\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 69%|████████████████████████████████████████████████████████████▌ | 55010/80000 [11:50<05:10, 80.42it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 55000/80000 --> loss: 0.00165405, error: 0.01684195\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 75%|██████████████████████████████████████████████████████████████████ | 60012/80000 [12:54<04:21, 76.34it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 60000/80000 --> loss: 0.00028016, error: 0.02895012\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 81%|███████████████████████████████████████████████████████████████████████▌ | 65011/80000 [13:58<03:14, 76.97it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 65000/80000 --> loss: 0.00076802, error: 0.02926756\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 88%|█████████████████████████████████████████████████████████████████████████████ | 70011/80000 [15:02<02:08, 78.03it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 70000/80000 --> loss: 0.00126890, error: 0.02130612\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 94%|██████████████████████████████████████████████████████████████████████████████████▌ | 75014/80000 [16:06<01:04, 77.20it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 75000/80000 --> loss: 0.00004898, error: 0.02797719\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "100%|████████████████████████████████████████████████████████████████████████████████████████| 80000/80000 [17:10<00:00, 77.61it/s]\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 80000/80000 --> loss: 0.00089279, error: 0.03296129\n",
|
|
|
+ "Runtime: 12.89 ms/iter.\n",
|
|
|
+ "<function loss_poisson.<locals>.<lambda> at 0x7ef9bc7c9e40>\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 0%| | 11/80000 [00:04<7:01:20, 3.16it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 1/80000 --> loss: 70.27644348, error: 0.99939972\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 6%|█████▌ | 5013/80000 [01:08<16:20, 76.46it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 5000/80000 --> loss: 0.03546835, error: 0.29666159\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 13%|███████████ | 10015/80000 [02:12<15:02, 77.52it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 10000/80000 --> loss: 0.00302562, error: 0.23832949\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 19%|████████████████▌ | 15011/80000 [03:16<14:02, 77.13it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 15000/80000 --> loss: 0.00194780, error: 0.19587895\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 25%|██████████████████████ | 20011/80000 [04:20<12:51, 77.78it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 20000/80000 --> loss: 0.00084993, error: 0.17620876\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 31%|███████████████████████████▌ | 25011/80000 [05:24<11:39, 78.57it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 25000/80000 --> loss: 0.04204392, error: 0.14757156\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 38%|█████████████████████████████████ | 30014/80000 [06:29<10:46, 77.27it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 30000/80000 --> loss: 0.01654740, error: 0.20102882\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 44%|██████████████████████████████████████▌ | 35011/80000 [07:33<09:38, 77.74it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 35000/80000 --> loss: 0.00020453, error: 0.18718974\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 50%|████████████████████████████████████████████ | 40015/80000 [08:37<08:38, 77.11it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 40000/80000 --> loss: 0.00016153, error: 0.19605942\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 56%|█████████████████████████████████████████████████▌ | 45011/80000 [09:41<07:24, 78.77it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 45000/80000 --> loss: 0.00012307, error: 0.19660118\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 63%|███████████████████████████████████████████████████████ | 50011/80000 [10:45<06:23, 78.10it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 50000/80000 --> loss: 0.00010040, error: 0.19732170\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 69%|████████████████████████████████████████████████████████████▌ | 55011/80000 [11:49<05:21, 77.79it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 55000/80000 --> loss: 0.00008311, error: 0.19453520\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 75%|██████████████████████████████████████████████████████████████████ | 60011/80000 [12:53<04:14, 78.64it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 60000/80000 --> loss: 0.00007236, error: 0.19225989\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 81%|███████████████████████████████████████████████████████████████████████▌ | 65012/80000 [13:57<03:14, 76.90it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 65000/80000 --> loss: 0.01012805, error: 0.20676605\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 88%|█████████████████████████████████████████████████████████████████████████████ | 70012/80000 [15:01<02:09, 77.25it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 70000/80000 --> loss: 0.00504114, error: 0.17561983\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 94%|██████████████████████████████████████████████████████████████████████████████████▌ | 75013/80000 [16:05<01:05, 75.77it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 75000/80000 --> loss: 0.00449255, error: 0.16359389\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "100%|████████████████████████████████████████████████████████████████████████████████████████| 80000/80000 [17:09<00:00, 77.72it/s]\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 80000/80000 --> loss: 0.00005593, error: 0.17633994\n",
|
|
|
+ "Runtime: 12.87 ms/iter.\n",
|
|
|
+ "<function loss_poisson.<locals>.<lambda> at 0x7ef9bc7ca200>\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 0%| | 11/80000 [00:05<8:07:26, 2.73it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 1/80000 --> loss: 77.60412598, error: 0.99933833\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 6%|█████▌ | 5010/80000 [01:08<15:57, 78.34it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 5000/80000 --> loss: 0.00495144, error: 0.30496880\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 13%|███████████ | 10013/80000 [02:12<14:52, 78.38it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 10000/80000 --> loss: 0.00254081, error: 0.26151216\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 19%|████████████████▌ | 15011/80000 [03:17<13:55, 77.77it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 15000/80000 --> loss: 0.00130079, error: 0.19762091\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 25%|██████████████████████ | 20011/80000 [04:21<12:48, 78.04it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 20000/80000 --> loss: 0.00110942, error: 0.17173353\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 31%|███████████████████████████▌ | 25011/80000 [05:25<11:52, 77.18it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 25000/80000 --> loss: 0.00066908, error: 0.18065338\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 38%|█████████████████████████████████ | 30012/80000 [06:29<10:55, 76.21it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 30000/80000 --> loss: 0.00037640, error: 0.19005010\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 44%|██████████████████████████████████████▌ | 35012/80000 [07:33<09:41, 77.31it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 35000/80000 --> loss: 0.00059155, error: 0.20028722\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 50%|████████████████████████████████████████████ | 40013/80000 [08:37<08:32, 78.02it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 40000/80000 --> loss: 0.00027118, error: 0.20716292\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 56%|█████████████████████████████████████████████████▌ | 45015/80000 [09:41<07:30, 77.71it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 45000/80000 --> loss: 0.00630636, error: 0.19812690\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 63%|███████████████████████████████████████████████████████ | 50011/80000 [10:45<06:25, 77.82it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 50000/80000 --> loss: 0.00019481, error: 0.20651768\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 69%|████████████████████████████████████████████████████████████▌ | 55014/80000 [11:49<05:22, 77.49it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 55000/80000 --> loss: 0.00126576, error: 0.20304880\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 75%|██████████████████████████████████████████████████████████████████ | 60011/80000 [12:53<04:19, 77.12it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 60000/80000 --> loss: 0.00027721, error: 0.20364241\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 81%|███████████████████████████████████████████████████████████████████████▌ | 65014/80000 [13:57<03:12, 77.77it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 65000/80000 --> loss: 0.00017133, error: 0.19692907\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 88%|█████████████████████████████████████████████████████████████████████████████ | 70014/80000 [15:01<02:09, 77.29it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 70000/80000 --> loss: 0.00008990, error: 0.18866494\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 94%|██████████████████████████████████████████████████████████████████████████████████▌ | 75015/80000 [16:05<01:03, 78.04it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 75000/80000 --> loss: 0.00522701, error: 0.17252210\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "100%|████████████████████████████████████████████████████████████████████████████████████████| 80000/80000 [17:09<00:00, 77.74it/s]\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 80000/80000 --> loss: 0.00027171, error: 0.16917448\n",
|
|
|
+ "Runtime: 12.86 ms/iter.\n",
|
|
|
+ "<function loss_poisson.<locals>.<lambda> at 0x7ef9bc7ca8e0>\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 0%| | 11/80000 [00:04<7:00:15, 3.17it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 1/80000 --> loss: 62.54367065, error: 0.99970460\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 6%|█████▌ | 5015/80000 [01:08<16:01, 78.00it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 5000/80000 --> loss: 0.00785096, error: 0.14622070\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 13%|███████████ | 10011/80000 [02:11<14:53, 78.37it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 10000/80000 --> loss: 0.00114153, error: 0.19454576\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 19%|████████████████▌ | 15014/80000 [03:15<13:55, 77.81it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 15000/80000 --> loss: 0.00045197, error: 0.17058091\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 25%|██████████████████████ | 20011/80000 [04:19<12:42, 78.68it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 20000/80000 --> loss: 0.00030558, error: 0.16334666\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 31%|███████████████████████████▌ | 25011/80000 [05:23<11:37, 78.88it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 25000/80000 --> loss: 0.00023307, error: 0.16090526\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 38%|█████████████████████████████████ | 30012/80000 [06:27<10:42, 77.83it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 30000/80000 --> loss: 0.00018777, error: 0.15775029\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 44%|██████████████████████████████████████▌ | 35012/80000 [07:31<09:51, 76.02it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 35000/80000 --> loss: 0.00018053, error: 0.15105480\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 50%|████████████████████████████████████████████ | 40011/80000 [08:35<08:32, 77.95it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 40000/80000 --> loss: 0.00013522, error: 0.15039487\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 56%|█████████████████████████████████████████████████▌ | 45013/80000 [09:39<07:28, 78.05it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 45000/80000 --> loss: 0.00012186, error: 0.14736475\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 63%|███████████████████████████████████████████████████████ | 50010/80000 [10:43<06:18, 79.21it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 50000/80000 --> loss: 0.00010182, error: 0.13604152\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 69%|████████████████████████████████████████████████████████████▌ | 55014/80000 [11:47<05:25, 76.86it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 55000/80000 --> loss: 0.00009375, error: 0.12897211\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 75%|██████████████████████████████████████████████████████████████████ | 60010/80000 [12:51<04:10, 79.67it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 60000/80000 --> loss: 0.00008708, error: 0.12497769\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 81%|███████████████████████████████████████████████████████████████████████▌ | 65014/80000 [13:55<03:16, 76.22it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 65000/80000 --> loss: 0.00012495, error: 0.11598476\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 88%|█████████████████████████████████████████████████████████████████████████████ | 70011/80000 [14:59<02:08, 77.84it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 70000/80000 --> loss: 0.00006611, error: 0.10976914\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 94%|██████████████████████████████████████████████████████████████████████████████████▌ | 75011/80000 [16:03<01:04, 77.71it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 75000/80000 --> loss: 0.00005847, error: 0.10313351\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "100%|████████████████████████████████████████████████████████████████████████████████████████| 80000/80000 [17:07<00:00, 77.82it/s]\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 80000/80000 --> loss: 0.00071009, error: 0.09224237\n",
|
|
|
+ "Runtime: 12.85 ms/iter.\n",
|
|
|
+ "<function loss_poisson.<locals>.<lambda> at 0x7ef9bc7c9e40>\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 0%| | 11/80000 [00:05<7:30:54, 2.96it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 1/80000 --> loss: 62.70575333, error: 0.99953836\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 6%|█████▌ | 5010/80000 [01:08<15:45, 79.30it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 5000/80000 --> loss: 0.01107983, error: 0.14767623\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 13%|███████████ | 10011/80000 [02:12<14:49, 78.70it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 10000/80000 --> loss: 0.00241005, error: 0.14988406\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 19%|████████████████▌ | 15011/80000 [03:16<14:00, 77.29it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 15000/80000 --> loss: 0.00100626, error: 0.12913403\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 25%|██████████████████████ | 20015/80000 [04:20<12:46, 78.30it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 20000/80000 --> loss: 0.00104010, error: 0.10878707\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 31%|███████████████████████████▌ | 25013/80000 [05:24<11:44, 78.07it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 25000/80000 --> loss: 0.00017823, error: 0.10996956\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 38%|█████████████████████████████████ | 30011/80000 [06:28<10:32, 79.09it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 30000/80000 --> loss: 0.00011930, error: 0.10396491\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 44%|██████████████████████████████████████▌ | 35012/80000 [07:32<09:45, 76.83it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 35000/80000 --> loss: 0.00009568, error: 0.09499524\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 50%|████████████████████████████████████████████ | 40011/80000 [08:36<08:33, 77.90it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 40000/80000 --> loss: 0.00007700, error: 0.08520725\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 56%|█████████████████████████████████████████████████▌ | 45012/80000 [09:39<07:29, 77.87it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 45000/80000 --> loss: 0.00012281, error: 0.07434798\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 63%|███████████████████████████████████████████████████████ | 50011/80000 [10:43<06:20, 78.76it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 50000/80000 --> loss: 0.00059111, error: 0.06679707\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 69%|████████████████████████████████████████████████████████████▌ | 55011/80000 [11:47<05:23, 77.14it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 55000/80000 --> loss: 0.00041570, error: 0.05981433\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 75%|██████████████████████████████████████████████████████████████████ | 60011/80000 [12:51<04:10, 79.81it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 60000/80000 --> loss: 0.00010126, error: 0.04459087\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 81%|███████████████████████████████████████████████████████████████████████▌ | 65011/80000 [13:54<03:10, 78.76it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 65000/80000 --> loss: 0.00042598, error: 0.03253831\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 88%|█████████████████████████████████████████████████████████████████████████████ | 70011/80000 [14:58<02:08, 77.93it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 70000/80000 --> loss: 0.00006548, error: 0.02647907\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 94%|██████████████████████████████████████████████████████████████████████████████████▌ | 75011/80000 [16:02<01:04, 77.95it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 75000/80000 --> loss: 0.00003926, error: 0.01874358\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "100%|████████████████████████████████████████████████████████████████████████████████████████| 80000/80000 [17:06<00:00, 77.94it/s]\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 80000/80000 --> loss: 0.00005830, error: 0.01655568\n",
|
|
|
+ "Runtime: 12.83 ms/iter.\n",
|
|
|
+ "<function loss_poisson.<locals>.<lambda> at 0x7ef9bc7ca340>\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 0%| | 11/80000 [00:04<7:07:30, 3.12it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 1/80000 --> loss: 72.97708130, error: 0.99797857\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 6%|█████▌ | 5010/80000 [01:08<16:06, 77.58it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 5000/80000 --> loss: 0.00660031, error: 0.41727105\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 13%|███████████ | 10010/80000 [02:12<14:42, 79.29it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 10000/80000 --> loss: 0.00307446, error: 0.36083734\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 19%|████████████████▌ | 15012/80000 [03:16<14:05, 76.83it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 15000/80000 --> loss: 0.00384329, error: 0.22552399\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 25%|██████████████████████ | 20011/80000 [04:20<12:45, 78.38it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 20000/80000 --> loss: 0.00059976, error: 0.17139156\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 31%|███████████████████████████▌ | 25010/80000 [05:24<11:39, 78.56it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 25000/80000 --> loss: 0.00037981, error: 0.17298962\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 38%|█████████████████████████████████ | 30011/80000 [06:28<10:50, 76.90it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 30000/80000 --> loss: 0.00028013, error: 0.18321228\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 44%|██████████████████████████████████████▌ | 35011/80000 [07:32<09:39, 77.62it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 35000/80000 --> loss: 0.00021634, error: 0.19232535\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 50%|████████████████████████████████████████████ | 40012/80000 [08:36<08:33, 77.90it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 40000/80000 --> loss: 0.00016993, error: 0.19913737\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 56%|█████████████████████████████████████████████████▌ | 45014/80000 [09:40<07:32, 77.32it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 45000/80000 --> loss: 0.00015133, error: 0.20498924\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 63%|███████████████████████████████████████████████████████ | 50012/80000 [10:44<06:25, 77.79it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 50000/80000 --> loss: 0.00010714, error: 0.21145821\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 69%|████████████████████████████████████████████████████████████▌ | 55011/80000 [11:48<05:16, 79.06it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 55000/80000 --> loss: 0.00009149, error: 0.21683410\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 75%|██████████████████████████████████████████████████████████████████ | 60012/80000 [12:52<04:17, 77.74it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 60000/80000 --> loss: 0.00089155, error: 0.21535006\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 81%|███████████████████████████████████████████████████████████████████████▌ | 65015/80000 [13:56<03:10, 78.75it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 65000/80000 --> loss: 0.00009795, error: 0.21976434\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 88%|█████████████████████████████████████████████████████████████████████████████ | 70015/80000 [14:59<02:07, 78.34it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 70000/80000 --> loss: 0.00005265, error: 0.21841821\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 94%|██████████████████████████████████████████████████████████████████████████████████▌ | 75011/80000 [16:03<01:03, 78.20it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 75000/80000 --> loss: 0.00028770, error: 0.21731645\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "100%|████████████████████████████████████████████████████████████████████████████████████████| 80000/80000 [17:06<00:00, 77.91it/s]\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 80000/80000 --> loss: 0.00158482, error: 0.21171734\n",
|
|
|
+ "Runtime: 12.84 ms/iter.\n",
|
|
|
+ "<function loss_poisson.<locals>.<lambda> at 0x7ef9bc7cbf60>\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 0%| | 10/80000 [00:05<9:14:22, 2.40it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 1/80000 --> loss: 75.04383850, error: 0.99943429\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 6%|█████▌ | 5011/80000 [01:08<15:31, 80.47it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 5000/80000 --> loss: 0.00656095, error: 0.29752100\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 13%|███████████ | 10011/80000 [02:12<14:49, 78.72it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 10000/80000 --> loss: 0.00332101, error: 0.32520095\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 19%|████████████████▌ | 15014/80000 [03:16<13:55, 77.75it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 15000/80000 --> loss: 0.00161171, error: 0.26950940\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 25%|██████████████████████ | 20014/80000 [04:20<13:03, 76.57it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 20000/80000 --> loss: 0.00091955, error: 0.20787655\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 31%|███████████████████████████▌ | 25010/80000 [05:24<11:29, 79.80it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 25000/80000 --> loss: 0.00103340, error: 0.15018898\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 38%|█████████████████████████████████ | 30014/80000 [06:28<10:50, 76.86it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 30000/80000 --> loss: 0.00021934, error: 0.13312402\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 44%|██████████████████████████████████████▌ | 35013/80000 [07:32<09:40, 77.43it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 35000/80000 --> loss: 0.00014503, error: 0.13441023\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 50%|████████████████████████████████████████████ | 40011/80000 [08:35<08:36, 77.36it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 40000/80000 --> loss: 0.00009541, error: 0.13664271\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 56%|█████████████████████████████████████████████████▌ | 45011/80000 [09:40<07:36, 76.59it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 45000/80000 --> loss: 0.00008660, error: 0.13594368\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 63%|███████████████████████████████████████████████████████ | 50012/80000 [10:44<06:25, 77.69it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 50000/80000 --> loss: 0.00005934, error: 0.13348860\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 69%|████████████████████████████████████████████████████████████▌ | 55013/80000 [11:48<05:25, 76.87it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 55000/80000 --> loss: 0.00072743, error: 0.12577052\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 75%|██████████████████████████████████████████████████████████████████ | 60011/80000 [12:52<04:16, 77.90it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 60000/80000 --> loss: 0.00106510, error: 0.11555979\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 81%|███████████████████████████████████████████████████████████████████████▌ | 65011/80000 [13:56<03:11, 78.12it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 65000/80000 --> loss: 0.01251299, error: 0.12008664\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 88%|█████████████████████████████████████████████████████████████████████████████ | 70011/80000 [15:00<02:09, 76.88it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 70000/80000 --> loss: 0.00009850, error: 0.09988566\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 94%|██████████████████████████████████████████████████████████████████████████████████▌ | 75015/80000 [16:04<01:03, 78.06it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 75000/80000 --> loss: 0.00003277, error: 0.08895464\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "100%|████████████████████████████████████████████████████████████████████████████████████████| 80000/80000 [17:08<00:00, 77.82it/s]\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 80000/80000 --> loss: 0.00003022, error: 0.07978874\n",
|
|
|
+ "Runtime: 12.85 ms/iter.\n",
|
|
|
+ "<function loss_poisson.<locals>.<lambda> at 0x7ef9bc7cbc40>\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 0%| | 11/80000 [00:04<7:08:21, 3.11it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 1/80000 --> loss: 88.81771088, error: 0.99914533\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 6%|█████▌ | 5010/80000 [01:08<15:43, 79.45it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 5000/80000 --> loss: 0.00898491, error: 0.38633779\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 13%|███████████ | 10012/80000 [02:11<14:54, 78.21it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 10000/80000 --> loss: 0.00330605, error: 0.33934072\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 19%|████████████████▌ | 15010/80000 [03:15<13:30, 80.20it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 15000/80000 --> loss: 0.00208401, error: 0.27946845\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 25%|██████████████████████ | 20013/80000 [04:19<12:52, 77.65it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 20000/80000 --> loss: 0.00108908, error: 0.25519118\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 31%|███████████████████████████▌ | 25015/80000 [05:23<11:51, 77.24it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 25000/80000 --> loss: 0.00062927, error: 0.26309019\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 38%|█████████████████████████████████ | 30014/80000 [06:27<10:36, 78.54it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 30000/80000 --> loss: 0.00043804, error: 0.27892303\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 44%|██████████████████████████████████████▌ | 35012/80000 [07:30<09:33, 78.50it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 35000/80000 --> loss: 0.00033107, error: 0.29207301\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 50%|████████████████████████████████████████████ | 40014/80000 [08:34<08:34, 77.65it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 40000/80000 --> loss: 0.00025840, error: 0.29999480\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 56%|█████████████████████████████████████████████████▌ | 45011/80000 [09:38<07:22, 79.13it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 45000/80000 --> loss: 0.00020220, error: 0.30394667\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 63%|███████████████████████████████████████████████████████ | 50016/80000 [10:42<06:22, 78.41it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 50000/80000 --> loss: 0.00016794, error: 0.30556011\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 69%|████████████████████████████████████████████████████████████▌ | 55014/80000 [11:45<05:20, 77.99it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 55000/80000 --> loss: 0.00015551, error: 0.29966512\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 75%|██████████████████████████████████████████████████████████████████ | 60015/80000 [12:49<04:16, 77.93it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 60000/80000 --> loss: 0.00014780, error: 0.29990938\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 81%|███████████████████████████████████████████████████████████████████████▌ | 65010/80000 [13:53<03:10, 78.67it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 65000/80000 --> loss: 0.00010907, error: 0.29355556\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 88%|█████████████████████████████████████████████████████████████████████████████ | 70011/80000 [14:57<02:09, 77.04it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 70000/80000 --> loss: 0.00038736, error: 0.28828210\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 94%|██████████████████████████████████████████████████████████████████████████████████▌ | 75011/80000 [16:01<01:04, 77.74it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 75000/80000 --> loss: 0.00008773, error: 0.27797917\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "100%|████████████████████████████████████████████████████████████████████████████████████████| 80000/80000 [17:05<00:00, 78.04it/s]\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 80000/80000 --> loss: 0.00009558, error: 0.27073029\n",
|
|
|
+ "Runtime: 12.81 ms/iter.\n",
|
|
|
+ "<function loss_poisson.<locals>.<lambda> at 0x7ef9bc7c9b20>\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 0%| | 11/80000 [00:04<7:12:13, 3.08it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 1/80000 --> loss: 61.68809509, error: 0.99920344\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 6%|█████▌ | 5010/80000 [01:08<15:59, 78.14it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 5000/80000 --> loss: 0.00488540, error: 0.40708199\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 13%|███████████ | 10011/80000 [02:12<15:08, 77.00it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 10000/80000 --> loss: 0.00241185, error: 0.39742535\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 19%|████████████████▌ | 15010/80000 [03:16<13:49, 78.39it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 15000/80000 --> loss: 0.00088437, error: 0.30945101\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 25%|██████████████████████ | 20010/80000 [04:20<12:30, 79.89it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 20000/80000 --> loss: 0.00037632, error: 0.25225332\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 31%|███████████████████████████▌ | 25011/80000 [05:24<11:49, 77.49it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 25000/80000 --> loss: 0.00023243, error: 0.22633834\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 38%|█████████████████████████████████ | 30012/80000 [06:28<10:42, 77.79it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 30000/80000 --> loss: 0.00035074, error: 0.21933234\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 44%|██████████████████████████████████████▌ | 35011/80000 [07:32<09:36, 77.97it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 35000/80000 --> loss: 0.00422405, error: 0.21569198\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 50%|████████████████████████████████████████████ | 40015/80000 [08:36<08:24, 79.21it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 40000/80000 --> loss: 0.00021148, error: 0.20356408\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 56%|█████████████████████████████████████████████████▌ | 45011/80000 [09:40<07:35, 76.83it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 45000/80000 --> loss: 0.00009817, error: 0.19611821\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 63%|███████████████████████████████████████████████████████ | 50011/80000 [10:44<06:11, 80.75it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 50000/80000 --> loss: 0.00021150, error: 0.19244833\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 69%|████████████████████████████████████████████████████████████▌ | 55014/80000 [11:48<05:20, 77.84it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 55000/80000 --> loss: 0.00006554, error: 0.18241300\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 75%|██████████████████████████████████████████████████████████████████ | 60010/80000 [12:51<04:16, 77.96it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 60000/80000 --> loss: 0.00965350, error: 0.16555013\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 81%|███████████████████████████████████████████████████████████████████████▌ | 65010/80000 [13:55<03:10, 78.77it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 65000/80000 --> loss: 0.00004893, error: 0.16646826\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 88%|█████████████████████████████████████████████████████████████████████████████ | 70014/80000 [14:59<02:10, 76.77it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 70000/80000 --> loss: 0.00004367, error: 0.15959345\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 94%|██████████████████████████████████████████████████████████████████████████████████▌ | 75010/80000 [16:03<01:03, 78.20it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 75000/80000 --> loss: 0.00004174, error: 0.15203927\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "100%|████████████████████████████████████████████████████████████████████████████████████████| 80000/80000 [17:07<00:00, 77.88it/s]\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 80000/80000 --> loss: 0.00003603, error: 0.14910950\n",
|
|
|
+ "Runtime: 12.84 ms/iter.\n",
|
|
|
+ "<function loss_poisson.<locals>.<lambda> at 0x7ef9bc7cb6a0>\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 0%| | 11/80000 [00:04<7:15:25, 3.06it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 1/80000 --> loss: 79.14120483, error: 0.99944270\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 6%|█████▌ | 5015/80000 [01:08<16:18, 76.60it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 5000/80000 --> loss: 0.00836043, error: 0.38575625\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 13%|███████████ | 10011/80000 [02:12<14:55, 78.18it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 10000/80000 --> loss: 0.00309065, error: 0.41927978\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 19%|████████████████▌ | 15010/80000 [03:16<13:45, 78.68it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 15000/80000 --> loss: 0.00304003, error: 0.40632528\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 25%|██████████████████████ | 20012/80000 [04:20<12:56, 77.26it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 20000/80000 --> loss: 0.00056002, error: 0.35127193\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 31%|███████████████████████████▌ | 25012/80000 [05:24<11:51, 77.28it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 25000/80000 --> loss: 0.00048165, error: 0.32534489\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 38%|█████████████████████████████████ | 30014/80000 [06:28<10:49, 76.95it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 30000/80000 --> loss: 0.00171277, error: 0.29872963\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 44%|██████████████████████████████████████▌ | 35013/80000 [07:32<09:44, 76.91it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 35000/80000 --> loss: 0.00198629, error: 0.30654880\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 50%|████████████████████████████████████████████ | 40015/80000 [08:36<08:40, 76.80it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 40000/80000 --> loss: 0.00017710, error: 0.28272447\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 56%|█████████████████████████████████████████████████▌ | 45014/80000 [09:40<07:29, 77.91it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 45000/80000 --> loss: 0.00085999, error: 0.28118303\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 63%|███████████████████████████████████████████████████████ | 50014/80000 [10:44<06:29, 77.05it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 50000/80000 --> loss: 0.00014979, error: 0.26546755\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 69%|████████████████████████████████████████████████████████████▌ | 55011/80000 [11:48<05:20, 78.07it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 55000/80000 --> loss: 0.00012112, error: 0.25741544\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 75%|██████████████████████████████████████████████████████████████████ | 60011/80000 [12:52<04:15, 78.14it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 60000/80000 --> loss: 0.00011325, error: 0.25412726\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 81%|███████████████████████████████████████████████████████████████████████▌ | 65010/80000 [13:56<03:08, 79.67it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 65000/80000 --> loss: 0.00214482, error: 0.23694183\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 88%|█████████████████████████████████████████████████████████████████████████████ | 70013/80000 [15:00<02:07, 78.49it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 70000/80000 --> loss: 0.00008583, error: 0.24041277\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 94%|██████████████████████████████████████████████████████████████████████████████████▌ | 75012/80000 [16:04<01:03, 78.49it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 75000/80000 --> loss: 0.00007895, error: 0.23582371\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "100%|████████████████████████████████████████████████████████████████████████████████████████| 80000/80000 [17:08<00:00, 77.80it/s]\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 80000/80000 --> loss: 0.00071023, error: 0.22703336\n",
|
|
|
+ "Runtime: 12.85 ms/iter.\n",
|
|
|
+ "<function loss_poisson.<locals>.<lambda> at 0x7ef9b70d2480>\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 0%| | 9/80000 [00:07<13:08:39, 1.69it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 1/80000 --> loss: 73.29949951, error: 0.99288136\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 6%|█████▌ | 5008/80000 [01:37<22:28, 55.60it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 5000/80000 --> loss: 0.01579500, error: 0.33435714\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 13%|███████████ | 10008/80000 [03:08<20:34, 56.69it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 10000/80000 --> loss: 0.00085658, error: 0.22509925\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 19%|████████████████▌ | 15008/80000 [04:39<19:29, 55.55it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 15000/80000 --> loss: 0.00036860, error: 0.14615731\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 25%|██████████████████████ | 20008/80000 [06:10<17:53, 55.91it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 20000/80000 --> loss: 0.00021282, error: 0.12168340\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 31%|███████████████████████████▌ | 25008/80000 [07:41<16:33, 55.37it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 25000/80000 --> loss: 0.01259593, error: 0.10423465\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 38%|█████████████████████████████████ | 30008/80000 [09:12<14:55, 55.85it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 30000/80000 --> loss: 0.00014919, error: 0.05949691\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 44%|██████████████████████████████████████▌ | 35008/80000 [10:43<13:35, 55.18it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 35000/80000 --> loss: 0.00009360, error: 0.03681954\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 50%|████████████████████████████████████████████ | 40008/80000 [12:14<11:53, 56.08it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 40000/80000 --> loss: 0.00137557, error: 0.04514066\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 56%|█████████████████████████████████████████████████▌ | 45008/80000 [13:46<10:18, 56.57it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 45000/80000 --> loss: 0.00012688, error: 0.05731343\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 63%|███████████████████████████████████████████████████████ | 50008/80000 [15:15<08:48, 56.79it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 50000/80000 --> loss: 0.00135148, error: 0.06582679\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 69%|████████████████████████████████████████████████████████████▌ | 55008/80000 [16:45<07:22, 56.53it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 55000/80000 --> loss: 0.00012439, error: 0.08596224\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 75%|██████████████████████████████████████████████████████████████████ | 60008/80000 [18:14<05:50, 57.11it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 60000/80000 --> loss: 0.00319701, error: 0.08541071\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 81%|███████████████████████████████████████████████████████████████████████▌ | 65008/80000 [19:45<04:23, 56.86it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 65000/80000 --> loss: 0.00017856, error: 0.10553850\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 88%|█████████████████████████████████████████████████████████████████████████████ | 70008/80000 [21:15<02:56, 56.76it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 70000/80000 --> loss: 0.00003745, error: 0.10850965\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 94%|██████████████████████████████████████████████████████████████████████████████████▌ | 75008/80000 [22:46<01:29, 55.48it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 75000/80000 --> loss: 0.00511944, error: 0.12069090\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "100%|████████████████████████████████████████████████████████████████████████████████████████| 80000/80000 [24:17<00:00, 54.90it/s]\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 80000/80000 --> loss: 0.00002591, error: 0.12301252\n",
|
|
|
+ "Runtime: 18.22 ms/iter.\n",
|
|
|
+ "<function loss_poisson.<locals>.<lambda> at 0x7ef9b70d2c00>\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 0%| | 9/80000 [00:05<10:38:27, 2.09it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 1/80000 --> loss: 70.28182983, error: 0.99784607\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 6%|█████▌ | 5008/80000 [01:36<22:23, 55.83it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 5000/80000 --> loss: 0.00433999, error: 0.21284351\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 13%|███████████ | 10008/80000 [03:06<20:35, 56.65it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 10000/80000 --> loss: 0.00142873, error: 0.18618524\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 19%|████████████████▌ | 15008/80000 [04:37<19:11, 56.43it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 15000/80000 --> loss: 0.00066517, error: 0.21407712\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 25%|██████████████████████ | 20008/80000 [06:08<18:06, 55.21it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 20000/80000 --> loss: 0.00032191, error: 0.22817847\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 31%|███████████████████████████▌ | 25008/80000 [07:39<16:29, 55.56it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 25000/80000 --> loss: 0.00020249, error: 0.21574041\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 38%|█████████████████████████████████ | 30008/80000 [09:10<14:52, 56.01it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 30000/80000 --> loss: 0.00014898, error: 0.18996334\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 44%|██████████████████████████████████████▌ | 35008/80000 [10:41<13:25, 55.86it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 35000/80000 --> loss: 0.00095690, error: 0.14931840\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 50%|████████████████████████████████████████████ | 40008/80000 [12:12<11:50, 56.30it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 40000/80000 --> loss: 0.00009427, error: 0.13503359\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 56%|█████████████████████████████████████████████████▌ | 45008/80000 [13:43<10:28, 55.64it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 45000/80000 --> loss: 0.00007813, error: 0.11487190\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 63%|███████████████████████████████████████████████████████ | 50008/80000 [15:14<08:55, 56.04it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 50000/80000 --> loss: 0.00006930, error: 0.09760189\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 69%|████████████████████████████████████████████████████████████▌ | 55008/80000 [16:46<07:33, 55.10it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 55000/80000 --> loss: 0.00006726, error: 0.08007092\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 75%|██████████████████████████████████████████████████████████████████ | 60008/80000 [18:17<05:54, 56.37it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 60000/80000 --> loss: 0.00402989, error: 0.07784533\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 81%|███████████████████████████████████████████████████████████████████████▌ | 65008/80000 [19:48<04:31, 55.18it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 65000/80000 --> loss: 0.00004594, error: 0.05137510\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 88%|█████████████████████████████████████████████████████████████████████████████ | 70008/80000 [21:20<03:00, 55.43it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 70000/80000 --> loss: 0.00270982, error: 0.04442481\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 94%|██████████████████████████████████████████████████████████████████████████████████▌ | 75008/80000 [22:51<01:30, 54.96it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 75000/80000 --> loss: 0.00004952, error: 0.03309422\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "100%|████████████████████████████████████████████████████████████████████████████████████████| 80000/80000 [24:22<00:00, 54.69it/s]\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 80000/80000 --> loss: 0.00004216, error: 0.02649312\n",
|
|
|
+ "Runtime: 18.29 ms/iter.\n",
|
|
|
+ "<function loss_poisson.<locals>.<lambda> at 0x7ef9b70d16c0>\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 0%| | 9/80000 [00:05<9:25:42, 2.36it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 1/80000 --> loss: 77.70539093, error: 0.99927408\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 6%|█████▌ | 5008/80000 [01:36<22:43, 54.98it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 5000/80000 --> loss: 0.00472014, error: 0.07858839\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 13%|███████████ | 10008/80000 [03:06<20:37, 56.54it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 10000/80000 --> loss: 0.00124962, error: 0.11943017\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 19%|████████████████▌ | 15008/80000 [04:37<19:33, 55.40it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 15000/80000 --> loss: 0.00053661, error: 0.10925893\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 25%|██████████████████████ | 20008/80000 [06:08<17:39, 56.61it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 20000/80000 --> loss: 0.00036271, error: 0.08921914\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 31%|███████████████████████████▌ | 25008/80000 [07:38<16:27, 55.67it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 25000/80000 --> loss: 0.00018189, error: 0.06993800\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 38%|█████████████████████████████████ | 30008/80000 [09:09<15:00, 55.53it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 30000/80000 --> loss: 0.00013949, error: 0.05419404\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 44%|██████████████████████████████████████▌ | 35008/80000 [10:40<13:21, 56.14it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 35000/80000 --> loss: 0.00035238, error: 0.04054847\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 50%|████████████████████████████████████████████ | 40008/80000 [12:11<11:46, 56.60it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 40000/80000 --> loss: 0.00007627, error: 0.03710262\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 56%|█████████████████████████████████████████████████▌ | 45008/80000 [13:43<10:34, 55.13it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 45000/80000 --> loss: 0.00011864, error: 0.05521008\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 63%|███████████████████████████████████████████████████████ | 50008/80000 [15:14<09:01, 55.43it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 50000/80000 --> loss: 0.00006519, error: 0.08337636\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 69%|████████████████████████████████████████████████████████████▌ | 55008/80000 [16:45<07:23, 56.36it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 55000/80000 --> loss: 0.00004192, error: 0.10730693\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 75%|██████████████████████████████████████████████████████████████████ | 60008/80000 [18:16<05:54, 56.41it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 60000/80000 --> loss: 0.00008512, error: 0.13321230\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 81%|███████████████████████████████████████████████████████████████████████▌ | 65008/80000 [19:47<04:26, 56.19it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 65000/80000 --> loss: 0.00024648, error: 0.15409178\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 88%|█████████████████████████████████████████████████████████████████████████████ | 70008/80000 [21:18<02:58, 56.13it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 70000/80000 --> loss: 0.00233006, error: 0.17372191\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 94%|██████████████████████████████████████████████████████████████████████████████████▌ | 75008/80000 [22:50<01:28, 56.41it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 75000/80000 --> loss: 0.00255959, error: 0.19501984\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "100%|████████████████████████████████████████████████████████████████████████████████████████| 80000/80000 [24:21<00:00, 54.74it/s]\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 80000/80000 --> loss: 0.00002457, error: 0.18932080\n",
|
|
|
+ "Runtime: 18.27 ms/iter.\n",
|
|
|
+ "<function loss_poisson.<locals>.<lambda> at 0x7ef9b70d2c00>\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 0%| | 9/80000 [00:04<8:51:59, 2.51it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 1/80000 --> loss: 62.57077408, error: 0.99403888\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 6%|█████▌ | 5008/80000 [01:35<22:25, 55.73it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 5000/80000 --> loss: 0.00340004, error: 0.24732485\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 13%|███████████ | 10008/80000 [03:06<20:50, 55.98it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 10000/80000 --> loss: 0.00126036, error: 0.14893593\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 19%|████████████████▌ | 15008/80000 [04:38<19:31, 55.48it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 15000/80000 --> loss: 0.00049591, error: 0.11547662\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 25%|██████████████████████ | 20008/80000 [06:09<18:07, 55.16it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 20000/80000 --> loss: 0.00137803, error: 0.11736262\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 31%|███████████████████████████▌ | 25008/80000 [07:40<16:22, 55.95it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 25000/80000 --> loss: 0.00017150, error: 0.11568598\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 38%|█████████████████████████████████ | 30008/80000 [09:11<14:45, 56.45it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 30000/80000 --> loss: 0.00011768, error: 0.10413388\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 44%|██████████████████████████████████████▌ | 35008/80000 [10:42<13:24, 55.92it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 35000/80000 --> loss: 0.00009717, error: 0.09212766\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 50%|████████████████████████████████████████████ | 40008/80000 [12:13<12:03, 55.31it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 40000/80000 --> loss: 0.00007417, error: 0.07866058\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 56%|█████████████████████████████████████████████████▌ | 45008/80000 [13:45<10:32, 55.30it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 45000/80000 --> loss: 0.00193968, error: 0.06589699\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 63%|███████████████████████████████████████████████████████ | 50008/80000 [15:16<09:01, 55.36it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 50000/80000 --> loss: 0.00007403, error: 0.05698154\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 69%|████████████████████████████████████████████████████████████▌ | 55008/80000 [16:47<07:29, 55.60it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 55000/80000 --> loss: 0.00005686, error: 0.05375902\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 75%|██████████████████████████████████████████████████████████████████ | 60008/80000 [18:18<05:56, 56.02it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 60000/80000 --> loss: 0.00009771, error: 0.05434858\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 81%|███████████████████████████████████████████████████████████████████████▌ | 65008/80000 [19:50<04:25, 56.54it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 65000/80000 --> loss: 0.00023448, error: 0.05771572\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 88%|█████████████████████████████████████████████████████████████████████████████ | 70008/80000 [21:20<02:58, 56.10it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 70000/80000 --> loss: 0.00297529, error: 0.06230661\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 94%|██████████████████████████████████████████████████████████████████████████████████▌ | 75008/80000 [22:51<01:27, 56.73it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 75000/80000 --> loss: 0.00004236, error: 0.07204103\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "100%|████████████████████████████████████████████████████████████████████████████████████████| 80000/80000 [24:20<00:00, 54.78it/s]\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 80000/80000 --> loss: 0.00031742, error: 0.07896496\n",
|
|
|
+ "Runtime: 18.25 ms/iter.\n",
|
|
|
+ "<function loss_poisson.<locals>.<lambda> at 0x7ef9b70d2c00>\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 0%| | 9/80000 [00:05<9:47:23, 2.27it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 1/80000 --> loss: 62.74160004, error: 0.99916929\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 6%|█████▌ | 5008/80000 [01:34<22:13, 56.26it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 5000/80000 --> loss: 0.00426503, error: 0.40279669\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 13%|███████████ | 10008/80000 [03:04<20:48, 56.05it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 10000/80000 --> loss: 0.00117737, error: 0.30831969\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 19%|████████████████▌ | 15008/80000 [04:34<19:12, 56.41it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 15000/80000 --> loss: 0.00042159, error: 0.25037393\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 25%|██████████████████████ | 20008/80000 [06:05<17:45, 56.30it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 20000/80000 --> loss: 0.00017382, error: 0.22422728\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 31%|███████████████████████████▌ | 25008/80000 [07:36<16:17, 56.28it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 25000/80000 --> loss: 0.00018574, error: 0.19931860\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 38%|█████████████████████████████████ | 30008/80000 [09:07<14:58, 55.65it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 30000/80000 --> loss: 0.00009774, error: 0.17597289\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 44%|██████████████████████████████████████▌ | 35008/80000 [10:38<13:19, 56.31it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 35000/80000 --> loss: 0.00007475, error: 0.15033886\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 50%|████████████████████████████████████████████ | 40008/80000 [12:09<11:44, 56.73it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 40000/80000 --> loss: 0.00015253, error: 0.12346038\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 56%|█████████████████████████████████████████████████▌ | 45008/80000 [13:39<10:20, 56.42it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 45000/80000 --> loss: 0.00272375, error: 0.09543411\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 63%|███████████████████████████████████████████████████████ | 50008/80000 [15:10<09:03, 55.16it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 50000/80000 --> loss: 0.00005042, error: 0.07138894\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 69%|████████████████████████████████████████████████████████████▌ | 55008/80000 [16:41<07:26, 55.95it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 55000/80000 --> loss: 0.00078809, error: 0.05783397\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 75%|██████████████████████████████████████████████████████████████████ | 60008/80000 [18:12<05:57, 55.94it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 60000/80000 --> loss: 0.00530495, error: 0.05984903\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 81%|███████████████████████████████████████████████████████████████████████▌ | 65008/80000 [19:43<04:25, 56.54it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 65000/80000 --> loss: 0.00019824, error: 0.05770513\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 88%|█████████████████████████████████████████████████████████████████████████████ | 70008/80000 [21:14<02:58, 56.08it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 70000/80000 --> loss: 0.00395088, error: 0.06269920\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 94%|██████████████████████████████████████████████████████████████████████████████████▌ | 75008/80000 [22:45<01:30, 54.94it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 75000/80000 --> loss: 0.00002359, error: 0.07316992\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "100%|████████████████████████████████████████████████████████████████████████████████████████| 80000/80000 [24:16<00:00, 54.92it/s]\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 80000/80000 --> loss: 0.00002152, error: 0.08294652\n",
|
|
|
+ "Runtime: 18.21 ms/iter.\n",
|
|
|
+ "<function loss_poisson.<locals>.<lambda> at 0x7ef9b43a5b20>\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 0%| | 9/80000 [00:04<8:52:27, 2.50it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 1/80000 --> loss: 72.96702576, error: 0.97685206\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 6%|█████▌ | 5008/80000 [01:35<22:52, 54.63it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 5000/80000 --> loss: 0.00396157, error: 0.25230819\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 13%|███████████ | 10008/80000 [03:06<21:04, 55.34it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 10000/80000 --> loss: 0.00145303, error: 0.23708071\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 19%|████████████████▌ | 15008/80000 [04:38<19:36, 55.24it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 15000/80000 --> loss: 0.00068285, error: 0.19538024\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 25%|██████████████████████ | 20008/80000 [06:09<18:02, 55.40it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 20000/80000 --> loss: 0.00876159, error: 0.18569779\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 31%|███████████████████████████▌ | 25008/80000 [07:40<16:32, 55.40it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 25000/80000 --> loss: 0.00643369, error: 0.14828871\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 38%|█████████████████████████████████ | 30008/80000 [09:11<14:54, 55.88it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 30000/80000 --> loss: 0.00016755, error: 0.14972775\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 44%|██████████████████████████████████████▌ | 35008/80000 [10:42<13:41, 54.74it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 35000/80000 --> loss: 0.00595348, error: 0.13937362\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 50%|████████████████████████████████████████████ | 40008/80000 [12:13<12:09, 54.86it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 40000/80000 --> loss: 0.00175045, error: 0.13214242\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 56%|█████████████████████████████████████████████████▌ | 45008/80000 [13:45<10:24, 55.99it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 45000/80000 --> loss: 0.00211455, error: 0.11149005\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 63%|███████████████████████████████████████████████████████ | 50008/80000 [15:16<08:49, 56.59it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 50000/80000 --> loss: 0.00004042, error: 0.10495666\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 69%|████████████████████████████████████████████████████████████▌ | 55008/80000 [16:47<07:24, 56.18it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 55000/80000 --> loss: 0.00027763, error: 0.09588759\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 75%|██████████████████████████████████████████████████████████████████ | 60008/80000 [18:18<06:03, 54.93it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 60000/80000 --> loss: 0.00031145, error: 0.08323944\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 81%|███████████████████████████████████████████████████████████████████████▌ | 65008/80000 [19:49<04:29, 55.66it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 65000/80000 --> loss: 0.00013802, error: 0.08017357\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 88%|█████████████████████████████████████████████████████████████████████████████ | 70008/80000 [21:20<02:58, 55.87it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 70000/80000 --> loss: 0.00002090, error: 0.08130617\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 94%|██████████████████████████████████████████████████████████████████████████████████▌ | 75008/80000 [22:52<01:30, 55.24it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 75000/80000 --> loss: 0.00154516, error: 0.08666091\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "100%|████████████████████████████████████████████████████████████████████████████████████████| 80000/80000 [24:22<00:00, 54.69it/s]\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 80000/80000 --> loss: 0.00001313, error: 0.09405507\n",
|
|
|
+ "Runtime: 18.29 ms/iter.\n",
|
|
|
+ "<function loss_poisson.<locals>.<lambda> at 0x7ef9b43a5c60>\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 0%| | 9/80000 [00:06<10:49:22, 2.05it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 1/80000 --> loss: 75.00754547, error: 0.99688774\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 6%|█████▌ | 5008/80000 [01:36<22:28, 55.63it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 5000/80000 --> loss: 0.00484804, error: 0.40568194\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 13%|███████████ | 10008/80000 [03:07<20:41, 56.36it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 10000/80000 --> loss: 0.00204480, error: 0.38513657\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 19%|████████████████▌ | 15008/80000 [04:38<19:22, 55.92it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 15000/80000 --> loss: 0.00071205, error: 0.29898441\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 25%|██████████████████████ | 20008/80000 [06:09<17:39, 56.61it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 20000/80000 --> loss: 0.00063250, error: 0.27722114\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 31%|███████████████████████████▌ | 25008/80000 [07:40<16:17, 56.26it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 25000/80000 --> loss: 0.00683313, error: 0.24003571\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 38%|█████████████████████████████████ | 30008/80000 [09:11<15:07, 55.07it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 30000/80000 --> loss: 0.00015651, error: 0.23923090\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 44%|██████████████████████████████████████▌ | 35008/80000 [10:43<13:28, 55.64it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 35000/80000 --> loss: 0.00017837, error: 0.22684929\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 50%|████████████████████████████████████████████ | 40008/80000 [12:14<11:45, 56.70it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 40000/80000 --> loss: 0.00017757, error: 0.19790690\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 56%|█████████████████████████████████████████████████▌ | 45008/80000 [13:45<10:26, 55.87it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 45000/80000 --> loss: 0.00073149, error: 0.18149641\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 63%|███████████████████████████████████████████████████████ | 50008/80000 [15:16<08:52, 56.30it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 50000/80000 --> loss: 0.00011780, error: 0.16277958\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 69%|████████████████████████████████████████████████████████████▌ | 55008/80000 [16:48<07:21, 56.58it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 55000/80000 --> loss: 0.00006319, error: 0.14459474\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 75%|██████████████████████████████████████████████████████████████████ | 60008/80000 [18:18<06:02, 55.12it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 60000/80000 --> loss: 0.00005218, error: 0.13332725\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 81%|███████████████████████████████████████████████████████████████████████▌ | 65008/80000 [19:50<04:26, 56.36it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 65000/80000 --> loss: 0.00004517, error: 0.12508944\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 88%|█████████████████████████████████████████████████████████████████████████████ | 70008/80000 [21:21<02:56, 56.61it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 70000/80000 --> loss: 0.00209646, error: 0.12824973\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 94%|██████████████████████████████████████████████████████████████████████████████████▌ | 75008/80000 [22:52<01:28, 56.46it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 75000/80000 --> loss: 0.00003918, error: 0.11438061\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "100%|████████████████████████████████████████████████████████████████████████████████████████| 80000/80000 [24:22<00:00, 54.69it/s]\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 80000/80000 --> loss: 0.00002799, error: 0.11139426\n",
|
|
|
+ "Runtime: 18.28 ms/iter.\n",
|
|
|
+ "<function loss_poisson.<locals>.<lambda> at 0x7ef9b43a6700>\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 0%| | 9/80000 [00:04<8:47:45, 2.53it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 1/80000 --> loss: 88.83210754, error: 0.99914449\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 6%|█████▌ | 5008/80000 [01:35<22:50, 54.70it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 5000/80000 --> loss: 0.00468709, error: 0.44002041\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 13%|███████████ | 10008/80000 [03:06<21:06, 55.26it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 10000/80000 --> loss: 0.00151818, error: 0.35531709\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 19%|████████████████▌ | 15008/80000 [04:37<19:38, 55.17it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 15000/80000 --> loss: 0.00041417, error: 0.27466521\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 25%|██████████████████████ | 20008/80000 [06:08<18:01, 55.47it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 20000/80000 --> loss: 0.00030183, error: 0.22864880\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 31%|███████████████████████████▌ | 25008/80000 [07:40<16:24, 55.88it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 25000/80000 --> loss: 0.00079795, error: 0.19595736\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 38%|█████████████████████████████████ | 30008/80000 [09:11<14:56, 55.79it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 30000/80000 --> loss: 0.00016257, error: 0.18175542\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 44%|██████████████████████████████████████▌ | 35008/80000 [10:42<13:40, 54.87it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 35000/80000 --> loss: 0.00013696, error: 0.17035881\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 50%|████████████████████████████████████████████ | 40008/80000 [12:14<11:44, 56.78it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 40000/80000 --> loss: 0.00011312, error: 0.16156214\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 56%|█████████████████████████████████████████████████▌ | 45008/80000 [13:45<10:28, 55.64it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 45000/80000 --> loss: 0.00012351, error: 0.15495470\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 63%|███████████████████████████████████████████████████████ | 50008/80000 [15:14<08:50, 56.58it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 50000/80000 --> loss: 0.01116665, error: 0.13873976\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 69%|████████████████████████████████████████████████████████████▌ | 55008/80000 [16:44<07:20, 56.73it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 55000/80000 --> loss: 0.00237149, error: 0.12305959\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 75%|██████████████████████████████████████████████████████████████████ | 60008/80000 [18:14<05:49, 57.16it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 60000/80000 --> loss: 0.00009720, error: 0.11449388\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 81%|███████████████████████████████████████████████████████████████████████▌ | 65008/80000 [19:44<04:25, 56.48it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 65000/80000 --> loss: 0.00006742, error: 0.09587254\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 88%|█████████████████████████████████████████████████████████████████████████████ | 70008/80000 [21:14<02:58, 56.00it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 70000/80000 --> loss: 0.00142467, error: 0.09212325\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 94%|██████████████████████████████████████████████████████████████████████████████████▌ | 75008/80000 [22:45<01:30, 55.40it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 75000/80000 --> loss: 0.00135574, error: 0.07962646\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "100%|████████████████████████████████████████████████████████████████████████████████████████| 80000/80000 [24:16<00:00, 54.92it/s]\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 80000/80000 --> loss: 0.00013820, error: 0.06073202\n",
|
|
|
+ "Runtime: 18.21 ms/iter.\n",
|
|
|
+ "<function loss_poisson.<locals>.<lambda> at 0x7ef9b43a7920>\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 0%| | 9/80000 [00:04<8:53:51, 2.50it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 1/80000 --> loss: 61.71787262, error: 0.99725568\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 6%|█████▌ | 5008/80000 [01:35<22:33, 55.41it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 5000/80000 --> loss: 0.00304379, error: 0.24738178\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 13%|███████████ | 10008/80000 [03:05<20:36, 56.60it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 10000/80000 --> loss: 0.00102786, error: 0.20412552\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 19%|████████████████▌ | 15008/80000 [04:36<19:14, 56.32it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 15000/80000 --> loss: 0.00047946, error: 0.15989026\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 25%|██████████████████████ | 20008/80000 [06:07<17:51, 55.97it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 20000/80000 --> loss: 0.00040610, error: 0.13005994\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 31%|███████████████████████████▌ | 25008/80000 [07:38<16:25, 55.81it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 25000/80000 --> loss: 0.00017729, error: 0.09786808\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 38%|█████████████████████████████████ | 30008/80000 [09:09<15:00, 55.53it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 30000/80000 --> loss: 0.00016250, error: 0.05984053\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 44%|██████████████████████████████████████▌ | 35008/80000 [10:40<13:23, 55.97it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 35000/80000 --> loss: 0.00007668, error: 0.05111345\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 50%|████████████████████████████████████████████ | 40008/80000 [12:11<11:45, 56.65it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 40000/80000 --> loss: 0.00008469, error: 0.09845835\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 56%|█████████████████████████████████████████████████▌ | 45008/80000 [13:42<10:22, 56.19it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 45000/80000 --> loss: 0.00005141, error: 0.13867818\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 63%|███████████████████████████████████████████████████████ | 50008/80000 [15:13<08:52, 56.30it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 50000/80000 --> loss: 0.00004923, error: 0.18389539\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 69%|████████████████████████████████████████████████████████████▌ | 55008/80000 [16:45<07:22, 56.53it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 55000/80000 --> loss: 0.00224047, error: 0.23272216\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 75%|██████████████████████████████████████████████████████████████████ | 60008/80000 [18:16<06:04, 54.88it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 60000/80000 --> loss: 0.00124094, error: 0.26016977\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 81%|███████████████████████████████████████████████████████████████████████▌ | 65008/80000 [19:47<04:29, 55.70it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 65000/80000 --> loss: 0.00025894, error: 0.29676545\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 88%|█████████████████████████████████████████████████████████████████████████████ | 70008/80000 [21:18<02:57, 56.18it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 70000/80000 --> loss: 0.00029437, error: 0.33414298\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 94%|██████████████████████████████████████████████████████████████████████████████████▌ | 75008/80000 [22:50<01:29, 55.69it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 75000/80000 --> loss: 0.00021132, error: 0.35504040\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "100%|████████████████████████████████████████████████████████████████████████████████████████| 80000/80000 [24:21<00:00, 54.74it/s]\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 80000/80000 --> loss: 0.00003885, error: 0.37039432\n",
|
|
|
+ "Runtime: 18.27 ms/iter.\n",
|
|
|
+ "<function loss_poisson.<locals>.<lambda> at 0x7ef9b43a6200>\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 0%| | 9/80000 [00:04<8:52:52, 2.50it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 1/80000 --> loss: 79.21853638, error: 0.99561810\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 6%|█████▌ | 5008/80000 [01:35<22:42, 55.03it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 5000/80000 --> loss: 0.00648058, error: 0.43723261\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 13%|███████████ | 10008/80000 [03:06<21:13, 54.97it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 10000/80000 --> loss: 0.00370003, error: 0.35001773\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 19%|████████████████▌ | 15008/80000 [04:38<19:26, 55.72it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 15000/80000 --> loss: 0.00225159, error: 0.32316279\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 25%|██████████████████████ | 20008/80000 [06:09<18:05, 55.29it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 20000/80000 --> loss: 0.00038382, error: 0.23823363\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 31%|███████████████████████████▌ | 25008/80000 [07:41<16:20, 56.07it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 25000/80000 --> loss: 0.00021448, error: 0.20547117\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 38%|█████████████████████████████████ | 30008/80000 [09:12<14:53, 55.94it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 30000/80000 --> loss: 0.00013199, error: 0.17643313\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 44%|██████████████████████████████████████▌ | 35008/80000 [10:43<13:23, 56.02it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 35000/80000 --> loss: 0.00050769, error: 0.15873562\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 50%|████████████████████████████████████████████ | 40008/80000 [12:14<11:46, 56.64it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 40000/80000 --> loss: 0.00040635, error: 0.15193489\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 56%|█████████████████████████████████████████████████▌ | 45008/80000 [13:45<10:19, 56.52it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 45000/80000 --> loss: 0.00004433, error: 0.13278601\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 63%|███████████████████████████████████████████████████████ | 50008/80000 [15:16<08:54, 56.07it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 50000/80000 --> loss: 0.00015471, error: 0.11521255\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 69%|████████████████████████████████████████████████████████████▌ | 55008/80000 [16:47<07:27, 55.89it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 55000/80000 --> loss: 0.00003695, error: 0.10423762\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 75%|██████████████████████████████████████████████████████████████████ | 60008/80000 [18:18<06:02, 55.18it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 60000/80000 --> loss: 0.00004013, error: 0.09015504\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 81%|███████████████████████████████████████████████████████████████████████▌ | 65008/80000 [19:50<04:29, 55.67it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 65000/80000 --> loss: 0.00039381, error: 0.07617349\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 88%|█████████████████████████████████████████████████████████████████████████████ | 70008/80000 [21:21<03:00, 55.44it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 70000/80000 --> loss: 0.00726376, error: 0.05860844\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ " 94%|██████████████████████████████████████████████████████████████████████████████████▌ | 75008/80000 [22:52<01:29, 56.01it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 75000/80000 --> loss: 0.00004069, error: 0.05802687\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "100%|████████████████████████████████████████████████████████████████████████████████████████| 80000/80000 [24:23<00:00, 54.65it/s]"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stdout",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "Epoch: 80000/80000 --> loss: 0.00067186, error: 0.05043495\n",
|
|
|
+ "Runtime: 18.30 ms/iter.\n"
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "name": "stderr",
|
|
|
+ "output_type": "stream",
|
|
|
+ "text": [
|
|
|
+ "\n"
|
|
|
+ ]
|
|
|
+ }
|
|
|
+ ],
|
|
|
+ "source": [
|
|
|
+ "import numpy as np \n",
|
|
|
+ "num = 24\n",
|
|
|
+ "for model in [\"CPPINN\",\"TTPINN\",\"TuckerPINN\"]:\n",
|
|
|
+ " for rank in [6,8,12]:\n",
|
|
|
+ " for run in range(10):\n",
|
|
|
+ " logs = main(mode=model,NC=num, NI=num, NB=num, NC_TEST=32, SEED=444444+run, LR=1e-3, EPOCHS=80000, N_LAYERS=4, FEATURES=rank, LOG_ITER=5000)\n",
|
|
|
+ " logs = np.array(logs)\n",
|
|
|
+ " if np.min(logs[:,2]) < 0.1:\n",
|
|
|
+ " np.savetxt(\"Rank{}/Model_{}_points_{}_run_{}\".format(rank,model,num,run),logs)\n",
|
|
|
+ " "
|
|
|
+ ]
|
|
|
+ },
|
|
|
+ {
|
|
|
+ "cell_type": "code",
|
|
|
+ "execution_count": null,
|
|
|
+ "id": "280bf139",
|
|
|
+ "metadata": {},
|
|
|
+ "outputs": [],
|
|
|
+ "source": []
|
|
|
+ }
|
|
|
+ ],
|
|
|
+ "metadata": {
|
|
|
+ "kernelspec": {
|
|
|
+ "display_name": "jaxdf",
|
|
|
+ "language": "python",
|
|
|
+ "name": "jaxdf"
|
|
|
+ },
|
|
|
+ "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.12.2"
|
|
|
+ }
|
|
|
+ },
|
|
|
+ "nbformat": 4,
|
|
|
+ "nbformat_minor": 5
|
|
|
+}
|